From 1a4506aa622a9810de25e22fb6651dc22778c43a Mon Sep 17 00:00:00 2001 From: "Documenter.jl" Date: Thu, 22 Aug 2024 15:34:20 +0000 Subject: [PATCH] build based on c6b3b7f --- previews/PR92/.documenter-siteinfo.json | 1 + previews/PR92/API/regularization/index.html | 18 + previews/PR92/API/solvers/index.html | 49 + previews/PR92/assets/documenter.js | 1064 +++++++++++++++++ previews/PR92/assets/sh.png | Bin 0 -> 5373 bytes previews/PR92/assets/sh_tv.png | Bin 0 -> 18270 bytes .../PR92/assets/themes/catppuccin-frappe.css | 1 + .../PR92/assets/themes/catppuccin-latte.css | 1 + .../assets/themes/catppuccin-macchiato.css | 1 + .../PR92/assets/themes/catppuccin-mocha.css | 1 + .../PR92/assets/themes/documenter-dark.css | 7 + .../PR92/assets/themes/documenter-light.css | 9 + previews/PR92/assets/themeswap.js | 84 ++ previews/PR92/assets/warner.js | 52 + .../examples/compressed_sensing/1e4f6f19.png | Bin 0 -> 62123 bytes .../examples/compressed_sensing/e04a3dfc.png | Bin 0 -> 33726 bytes .../examples/compressed_sensing/index.html | 65 + .../examples/computed_tomography/06bbd149.png | Bin 0 -> 182666 bytes .../examples/computed_tomography/97715265.png | Bin 0 -> 274231 bytes .../examples/computed_tomography/index.html | 65 + .../examples/getting_started/index.html | 12 + .../explanations/regularization/ac0f72df.png | Bin 0 -> 130783 bytes .../explanations/regularization/bcd0f16a.png | Bin 0 -> 61532 bytes .../explanations/regularization/index.html | 58 + .../generated/howto/callbacks/f245cd7a.png | Bin 0 -> 180496 bytes .../PR92/generated/howto/callbacks/index.html | 47 + .../howto/efficient_kaczmarz/index.html | 48 + .../howto/gpu_acceleration/2926b85f.png | Bin 0 -> 15725 bytes .../howto/gpu_acceleration/index.html | 70 ++ .../howto/multi_threading/index.html | 28 + .../howto/normal_operator/index.html | 68 ++ .../generated/howto/plug-and-play/index.html | 23 + .../PR92/generated/howto/weighting/index.html | 15 + previews/PR92/index.html | 2 + .../literate/examples/compressed_sensing.jl | 69 ++ .../literate/examples/computed_tomography.jl | 66 + .../PR92/literate/examples/getting_started.jl | 51 + .../literate/explanations/regularization.jl | 96 ++ previews/PR92/literate/howto/callbacks.jl | 49 + .../PR92/literate/howto/efficient_kaczmarz.jl | 31 + .../PR92/literate/howto/gpu_acceleration.jl | 77 ++ .../PR92/literate/howto/multi_threading.jl | 68 ++ .../PR92/literate/howto/normal_operator.jl | 70 ++ previews/PR92/literate/howto/plug-and-play.jl | 30 + previews/PR92/literate/howto/weighting.jl | 37 + previews/PR92/objects.inv | Bin 0 -> 1608 bytes previews/PR92/search_index.js | 3 + previews/PR92/siteinfo.js | 1 + previews/PR92/solvers/index.html | 20 + 49 files changed, 2457 insertions(+) create mode 100644 previews/PR92/.documenter-siteinfo.json create mode 100644 previews/PR92/API/regularization/index.html create mode 100644 previews/PR92/API/solvers/index.html create mode 100644 previews/PR92/assets/documenter.js create mode 100644 previews/PR92/assets/sh.png create mode 100644 previews/PR92/assets/sh_tv.png create mode 100644 previews/PR92/assets/themes/catppuccin-frappe.css create mode 100644 previews/PR92/assets/themes/catppuccin-latte.css create mode 100644 previews/PR92/assets/themes/catppuccin-macchiato.css create mode 100644 previews/PR92/assets/themes/catppuccin-mocha.css create mode 100644 previews/PR92/assets/themes/documenter-dark.css create mode 100644 previews/PR92/assets/themes/documenter-light.css create mode 100644 previews/PR92/assets/themeswap.js create mode 100644 previews/PR92/assets/warner.js create mode 100644 previews/PR92/generated/examples/compressed_sensing/1e4f6f19.png create mode 100644 previews/PR92/generated/examples/compressed_sensing/e04a3dfc.png create mode 100644 previews/PR92/generated/examples/compressed_sensing/index.html create mode 100644 previews/PR92/generated/examples/computed_tomography/06bbd149.png create mode 100644 previews/PR92/generated/examples/computed_tomography/97715265.png create mode 100644 previews/PR92/generated/examples/computed_tomography/index.html create mode 100644 previews/PR92/generated/examples/getting_started/index.html create mode 100644 previews/PR92/generated/explanations/regularization/ac0f72df.png create mode 100644 previews/PR92/generated/explanations/regularization/bcd0f16a.png create mode 100644 previews/PR92/generated/explanations/regularization/index.html create mode 100644 previews/PR92/generated/howto/callbacks/f245cd7a.png create mode 100644 previews/PR92/generated/howto/callbacks/index.html create mode 100644 previews/PR92/generated/howto/efficient_kaczmarz/index.html create mode 100644 previews/PR92/generated/howto/gpu_acceleration/2926b85f.png create mode 100644 previews/PR92/generated/howto/gpu_acceleration/index.html create mode 100644 previews/PR92/generated/howto/multi_threading/index.html create mode 100644 previews/PR92/generated/howto/normal_operator/index.html create mode 100644 previews/PR92/generated/howto/plug-and-play/index.html create mode 100644 previews/PR92/generated/howto/weighting/index.html create mode 100644 previews/PR92/index.html create mode 100644 previews/PR92/literate/examples/compressed_sensing.jl create mode 100644 previews/PR92/literate/examples/computed_tomography.jl create mode 100644 previews/PR92/literate/examples/getting_started.jl create mode 100644 previews/PR92/literate/explanations/regularization.jl create mode 100644 previews/PR92/literate/howto/callbacks.jl create mode 100644 previews/PR92/literate/howto/efficient_kaczmarz.jl create mode 100644 previews/PR92/literate/howto/gpu_acceleration.jl create mode 100644 previews/PR92/literate/howto/multi_threading.jl create mode 100644 previews/PR92/literate/howto/normal_operator.jl create mode 100644 previews/PR92/literate/howto/plug-and-play.jl create mode 100644 previews/PR92/literate/howto/weighting.jl create mode 100644 previews/PR92/objects.inv create mode 100644 previews/PR92/search_index.js create mode 100644 previews/PR92/siteinfo.js create mode 100644 previews/PR92/solvers/index.html diff --git a/previews/PR92/.documenter-siteinfo.json b/previews/PR92/.documenter-siteinfo.json new file mode 100644 index 00000000..58158509 --- /dev/null +++ b/previews/PR92/.documenter-siteinfo.json @@ -0,0 +1 @@ +{"documenter":{"julia_version":"1.10.4","generation_timestamp":"2024-08-22T15:34:15","documenter_version":"1.6.0"}} \ No newline at end of file diff --git a/previews/PR92/API/regularization/index.html b/previews/PR92/API/regularization/index.html new file mode 100644 index 00000000..59dec2f9 --- /dev/null +++ b/previews/PR92/API/regularization/index.html @@ -0,0 +1,18 @@ + +Regularization Terms · RegularizedLeastSquares.jl

API for Regularizers

This page contains documentation of the public API of the RegularizedLeastSquares. In the Julia REPL one can access this documentation by entering the help mode with ?

RegularizedLeastSquares.L21RegularizationType
L21Regularization

Regularization term implementing the proximal map for group-soft-thresholding.

Arguments

  • λ - regularization paramter

Keywords

  • slices=1 - number of elements per group
source
RegularizedLeastSquares.LLRRegularizationType
LLRRegularization

Regularization term implementing the proximal map for locally low rank (LLR) regularization using singular-value-thresholding.

Arguments

  • λ - regularization paramter

Keywords

  • shape::Tuple{Int} - dimensions of the image
  • blockSize::Tuple{Int}=(2,2) - size of patches to perform singular value thresholding on
  • randshift::Bool=true - randomly shifts the patches to ensure translation invariance
  • fullyOverlapping::Bool=false - choose between fully overlapping block or non-overlapping blocks
source
RegularizedLeastSquares.NuclearRegularizationType
NuclearRegularization

Regularization term implementing the proximal map for singular value soft-thresholding.

Arguments:

  • λ - regularization paramter

Keywords

  • svtShape::NTuple - size of the underlying matrix
source
RegularizedLeastSquares.TVRegularizationType
TVRegularization

Regularization term implementing the proximal map for TV regularization. Calculated with the Condat algorithm if the TV is calculated only along one real-valued dimension and with the Fast Gradient Projection algorithm otherwise.

Reference for the Condat algorithm: https://lcondat.github.io/publis/Condat-fast_TV-SPL-2013.pdf

Reference for the FGP algorithm: A. Beck and T. Teboulle, "Fast Gradient-Based Algorithms for Constrained Total Variation Image Denoising and Deblurring Problems", IEEE Trans. Image Process. 18(11), 2009

Arguments

  • λ::T - regularization parameter

Keywords

  • shape::NTuple - size of the underlying image
  • dims - Dimension to perform the TV along. If Integer, the Condat algorithm is called, and the FDG algorithm otherwise.
  • iterationsTV=20 - number of FGP iterations
source

Projection Regularization

Nested Regularization

RegularizedLeastSquares.innerregMethod
innerreg(reg::AbstractNestedRegularization)

return the inner regularization term of reg. Nested regularization terms also implement the iteration interface.

source

Scaled Regularization

Misc. Nested Regularization

RegularizedLeastSquares.MaskedRegularizationType
MaskedRegularization

Nested regularization term that only applies prox! and norm to elements of x for which the mask is true.

Examples

julia> positive = PositiveRegularization();
+
+julia> masked = MaskedRegularization(reg, [true, false, true, false]);
+
+julia> prox!(masked, fill(-1, 4))
+4-element Vector{Float64}:
+  0.0
+ -1.0
+  0.0
+ -1.0
source
RegularizedLeastSquares.TransformedRegularizationType
TransformedRegularization(reg, trafo)

Nested regularization term that applies prox! or norm on z = trafo * x and returns (inplace) x = adjoint(trafo) * z.

Example

julia> core = L1Regularization(0.8)
+L1Regularization{Float64}(0.8)
+
+julia> wop = WaveletOp(Float32, shape = (32,32));
+
+julia> reg = TransformedRegularization(core, wop);
+
+julia> prox!(reg, randn(32*32)); # Apply soft-thresholding in Wavelet domain
source
RegularizedLeastSquares.PlugAndPlayRegularizationType
    PlugAndPlayRegularization

Regularization term implementing a given plug-and-play proximal mapping. The actual regularization term is indirectly defined by the learned proximal mapping and as such there is no norm implemented.

Arguments

  • λ - regularization paramter

Keywords

  • model - model applied to the image
  • shape - dimensions of the image
  • input_transform - transform of image before model
source

Miscellaneous Functions

RegularizedLeastSquares.prox!Method
prox!(reg::AbstractParameterizedRegularization, x)

perform the proximal mapping defined by reg on x. Uses the regularization parameter defined for reg.

source
RegularizedLeastSquares.prox!Method
prox!(regType::Type{<:AbstractParameterizedRegularization}, x, λ; kwargs...)

construct a regularization term of type regType with given λ and kwargs and apply its prox! on x

source
LinearAlgebra.normMethod
norm(reg::AbstractParameterizedRegularization, x)

returns the value of the reg regularization term on x. Uses the regularization parameter defined for reg.

source
LinearAlgebra.normMethod
norm(regType::Type{<:AbstractParameterizedRegularization}, x, λ; kwargs...)

construct a regularization term of type regType with given λ and kwargs and apply its norm on x

source
diff --git a/previews/PR92/API/solvers/index.html b/previews/PR92/API/solvers/index.html new file mode 100644 index 00000000..671e865f --- /dev/null +++ b/previews/PR92/API/solvers/index.html @@ -0,0 +1,49 @@ + +Solvers · RegularizedLeastSquares.jl

API for Solvers

This page contains documentation of the public API of the RegularizedLeastSquares. In the Julia REPL one can access this documentation by entering the help mode with ?

solve!

RegularizedLeastSquares.solve!Method
solve!(solver::AbstractLinearSolver, b; x0 = 0, callbacks = (_, _) -> nothing)

Solves an inverse problem for the data vector b using solver.

Required Arguments

  • solver::AbstractLinearSolver - linear solver (e.g., ADMM or FISTA), containing forward/normal operator and regularizer
  • b::AbstractVector - data vector if A was supplied to the solver, back-projection of the data otherwise

Optional Keyword Arguments

  • x0::AbstractVector - initial guess for the solution; default is zero
  • callbacks - (optionally a vector of) function or callable struct that takes the two arguments callback(solver, iteration) and, e.g., stores, prints, or plots the intermediate solutions or convergence parameters. Be sure not to modify solver or iteration in the callback function as this would japaridze convergence. The default does nothing.

Examples

The optimization problem

\[ argmin_x ||Ax - b||_2^2 + λ ||x||_1\]

can be solved with the following lines of code:

julia> using RegularizedLeastSquares
+
+julia> A = [0.831658  0.96717
+            0.383056  0.39043
+            0.820692  0.08118];
+
+julia> x = [0.5932234523399985; 0.2697534345340015];
+
+julia> b = A * x;
+
+julia> S = ADMM(A);
+
+julia> x_approx = solve!(S, b)
+2-element Vector{Float64}:
+ 0.5932234523399984
+ 0.26975343453400163

Here, we use L1Regularization, which is default for ADMM. All regularization options can be found in API for Regularizers.

The following example solves the same problem, but stores the solution x of each interation in tr:

julia> tr = Dict[]
+Dict[]
+
+julia> store_trace!(tr, solver, iteration) = push!(tr, Dict("iteration" => iteration, "x" => solver.x, "beta" => solver.β))
+store_trace! (generic function with 1 method)
+
+julia> x_approx = solve!(S, b; callbacks=(solver, iteration) -> store_trace!(tr, solver, iteration))
+2-element Vector{Float64}:
+ 0.5932234523399984
+ 0.26975343453400163
+
+julia> tr[3]
+Dict{String, Any} with 3 entries:
+  "iteration" => 2
+  "x"         => [0.593223, 0.269753]
+  "beta"      => [1.23152, 0.927611]

The last example show demonstrates how to plot the solution at every 10th iteration and store the solvers convergence metrics:

julia> using Plots
+
+julia> conv = StoreConvergenceCallback()
+
+julia> function plot_trace(solver, iteration)
+         if iteration % 10 == 0
+           display(scatter(solver.x))
+         end
+       end
+plot_trace (generic function with 1 method)
+
+julia> x_approx = solve!(S, b; callbacks = [conv, plot_trace]);

The keyword callbacks allows you to pass a (vector of) callable objects that takes the arguments solver and iteration and prints, stores, or plots intermediate result.

See also StoreSolutionCallback, StoreConvergenceCallback, CompareSolutionCallback for a number of provided callback options.

source
RegularizedLeastSquares.init!Method
init!(solver::AbstractLinearSolver, state::AbstractSolverState, b::AbstractMatrix; scheduler = SequentialState, kwargs...)

Initialize the solver with each column of b and pass the corresponding states to the scheduler.

source

ADMM

RegularizedLeastSquares.ADMMType
ADMM(A; AHA = A'*A, precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, vary_rho = :none, iterations = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)
+ADMM( ; AHA = ,     precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, vary_rho = :none, iterations = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)

Creates an ADMM object for the forward operator A or normal operator AHA.

Required Arguments

  • A - forward operator

OR

  • AHA - normal operator (as a keyword argument)

Optional Keyword Arguments

  • AHA - normal operator is optional if A is supplied
  • precon - preconditionner for the internal CG algorithm
  • reg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms
  • regTrafo - transformation to a space in which reg is applied; if reg is a vector, regTrafo has to be a vector of the same length. Use opEye(eltype(AHA), size(AHA,1)) if no transformation is desired.
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • rho::Real - penalty of the augmented Lagrangian
  • vary_rho::Symbol - vary rho to balance primal and dual feasibility; options :none, :balance, :PnP
  • iterations::Int - maximum number of (outer) ADMM iterations
  • iterationsCG::Int - maximum number of (inner) CG iterations
  • absTol::Real - absolute tolerance for stopping criterion
  • relTol::Real - relative tolerance for stopping criterion
  • tolInner::Real - relative tolerance for CG stopping criterion
  • verbose::Bool - print residual in each iteration

ADMM differs from ISTA-type algorithms in the sense that the proximal operation is applied separately from the transformation to the space in which the penalty is applied. This is reflected by the interface which has reg and regTrafo as separate arguments. E.g., for a TV penalty, you should NOT set reg=TVRegularization, but instead use reg=L1Regularization(λ), regTrafo=RegularizedLeastSquares.GradientOp(Float64; shape=(Nx,Ny,Nz)).

See also createLinearSolver, solve!.

source

CGNR

RegularizedLeastSquares.CGNRType
CGNR(A; AHA = A' * A, reg = L2Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 10, relTol = eps(real(eltype(AHA))))
+CGNR( ; AHA = ,       reg = L2Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 10, relTol = eps(real(eltype(AHA))))

creates an CGNR object for the forward operator A or normal operator AHA.

Required Arguments

  • A - forward operator

OR

  • AHA - normal operator (as a keyword argument)

Optional Keyword Arguments

  • AHA - normal operator is optional if A is supplied
  • reg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • iterations::Int - maximum number of iterations
  • relTol::Real - tolerance for stopping criterion

See also createLinearSolver, solve!.

source

Kaczmarz

RegularizedLeastSquares.KaczmarzType
Kaczmarz(A; reg = L2Regularization(0), normalizeReg = NoNormalization(), randomized=false, subMatrixFraction=0.15, shuffleRows=false, seed=1234, iterations=10)

Creates a Kaczmarz object for the forward operator A.

Required Arguments

  • A - forward operator

Optional Keyword Arguments

  • reg::AbstractParameterizedRegularization - regularization term
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • randomized::Bool - randomize Kacmarz algorithm
  • subMatrixFraction::Real - fraction of rows used in randomized Kaczmarz algorithm
  • shuffleRows::Bool - randomize Kacmarz algorithm
  • seed::Int - seed for randomized algorithm
  • iterations::Int - number of iterations

See also createLinearSolver, solve!.

source

FISTA

RegularizedLeastSquares.FISTAType
FISTA(A; AHA=A'*A, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho = 0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))), restart = :none)
+FISTA( ; AHA=,     reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho = 0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))), restart = :none)

creates a FISTA object for the forward operator A or normal operator AHA.

Required Arguments

  • A - forward operator

OR

  • AHA - normal operator (as a keyword argument)

Optional Keyword Arguments

  • AHA - normal operator is optional if A is supplied
  • precon - preconditionner for the internal CG algorithm
  • reg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • rho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.
  • theta::Real - parameter for predictor-corrector step
  • relTol::Real - tolerance for stopping criterion
  • iterations::Int - maximum number of iterations
  • restart::Symbol - :none, :gradient options for restarting
  • verbose::Bool - print residual in each iteration

See also createLinearSolver, solve!.

source

OptISTA

RegularizedLeastSquares.OptISTAType
OptISTA(A; AHA=A'*A, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho=0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))))
+OptISTA( ; AHA=,     reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho=0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))))

creates a OptISTA object for the forward operator A or normal operator AHA. OptISTA has a 2x better worst-case bound than FISTA, but actual performance varies by application. It stores 2 extra intermediate variables the size of the image compared to FISTA.

Reference:

  • Uijeong Jang, Shuvomoy Das Gupta, Ernest K. Ryu, "Computer-Assisted Design of Accelerated Composite Optimization Methods: OptISTA," arXiv:2305.15704, 2023, [https://arxiv.org/abs/2305.15704]

Required Arguments

  • A - forward operator

OR

  • AHA - normal operator (as a keyword argument)

Optional Keyword Arguments

  • AHA - normal operator is optional if A is supplied
  • reg::AbstractParameterizedRegularization - regularization term
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • rho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.
  • theta::Real - parameter for predictor-corrector step
  • relTol::Real - tolerance for stopping criterion
  • iterations::Int - maximum number of iterations
  • verbose::Bool - print residual in each iteration

See also createLinearSolver, solve!.

source

POGM

RegularizedLeastSquares.POGMType
POGM(A; AHA = A'*A, reg = L1Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 50, verbose = false, rho = 0.95 / power_iterations(AHA), theta = 1, sigma_fac = 1, relTol = eps(real(eltype(AHA))), restart = :none)
+POGM( ; AHA = ,     reg = L1Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 50, verbose = false, rho = 0.95 / power_iterations(AHA), theta = 1, sigma_fac = 1, relTol = eps(real(eltype(AHA))), restart = :none)

Creates a POGM object for the forward operator A or normal operator AHA. POGM has a 2x better worst-case bound than FISTA, but actual performance varies by application. It stores 3 extra intermediate variables the size of the image compared to FISTA. Only gradient restart scheme is implemented for now.

References:

  • A.B. Taylor, J.M. Hendrickx, F. Glineur, "Exact worst-case performance of first-order algorithms for composite convex optimization," Arxiv:1512.07516, 2015, SIAM J. Opt. 2017 [http://doi.org/10.1137/16m108104x]

  • Kim, D., & Fessler, J. A. (2018). Adaptive Restart of the Optimized Gradient Method for Convex Optimization. Journal of Optimization Theory and Applications, 178(1), 240–263. [https://doi.org/10.1007/s10957-018-1287-4]

    Required Arguments

    • A - forward operator

    OR

    • AHA - normal operator (as a keyword argument)

    Optional Keyword Arguments

    • AHA - normal operator is optional if A is supplied
    • reg::AbstractParameterizedRegularization - regularization term
    • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
    • rho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.
    • theta::Real - parameter for predictor-corrector step
    • sigma_fac::Real - parameter for decreasing γ-momentum ∈ [0,1]
    • relTol::Real - tolerance for stopping criterion
    • iterations::Int - maximum number of iterations
    • restart::Symbol - :none, :gradient options for restarting
    • verbose::Bool - print residual in each iteration

See also createLinearSolver, solve!.

source

SplitBregman

RegularizedLeastSquares.SplitBregmanType
SplitBregman(A; AHA = A'*A, precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, iterations = 10, iterationsInner = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)
+SplitBregman( ; AHA = ,     precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, iterations = 10, iterationsInner = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)

Creates a SplitBregman object for the forward operator A or normal operator AHA.

Required Arguments

  • A - forward operator

OR

  • AHA - normal operator (as a keyword argument)

Optional Keyword Arguments

  • AHA - normal operator is optional if A is supplied
  • precon - preconditionner for the internal CG algorithm
  • reg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms
  • regTrafo - transformation to a space in which reg is applied; if reg is a vector, regTrafo has to be a vector of the same length. Use opEye(eltype(AHA), size(AHA,1)) if no transformation is desired.
  • normalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()
  • rho::Real - weights for condition on regularized variables; can also be a vector for multiple regularization terms
  • iterations::Int - maximum number of outer iterations. Set to 1 for unconstraint split Bregman (equivalent to ADMM)
  • iterationsInner::Int - maximum number of inner iterations
  • iterationsCG::Int - maximum number of (inner) CG iterations
  • absTol::Real - absolute tolerance for stopping criterion
  • relTol::Real - relative tolerance for stopping criterion
  • tolInner::Real - relative tolerance for CG stopping criterion
  • verbose::Bool - print residual in each iteration

This algorithm solves the constraint problem (Eq. (4.7) in Tom Goldstein and Stanley Osher), i.e. ||R(x)||₁ such that ||Ax -b||₂² < σ². In order to solve the unconstraint problem (Eq. (4.8) in Tom Goldstein and Stanley Osher), i.e. ||Ax -b||₂² + λ ||R(x)||₁, you can either set iterations=1 or use ADMM instead, which is equivalent (iterations=1 in SplitBregman in implied in ADMM and the SplitBregman variable iterationsInner is simply called iterations in ADMM)

Like ADMM, SplitBregman differs from ISTA-type algorithms in the sense that the proximal operation is applied separately from the transformation to the space in which the penalty is applied. This is reflected by the interface which has reg and regTrafo as separate arguments. E.g., for a TV penalty, you should NOT set reg=TVRegularization, but instead use reg=L1Regularization(λ), regTrafo=RegularizedLeastSquares.GradientOp(Float64; shape=(Nx,Ny,Nz)).

See also createLinearSolver, solve!.

source

Miscellaneous

RegularizedLeastSquares.createLinearSolverFunction
createLinearSolver(solver::AbstractLinearSolver, A; kargs...)

This method creates a solver. The supported solvers are methods typically used for solving regularized linear systems. All solvers return an approximate solution to Ax = b.

TODO: give a hint what solvers are available

source
RegularizedLeastSquares.isapplicableFunction
isapplicable(solverType::Type{<:AbstractLinearSolver}, A, x, reg)

return true if a solver of type solverType is applicable to system matrix A, data x and regularization terms reg.

source
diff --git a/previews/PR92/assets/documenter.js b/previews/PR92/assets/documenter.js new file mode 100644 index 00000000..82252a11 --- /dev/null +++ b/previews/PR92/assets/documenter.js @@ -0,0 +1,1064 @@ +// Generated by Documenter.jl +requirejs.config({ + paths: { + 'highlight-julia': 'https://cdnjs.cloudflare.com/ajax/libs/highlight.js/11.8.0/languages/julia.min', + 'headroom': 'https://cdnjs.cloudflare.com/ajax/libs/headroom/0.12.0/headroom.min', + 'jqueryui': 'https://cdnjs.cloudflare.com/ajax/libs/jqueryui/1.13.2/jquery-ui.min', + 'katex-auto-render': 'https://cdnjs.cloudflare.com/ajax/libs/KaTeX/0.16.8/contrib/auto-render.min', + 'jquery': 'https://cdnjs.cloudflare.com/ajax/libs/jquery/3.7.0/jquery.min', + 'headroom-jquery': 'https://cdnjs.cloudflare.com/ajax/libs/headroom/0.12.0/jQuery.headroom.min', + 'katex': 'https://cdnjs.cloudflare.com/ajax/libs/KaTeX/0.16.8/katex.min', + 'highlight': 'https://cdnjs.cloudflare.com/ajax/libs/highlight.js/11.8.0/highlight.min', + 'highlight-julia-repl': 'https://cdnjs.cloudflare.com/ajax/libs/highlight.js/11.8.0/languages/julia-repl.min', + }, + shim: { + "highlight-julia": { + "deps": [ + "highlight" + ] + }, + "katex-auto-render": { + "deps": [ + "katex" + ] + }, + "headroom-jquery": { + "deps": [ + "jquery", + "headroom" + ] + }, + "highlight-julia-repl": { + "deps": [ + "highlight" + ] + } +} +}); +//////////////////////////////////////////////////////////////////////////////// +require(['jquery', 'katex', 'katex-auto-render'], function($, katex, renderMathInElement) { +$(document).ready(function() { + renderMathInElement( + document.body, + { + "delimiters": [ + { + "left": "$", + "right": "$", + "display": false + }, + { + "left": "$$", + "right": "$$", + "display": true + }, + { + "left": "\\[", + "right": "\\]", + "display": true + } + ] +} + + ); +}) + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery', 'highlight', 'highlight-julia', 'highlight-julia-repl'], function($) { +$(document).ready(function() { + hljs.highlightAll(); +}) + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +let timer = 0; +var isExpanded = true; + +$(document).on( + "click", + ".docstring .docstring-article-toggle-button", + function () { + let articleToggleTitle = "Expand docstring"; + const parent = $(this).parent(); + + debounce(() => { + if (parent.siblings("section").is(":visible")) { + parent + .find("a.docstring-article-toggle-button") + .removeClass("fa-chevron-down") + .addClass("fa-chevron-right"); + } else { + parent + .find("a.docstring-article-toggle-button") + .removeClass("fa-chevron-right") + .addClass("fa-chevron-down"); + + articleToggleTitle = "Collapse docstring"; + } + + parent + .children(".docstring-article-toggle-button") + .prop("title", articleToggleTitle); + parent.siblings("section").slideToggle(); + }); + } +); + +$(document).on("click", ".docs-article-toggle-button", function (event) { + let articleToggleTitle = "Expand docstring"; + let navArticleToggleTitle = "Expand all docstrings"; + let animationSpeed = event.noToggleAnimation ? 0 : 400; + + debounce(() => { + if (isExpanded) { + $(this).removeClass("fa-chevron-up").addClass("fa-chevron-down"); + $("a.docstring-article-toggle-button") + .removeClass("fa-chevron-down") + .addClass("fa-chevron-right"); + + isExpanded = false; + + $(".docstring section").slideUp(animationSpeed); + } else { + $(this).removeClass("fa-chevron-down").addClass("fa-chevron-up"); + $("a.docstring-article-toggle-button") + .removeClass("fa-chevron-right") + .addClass("fa-chevron-down"); + + isExpanded = true; + articleToggleTitle = "Collapse docstring"; + navArticleToggleTitle = "Collapse all docstrings"; + + $(".docstring section").slideDown(animationSpeed); + } + + $(this).prop("title", navArticleToggleTitle); + $(".docstring-article-toggle-button").prop("title", articleToggleTitle); + }); +}); + +function debounce(callback, timeout = 300) { + if (Date.now() - timer > timeout) { + callback(); + } + + clearTimeout(timer); + + timer = Date.now(); +} + +}) +//////////////////////////////////////////////////////////////////////////////// +require([], function() { +function addCopyButtonCallbacks() { + for (const el of document.getElementsByTagName("pre")) { + const button = document.createElement("button"); + button.classList.add("copy-button", "fa-solid", "fa-copy"); + button.setAttribute("aria-label", "Copy this code block"); + button.setAttribute("title", "Copy"); + + el.appendChild(button); + + const success = function () { + button.classList.add("success", "fa-check"); + button.classList.remove("fa-copy"); + }; + + const failure = function () { + button.classList.add("error", "fa-xmark"); + button.classList.remove("fa-copy"); + }; + + button.addEventListener("click", function () { + copyToClipboard(el.innerText).then(success, failure); + + setTimeout(function () { + button.classList.add("fa-copy"); + button.classList.remove("success", "fa-check", "fa-xmark"); + }, 5000); + }); + } +} + +function copyToClipboard(text) { + // clipboard API is only available in secure contexts + if (window.navigator && window.navigator.clipboard) { + return window.navigator.clipboard.writeText(text); + } else { + return new Promise(function (resolve, reject) { + try { + const el = document.createElement("textarea"); + el.textContent = text; + el.style.position = "fixed"; + el.style.opacity = 0; + document.body.appendChild(el); + el.select(); + document.execCommand("copy"); + + resolve(); + } catch (err) { + reject(err); + } finally { + document.body.removeChild(el); + } + }); + } +} + +if (document.readyState === "loading") { + document.addEventListener("DOMContentLoaded", addCopyButtonCallbacks); +} else { + addCopyButtonCallbacks(); +} + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery', 'headroom', 'headroom-jquery'], function($, Headroom) { + +// Manages the top navigation bar (hides it when the user starts scrolling down on the +// mobile). +window.Headroom = Headroom; // work around buggy module loading? +$(document).ready(function () { + $("#documenter .docs-navbar").headroom({ + tolerance: { up: 10, down: 10 }, + }); +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +$(document).ready(function () { + let meta = $("div[data-docstringscollapsed]").data(); + + if (meta?.docstringscollapsed) { + $("#documenter-article-toggle-button").trigger({ + type: "click", + noToggleAnimation: true, + }); + } +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +/* +To get an in-depth about the thought process you can refer: https://hetarth02.hashnode.dev/series/gsoc + +PSEUDOCODE: + +Searching happens automatically as the user types or adjusts the selected filters. +To preserve responsiveness, as much as possible of the slow parts of the search are done +in a web worker. Searching and result generation are done in the worker, and filtering and +DOM updates are done in the main thread. The filters are in the main thread as they should +be very quick to apply. This lets filters be changed without re-searching with minisearch +(which is possible even if filtering is on the worker thread) and also lets filters be +changed _while_ the worker is searching and without message passing (neither of which are +possible if filtering is on the worker thread) + +SEARCH WORKER: + +Import minisearch + +Build index + +On message from main thread + run search + find the first 200 unique results from each category, and compute their divs for display + note that this is necessary and sufficient information for the main thread to find the + first 200 unique results from any given filter set + post results to main thread + +MAIN: + +Launch worker + +Declare nonconstant globals (worker_is_running, last_search_text, unfiltered_results) + +On text update + if worker is not running, launch_search() + +launch_search + set worker_is_running to true, set last_search_text to the search text + post the search query to worker + +on message from worker + if last_search_text is not the same as the text in the search field, + the latest search result is not reflective of the latest search query, so update again + launch_search() + otherwise + set worker_is_running to false + + regardless, display the new search results to the user + save the unfiltered_results as a global + update_search() + +on filter click + adjust the filter selection + update_search() + +update_search + apply search filters by looping through the unfiltered_results and finding the first 200 + unique results that match the filters + + Update the DOM +*/ + +/////// SEARCH WORKER /////// + +function worker_function(documenterSearchIndex, documenterBaseURL, filters) { + importScripts( + "https://cdn.jsdelivr.net/npm/minisearch@6.1.0/dist/umd/index.min.js" + ); + + let data = documenterSearchIndex.map((x, key) => { + x["id"] = key; // minisearch requires a unique for each object + return x; + }); + + // list below is the lunr 2.1.3 list minus the intersect with names(Base) + // (all, any, get, in, is, only, which) and (do, else, for, let, where, while, with) + // ideally we'd just filter the original list but it's not available as a variable + const stopWords = new Set([ + "a", + "able", + "about", + "across", + "after", + "almost", + "also", + "am", + "among", + "an", + "and", + "are", + "as", + "at", + "be", + "because", + "been", + "but", + "by", + "can", + "cannot", + "could", + "dear", + "did", + "does", + "either", + "ever", + "every", + "from", + "got", + "had", + "has", + "have", + "he", + "her", + "hers", + "him", + "his", + "how", + "however", + "i", + "if", + "into", + "it", + "its", + "just", + "least", + "like", + "likely", + "may", + "me", + "might", + "most", + "must", + "my", + "neither", + "no", + "nor", + "not", + "of", + "off", + "often", + "on", + "or", + "other", + "our", + "own", + "rather", + "said", + "say", + "says", + "she", + "should", + "since", + "so", + "some", + "than", + "that", + "the", + "their", + "them", + "then", + "there", + "these", + "they", + "this", + "tis", + "to", + "too", + "twas", + "us", + "wants", + "was", + "we", + "were", + "what", + "when", + "who", + "whom", + "why", + "will", + "would", + "yet", + "you", + "your", + ]); + + let index = new MiniSearch({ + fields: ["title", "text"], // fields to index for full-text search + storeFields: ["location", "title", "text", "category", "page"], // fields to return with results + processTerm: (term) => { + let word = stopWords.has(term) ? null : term; + if (word) { + // custom trimmer that doesn't strip @ and !, which are used in julia macro and function names + word = word + .replace(/^[^a-zA-Z0-9@!]+/, "") + .replace(/[^a-zA-Z0-9@!]+$/, ""); + + word = word.toLowerCase(); + } + + return word ?? null; + }, + // add . as a separator, because otherwise "title": "Documenter.Anchors.add!", would not + // find anything if searching for "add!", only for the entire qualification + tokenize: (string) => string.split(/[\s\-\.]+/), + // options which will be applied during the search + searchOptions: { + prefix: true, + boost: { title: 100 }, + fuzzy: 2, + }, + }); + + index.addAll(data); + + /** + * Used to map characters to HTML entities. + * Refer: https://github.com/lodash/lodash/blob/main/src/escape.ts + */ + const htmlEscapes = { + "&": "&", + "<": "<", + ">": ">", + '"': """, + "'": "'", + }; + + /** + * Used to match HTML entities and HTML characters. + * Refer: https://github.com/lodash/lodash/blob/main/src/escape.ts + */ + const reUnescapedHtml = /[&<>"']/g; + const reHasUnescapedHtml = RegExp(reUnescapedHtml.source); + + /** + * Escape function from lodash + * Refer: https://github.com/lodash/lodash/blob/main/src/escape.ts + */ + function escape(string) { + return string && reHasUnescapedHtml.test(string) + ? string.replace(reUnescapedHtml, (chr) => htmlEscapes[chr]) + : string || ""; + } + + /** + * RegX escape function from MDN + * Refer: https://developer.mozilla.org/en-US/docs/Web/JavaScript/Guide/Regular_Expressions#escaping + */ + function escapeRegExp(string) { + return string.replace(/[.*+?^${}()|[\]\\]/g, "\\$&"); // $& means the whole matched string + } + + /** + * Make the result component given a minisearch result data object and the value + * of the search input as queryString. To view the result object structure, refer: + * https://lucaong.github.io/minisearch/modules/_minisearch_.html#searchresult + * + * @param {object} result + * @param {string} querystring + * @returns string + */ + function make_search_result(result, querystring) { + let search_divider = `
`; + let display_link = + result.location.slice(Math.max(0), Math.min(50, result.location.length)) + + (result.location.length > 30 ? "..." : ""); // To cut-off the link because it messes with the overflow of the whole div + + if (result.page !== "") { + display_link += ` (${result.page})`; + } + searchstring = escapeRegExp(querystring); + let textindex = new RegExp(`${searchstring}`, "i").exec(result.text); + let text = + textindex !== null + ? result.text.slice( + Math.max(textindex.index - 100, 0), + Math.min( + textindex.index + querystring.length + 100, + result.text.length + ) + ) + : ""; // cut-off text before and after from the match + + text = text.length ? escape(text) : ""; + + let display_result = text.length + ? "..." + + text.replace( + new RegExp(`${escape(searchstring)}`, "i"), // For first occurrence + '$&' + ) + + "..." + : ""; // highlights the match + + let in_code = false; + if (!["page", "section"].includes(result.category.toLowerCase())) { + in_code = true; + } + + // We encode the full url to escape some special characters which can lead to broken links + let result_div = ` + +
+
${escape(result.title)}
+
${result.category}
+
+

+ ${display_result} +

+
+ ${display_link} +
+
+ ${search_divider} + `; + + return result_div; + } + + self.onmessage = function (e) { + let query = e.data; + let results = index.search(query, { + filter: (result) => { + // Only return relevant results + return result.score >= 1; + }, + combineWith: "AND", + }); + + // Pre-filter to deduplicate and limit to 200 per category to the extent + // possible without knowing what the filters are. + let filtered_results = []; + let counts = {}; + for (let filter of filters) { + counts[filter] = 0; + } + let present = {}; + + for (let result of results) { + cat = result.category; + cnt = counts[cat]; + if (cnt < 200) { + id = cat + "---" + result.location; + if (present[id]) { + continue; + } + present[id] = true; + filtered_results.push({ + location: result.location, + category: cat, + div: make_search_result(result, query), + }); + } + } + + postMessage(filtered_results); + }; +} + +// `worker = Threads.@spawn worker_function(documenterSearchIndex)`, but in JavaScript! +const filters = [ + ...new Set(documenterSearchIndex["docs"].map((x) => x.category)), +]; +const worker_str = + "(" + + worker_function.toString() + + ")(" + + JSON.stringify(documenterSearchIndex["docs"]) + + "," + + JSON.stringify(documenterBaseURL) + + "," + + JSON.stringify(filters) + + ")"; +const worker_blob = new Blob([worker_str], { type: "text/javascript" }); +const worker = new Worker(URL.createObjectURL(worker_blob)); + +/////// SEARCH MAIN /////// + +// Whether the worker is currently handling a search. This is a boolean +// as the worker only ever handles 1 or 0 searches at a time. +var worker_is_running = false; + +// The last search text that was sent to the worker. This is used to determine +// if the worker should be launched again when it reports back results. +var last_search_text = ""; + +// The results of the last search. This, in combination with the state of the filters +// in the DOM, is used compute the results to display on calls to update_search. +var unfiltered_results = []; + +// Which filter is currently selected +var selected_filter = ""; + +$(document).on("input", ".documenter-search-input", function (event) { + if (!worker_is_running) { + launch_search(); + } +}); + +function launch_search() { + worker_is_running = true; + last_search_text = $(".documenter-search-input").val(); + worker.postMessage(last_search_text); +} + +worker.onmessage = function (e) { + if (last_search_text !== $(".documenter-search-input").val()) { + launch_search(); + } else { + worker_is_running = false; + } + + unfiltered_results = e.data; + update_search(); +}; + +$(document).on("click", ".search-filter", function () { + if ($(this).hasClass("search-filter-selected")) { + selected_filter = ""; + } else { + selected_filter = $(this).text().toLowerCase(); + } + + // This updates search results and toggles classes for UI: + update_search(); +}); + +/** + * Make/Update the search component + */ +function update_search() { + let querystring = $(".documenter-search-input").val(); + + if (querystring.trim()) { + if (selected_filter == "") { + results = unfiltered_results; + } else { + results = unfiltered_results.filter((result) => { + return selected_filter == result.category.toLowerCase(); + }); + } + + let search_result_container = ``; + let modal_filters = make_modal_body_filters(); + let search_divider = `
`; + + if (results.length) { + let links = []; + let count = 0; + let search_results = ""; + + for (var i = 0, n = results.length; i < n && count < 200; ++i) { + let result = results[i]; + if (result.location && !links.includes(result.location)) { + search_results += result.div; + count++; + links.push(result.location); + } + } + + if (count == 1) { + count_str = "1 result"; + } else if (count == 200) { + count_str = "200+ results"; + } else { + count_str = count + " results"; + } + let result_count = `
${count_str}
`; + + search_result_container = ` +
+ ${modal_filters} + ${search_divider} + ${result_count} +
+ ${search_results} +
+
+ `; + } else { + search_result_container = ` +
+ ${modal_filters} + ${search_divider} +
0 result(s)
+
+
No result found!
+ `; + } + + if ($(".search-modal-card-body").hasClass("is-justify-content-center")) { + $(".search-modal-card-body").removeClass("is-justify-content-center"); + } + + $(".search-modal-card-body").html(search_result_container); + } else { + if (!$(".search-modal-card-body").hasClass("is-justify-content-center")) { + $(".search-modal-card-body").addClass("is-justify-content-center"); + } + + $(".search-modal-card-body").html(` +
Type something to get started!
+ `); + } +} + +/** + * Make the modal filter html + * + * @returns string + */ +function make_modal_body_filters() { + let str = filters + .map((val) => { + if (selected_filter == val.toLowerCase()) { + return `${val}`; + } else { + return `${val}`; + } + }) + .join(""); + + return ` +
+ Filters: + ${str} +
`; +} + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +// Modal settings dialog +$(document).ready(function () { + var settings = $("#documenter-settings"); + $("#documenter-settings-button").click(function () { + settings.toggleClass("is-active"); + }); + // Close the dialog if X is clicked + $("#documenter-settings button.delete").click(function () { + settings.removeClass("is-active"); + }); + // Close dialog if ESC is pressed + $(document).keyup(function (e) { + if (e.keyCode == 27) settings.removeClass("is-active"); + }); +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +$(document).ready(function () { + let search_modal_header = ` + + `; + + let initial_search_body = ` +
Type something to get started!
+ `; + + let search_modal_footer = ` + + `; + + $(document.body).append( + ` + + ` + ); + + document.querySelector(".docs-search-query").addEventListener("click", () => { + openModal(); + }); + + document + .querySelector(".close-search-modal") + .addEventListener("click", () => { + closeModal(); + }); + + $(document).on("click", ".search-result-link", function () { + closeModal(); + }); + + document.addEventListener("keydown", (event) => { + if ((event.ctrlKey || event.metaKey) && event.key === "/") { + openModal(); + } else if (event.key === "Escape") { + closeModal(); + } + + return false; + }); + + // Functions to open and close a modal + function openModal() { + let searchModal = document.querySelector("#search-modal"); + + searchModal.classList.add("is-active"); + document.querySelector(".documenter-search-input").focus(); + } + + function closeModal() { + let searchModal = document.querySelector("#search-modal"); + let initial_search_body = ` +
Type something to get started!
+ `; + + searchModal.classList.remove("is-active"); + document.querySelector(".documenter-search-input").blur(); + + if (!$(".search-modal-card-body").hasClass("is-justify-content-center")) { + $(".search-modal-card-body").addClass("is-justify-content-center"); + } + + $(".documenter-search-input").val(""); + $(".search-modal-card-body").html(initial_search_body); + } + + document + .querySelector("#search-modal .modal-background") + .addEventListener("click", () => { + closeModal(); + }); +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +// Manages the showing and hiding of the sidebar. +$(document).ready(function () { + var sidebar = $("#documenter > .docs-sidebar"); + var sidebar_button = $("#documenter-sidebar-button"); + sidebar_button.click(function (ev) { + ev.preventDefault(); + sidebar.toggleClass("visible"); + if (sidebar.hasClass("visible")) { + // Makes sure that the current menu item is visible in the sidebar. + $("#documenter .docs-menu a.is-active").focus(); + } + }); + $("#documenter > .docs-main").bind("click", function (ev) { + if ($(ev.target).is(sidebar_button)) { + return; + } + if (sidebar.hasClass("visible")) { + sidebar.removeClass("visible"); + } + }); +}); + +// Resizes the package name / sitename in the sidebar if it is too wide. +// Inspired by: https://github.com/davatron5000/FitText.js +$(document).ready(function () { + e = $("#documenter .docs-autofit"); + function resize() { + var L = parseInt(e.css("max-width"), 10); + var L0 = e.width(); + if (L0 > L) { + var h0 = parseInt(e.css("font-size"), 10); + e.css("font-size", (L * h0) / L0); + // TODO: make sure it survives resizes? + } + } + // call once and then register events + resize(); + $(window).resize(resize); + $(window).on("orientationchange", resize); +}); + +// Scroll the navigation bar to the currently selected menu item +$(document).ready(function () { + var sidebar = $("#documenter .docs-menu").get(0); + var active = $("#documenter .docs-menu .is-active").get(0); + if (typeof active !== "undefined") { + sidebar.scrollTop = active.offsetTop - sidebar.offsetTop - 15; + } +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +// Theme picker setup +$(document).ready(function () { + // onchange callback + $("#documenter-themepicker").change(function themepick_callback(ev) { + var themename = $("#documenter-themepicker option:selected").attr("value"); + if (themename === "auto") { + // set_theme(window.matchMedia('(prefers-color-scheme: dark)').matches ? 'dark' : 'light'); + window.localStorage.removeItem("documenter-theme"); + } else { + // set_theme(themename); + window.localStorage.setItem("documenter-theme", themename); + } + // We re-use the global function from themeswap.js to actually do the swapping. + set_theme_from_local_storage(); + }); + + // Make sure that the themepicker displays the correct theme when the theme is retrieved + // from localStorage + if (typeof window.localStorage !== "undefined") { + var theme = window.localStorage.getItem("documenter-theme"); + if (theme !== null) { + $("#documenter-themepicker option").each(function (i, e) { + e.selected = e.value === theme; + }); + } + } +}); + +}) +//////////////////////////////////////////////////////////////////////////////// +require(['jquery'], function($) { + +// update the version selector with info from the siteinfo.js and ../versions.js files +$(document).ready(function () { + // If the version selector is disabled with DOCUMENTER_VERSION_SELECTOR_DISABLED in the + // siteinfo.js file, we just return immediately and not display the version selector. + if ( + typeof DOCUMENTER_VERSION_SELECTOR_DISABLED === "boolean" && + DOCUMENTER_VERSION_SELECTOR_DISABLED + ) { + return; + } + + var version_selector = $("#documenter .docs-version-selector"); + var version_selector_select = $("#documenter .docs-version-selector select"); + + version_selector_select.change(function (x) { + target_href = version_selector_select + .children("option:selected") + .get(0).value; + window.location.href = target_href; + }); + + // add the current version to the selector based on siteinfo.js, but only if the selector is empty + if ( + typeof DOCUMENTER_CURRENT_VERSION !== "undefined" && + $("#version-selector > option").length == 0 + ) { + var option = $( + "" + ); + version_selector_select.append(option); + } + + if (typeof DOC_VERSIONS !== "undefined") { + var existing_versions = version_selector_select.children("option"); + var existing_versions_texts = existing_versions.map(function (i, x) { + return x.text; + }); + DOC_VERSIONS.forEach(function (each) { + var version_url = documenterBaseURL + "/../" + each + "/"; + var existing_id = $.inArray(each, existing_versions_texts); + // if not already in the version selector, add it as a new option, + // otherwise update the old option with the URL and enable it + if (existing_id == -1) { + var option = $( + "" + ); + version_selector_select.append(option); + } else { + var option = existing_versions[existing_id]; + option.value = version_url; + option.disabled = false; + } + }); + } + + // only show the version selector if the selector has been populated + if (version_selector_select.children("option").length > 0) { + version_selector.toggleClass("visible"); + } +}); + +}) diff --git a/previews/PR92/assets/sh.png b/previews/PR92/assets/sh.png new file mode 100644 index 0000000000000000000000000000000000000000..9429533cd92cac40593d2289ad0b175e8412ea61 GIT binary patch literal 5373 zcmd^Dc{rO{+kdi%M{S{MZv~^vv?U0-k)RZ$EfUne7Eu%ly39<_PHECbQBzFE zTD26FphH`2tql{kv{7_X`xX)3BQoFH>$|=`-s}DM&2?qHPR=>^eeU0KpP!u^j!17( z-2?!Dw5`qI;{X7s003+lL_xn8b-o>e-jER%wkJX8aRKzc0)3YVvvG+409n%d6IO^X z@P~ffA8F+rc_P#&GMaSmED%hJ3=0a44D$EHkk6ir@DB~a80hNj8tlRNMMj1l(9`?Z z0Nv1YzIsNI%g+En!PWM#`N{KlCI;F<`fXIjhL3mj_XVmAIFguan{6CBDV0?fvcA`T z;GBwlmt}Q#5`khIec$njVHP2H@V>^ z2}fZ)=wUC+hkuOg*aVM&h6Ds_eyP+^fJYd>Q2>|+Lq53Hvs4+LfX5}VoRI|L4;CJA z*^`-AP>O__-$Z$zS5Qb*l=`b+pqh$q=OepD@eldJ^iNa4ilz+ zb513-%*~p`3bpU%3woWJhGtrpRA|dLflr$2g{}`r+3m7!IDPgzsWV!DMNMv_Z7~)AI4WI$j-Q;U)QnK0xHA(1mm91M$ufNvp5WGT;jO2nZNUXB3c2S zn*hfIWem4E^N{98o)QL%U_u}^q5Rhv7TN7rvKpOsXcPO;jp=`=h&LPiZIn})90xz@ ztuFN$$`=)hZ^4e#6NoOV8@Mhy(;HnDu%>*P-kuSSvfN6ekp4pA13IJBzXWTR?UBX^ zfq&{*AKew2@&HIFGjLm@?&9lLmt^nPM34GP3wQLJx*Q^^dp%A$fTUAI_iVdRMRJE@ ziYQTuMVa=RPCJC`VUH=(yoC?&wgh{i@G}Ds%5N4Fy7jjg>SK>NuCt04QYy2HUv3rL z+E~!eToh}@Aqkk*-QC@V9+T$}rSay0eBr74^g0J0mDSMD_%J;k{;{oZ4|ixfb%5uV zCmmEeQ9|?@_J6`;(l1}Wd|xm5rUYe93vjTUQtLgFJE=-4+iD)>0w->VU3EvY{2#@r zUu5>*kcsaFldCHwsPJJNl68!|5lXK7i=}q~!E1JZtZ>*(hH$PvJYPwBczPgCAvHno zbYPi*yx_Y2lmU%m=)az9Kj5PkV&673JkKR?HriqH(hmFKdK~2@RR5oXboiMMizmgL zWkp0PX&{&g`8D-#MP`8}=fY^Qd(t;7T1WZ#m+ml$mQZ(8>nQa1 z-|^!!{qc3 z?FZ%D&_EEZ7sX$>8P{>wSF%<_;7$@;kD6CdeB~Ao2OyX9j)k&)HWv9G^?msUhm zm0`X1`n9JKl`o^v+kNl@3{d}a8Dghd=2FX*Va>>p;-b(!LXfws1`r$50LpENYMo65B0c1%IVwNxBDUbhg(OEEvfid>wV8`-H$L~9cv z?NTK$8da^C@f_x9k7hr{;}}EmQ2{LFTG2e~@8)+{yQR9hsNC&=@z$hG!o{_TL<8$4 zAgT*!dK%!qW-`VgKls7$&Y#OSlU+dy)~OrER*b?RAAZ-qo3FKACQ#1cdk31b1Q$NT zVK;JNDL>aYG`Rj6+1h2EF)_n$3>L+Na^`x@a9pc7C6}cFFOW&c;Fz*P?sUzZPElGM zN=iqB9=Kw5H211s{(F~{HgyEzBsXl|K2;yj-lVD(85hw}baZpbawTVw#BoGO8m`e`$-cP3GRLL$H71V}xYnx6h)n}!CxfoA0v8yVmp)^I7Y z3~y>0zuaycd{QkqJyGSe?~}?E=FsHY(j<;@zy4p~5!N+GAylf%c4w`KJtA!eBfZ}s zjc#cz>8Q6w#NJI!vV~MbXb9faR6TEWo?Sqp7sbczfRt-J^@#J5MdJMHab2mt3W9$; z!zr6taVdybf84(6`CcmRM7^{P72#{_c>i<0)jg#{BeTPeHB}Ij5AcFC@W;PBZE6=xgLU4*=S7I?~(jec?FA6%Vz$o{1%wnvRuOkzt5GA1zqktKRnl#kNFj*rHPt5!a1J`{tIH zA0NWw(--E=>fQ)cR^bs?IOcn*s1YEw zbxPR)T<18U^L!0U2`jjkT|SO``%{j!P}`uFAi+BPFqwOM@!eAspU~2)V>UbTtxq1-(ryw!iJtrF znFHxLq_1@ps!hQ_U3@g6G-|QbM`@=O0wj7%J{A5;8HV^NtL5V9kk(q-x!wZ{ruqUg z2PCxl74@n5kBB}4ZQ{89`oT(6*aoFRK*?|Nc;7yC_jh0A*P@7_I${GBk_Gf;6Z?v( z%so3umd_MbR;wU-*QBDparFoEkDrmn?;chai8Y{>w~Y7-*_W&*_4S|%uzS0Rqkz)i z?it_un|!G5cZkjhQ&MA<+YoLbrGsiB#xjnnvK1knYEIj>hFdfZU!#`XL4ak)lQcT$ zq7`WtYDRjCYRXNZGU`Cqjs+gC7TVk7hY$DFWgyx1noVH}?yQM3MFo|c*BwK$@7{Ak zrzhl#^~qTiv$3^nb_kI6q8!^D=1A2S1xu7y{nO);@jcZai4dRDo_=kbzoqRxzsyS- zsyUQ5rE!~(Q!o(XtNmht{=o}((BXsb#fDjFLC zJ(ePGqCMk2Jl|;-l0Cqj+98dRA}W!h;YvnRUw(5~9|1*OQK5+>y1+5VShw=XH>9W* zeyDb>Gymi*2U^*D8F1YRY$tm`_aP?A+heSOL;Sd1YKPvcpQZD@F>Bwp>zq`#IORk)kLDw5hP$kZtfeDaM^SW*#k4 zyX`&-V&6Ihh&tR@*yP!*jf2us%~_!WEbroih>(RH=F9O5hd=NQ##@(^E(t5Y4+%Hy zpCEg<%lcY^kD~uD>J^wri)^dVl`59?PXvL~G~Hl6R&X&vNCYB4k<7`+=6JH8X-Tw1 z;ZlhP3AA>AAU+cDp{DKcss>r=K(@+1&+L z=+LUz9~A_z*G##yG}d|1A}3$(EOKykbW~Eq?;Q>^o5h+20=ZhfWaQ*xTp;Xp?G{#T zQD;R-XhLsNcBdZA5lGpT#nepc=TwEz69!^f2iJ^}h99Qj8JFa+8xGr(Idobrs&3}4A&b_Ua^3hgpIae+rR?FX6X`R z%O%gdki{yjTbNM~A(LuEDYIZB9&S(4=xG(|5&-Td7n@Hv5Cd{olMkrCnqR1hpU`fU z{gf~2U|Lkf4NbE57iI&X8tIYs#0BfzZK6Ul_O9-C3v!{2Fxu|7b1K_)%GB#9q-1hk zmRsY?7bPCfN}`H2ezA}7Sb3$12f51i`L=j@IO|DckW(-AwQT1%)(Q)mM$vrwBpOBc z{O)CNwW`-EjrF#Rq+2X;sNDGK(XV^ApasNuQGDp}LAkBQm&4A5e))4XIZ7VTWT2nz zW%C=!!l{Db)UaN%INkGv&G)Y~f}pKu9Oq2P=vpbiePFDe_)fN}Srj~<%z5Jj_*nu#B>)P-8rPi)k+<3-YEv;$Wu$JdvB4|TwGW+oObO`pBrN?w4- zBkQfJn)5FhXEkk)VR`KhV~|s!tNrfyBWgr954H#y3CtpS6J1N{b?(G6ElI=am-WI@ zm&Ra!F}5e};;{6iVs`&JD!X(HKw7`?i68!XYxAn|BHU61hFEV-;nzPJDw=g}5_Fw? z8Fvq2eaKink5ZA$z9XKULFn5tm8mrc8-SK6dYx<+i&0pj=r{{m3IXnU(0;xq{7J)N4J_1w7g`TZPx%HXvz^VuX~gJMmiV#1L>{G(eIHfixcmI`j8|?N95bQ= zWQ4yzajEGs7{}@o<{nDGo4Ve@R|DvPB??D^!WxzE20VmY{Z>kaydi{-(3t#tH&Zrx zkcxbB`2t)(4tFgG&UIFm?x=JX>s0D9P3IUFvrASV3}LcT{0 literal 0 HcmV?d00001 diff --git a/previews/PR92/assets/sh_tv.png b/previews/PR92/assets/sh_tv.png new file mode 100644 index 0000000000000000000000000000000000000000..e7d8e0a5ed9436ab432148f251715c89549a0329 GIT binary patch literal 18270 zcmeIaXH-*L*gqJGV4+&+V3Z;#y+bHcl#bFwkRnaGbP0qa3WyZxy-1ZJC`cy(E=q^c z5kk8HLI@avgc90+bMJk9Kh2t%&oi#2ELg;xv(Mho^J`Du=LAt&+nUhK_K+jr+>*lD3&;aAIf;E zJ@PhixA*q5_OyezT6;ftarbs{e9Gl(=jr9>?#3l5C?Y6&o9mgk_j6exq5u5_L3d9F zA&Cq7-4F;DL_<~C@I}_ftd={Q3H}AHR(fGKL+QcZ@OYi|(*Jp4OTud<d{`4++ez7?hn0pEmP zhfqQwXKBc|AP^<1vk)?{NGg!C5C{Vkxe^2t(#8NG2dfnR|G(t_@rr5d!Kw9iX5CCs zq&0!`+}u>YC?2F7BqZyHbjrqt>;6PNiaUmCKW~TulK-v>MbbnaZMf^fr63RrQtQcq z;(mwXVTT5usx$f>=j(nnS`U5=0#Rw3-xg+s(cj25I!OBIFo;hy;8fZcIg87_%Y)va=uHNZIII~KyemwBj16S*oAe;!%0Ax&Vb)7 zN-!ERB71nnUMO<$dqZv|La$X_>8#adutl^D=ah77S8C3@gtv)fxjdNgdL>sO1xl<+ zryJ%S8Ktl{$WdnyG`YZ{5m%a&j`thb1O;K1>H+;J`vpN2jW~^!>99EZ5q> z;hw5$N@}W_YT>L~z=r#Sq&H+VQ4of0Te4AuI z^eHZ}Jnk{Xee<||FOK61WBdv__ig0;@^Q_Haf*>|-_#fxr{?GVP!4mxv59Oysgxuh zkb`4?mWEjgazmt_j)_!fY+_P0{A_7$-Ma4>Tjk(-Z$7;D_kK$%DmODT6AB&K@U?St z;`cvV>PhSoopr0%KbKBcLbjv~IcxR7r6XrG^o?Fy(KP-|WJOigZUtt;7uh-3*Bsp^ zOz{{N60`VdVqzj;vT4?B>k&PT8eFT-QGraP{W|3JMd8z<)(s(Nx*tz7-QOP_$!7o8 zm||@-Y9^6aj|#3g8O>^nF3~DenEDE3mP}?h!c59lySTUzT(-fISzxyPV_dixB*8;! zT)q=AP5znSnOVPN>Tngp>mY$w&iv$H@rAbZJgGRLb3(Kl$dQQ$SQ{7|-Vk`>}oOv=unQd%v zP*?P~H~b(VAix5zg0|)|rwoBmJzbj>@MJRoP#1*5;WYHUpFe*`6PhpNJROcjRFf;f zK4>UTXw~qX{H8y#nyqvVR#iPd#-E@ZU_=Fl_R{jP^^0l`E-IBwDti2Q6=_Q^{jo}m z;p{8!sQr)k$jr>ldMc>ShUra|O}XqGR)kCSWVpEw9X*J1B|{T&lL0}-i<`7>;U}+O zpV?n6h@Mw zQ4LAGElPELVy9u|NQ_WCv`(1KR5cwPpK}iivQRkQv#HwnE*gnNFD5$PWR1LS3+YgW zMBY6M!3nuzAD#(D=fEy8VjWjZZZc`Lo&?~Lsq(t1&$}d0v%+#Zt5W7LVFE3DQF@1k zhgXM|)1Xj$U?V^0Ecj2(F`d?60yz~I^cZO|+EvPM|4n|Z_F;~7sPt4?%tE{|PA_ci}o;)8J z#cA)S;nG(@*`Z=$Vsc_RqXY~tb$vE(^i)%&(`u<)kHxb!UUxXy((fuAe)gzu%e2Pl zLv@QYolR$b=v9l$*G*aik~rQ5?@!bI~kKSx3kGj;4p3790|Bk0oo`7P`dIXSt^+s#c)vMEOwuYVV~WWcJ-dX(|7-Tbne=Ml+g ze_1H_7BpfT=J0X;nYgW;-M2>%wd+;9iN;jIk10cxzBN?)7q4q_l-&q%3@Bb1m2!L8 zx~1uG=E>+mk(ig_eve+lisIpKm6Ze42RCEXReXJYRhOQxNlU2b2@KshOWFBWG6eE( z-#2`vhu1OM8Boa`@7T$y)aEj6b@HgC7dN%E)PtYt^2qu^kM!TR|F!FD$4(Y~jf_j5 zOhIaZ@J{%&?!~7{!7(xO4(3W`{;>;HO`z9#-f7Tm_h57IW$S5D7{7MOpo;;LsQhoO zqoIts%XAhVSY0h3CME_Qk!!0d^$O3~Z-x_{w!Zt>Gsp&v#Rcg!z*EZSeK1>C&*!Aa z;FRhH?evg)nz0B`y*yp`yuv_?rrn)Xy5kXZJNaG|u~_QD^C#4#)C)(CM_MVTU)HG? zTz7VM?m?Hq-aFSZz$qyT?)`fKNg)r;axV;T_dp~wbxci78RL()vNlW(HtOdkQ7IB) zlmT0xskUz<;`sv= zzYn=Jb8i=fptu!B@$5P|SouhHadPAz6`?iZ`gkoZYecVETd;24O?y)K+QBMbm} z-pvsy0}Q&nyj)a5BH0b@-g8 zp(f)JwyyIHsH=llF6gzMvuyVLxUw(5aUPd;)W_)LO(8? z536HK%XRFH<-`%3Yo6v;MxTpRF22{3dvUPiYO}!9^%+1c-kMi?fj#fu{6<>Jc&eD)P2BVTnxARL00+e2(qt8vmE)|e z0P|7mQG0MxFIQo}T<}YEm20%D!JFqy?Ju2=2p;IQ>zHTa{D}1{lk3-cutK-M)70ST z@|Y3(_@1A7l!JkZ_J7|$M6XBd&i4A0m_xXlL^Zni`8fABZvyP(^N&PE;&LyP2ZZN(_j~=a>^30+}{CtzH30d5Xlgp0X+$X>lkfykY7bo`FM!nB9u3F80p{Cp_ zpriqPBaQE;^QH6Or>7IXefy??SLfch#h&)?D$7PsZvP4gh%274%VSwgyLhg^)bMB3 z@U#0hQ@0KOsvWR#h9iQ5EoHM~C-Y`2cRy@3Zo%|C*m&7tNtsgaJaNSJh0iu!qV+u= zD;fp{22i(U*5WP-3#(VMKB}40o`yB9w&$Yj$^&isS?0cd9TU_R+MiAlA~or5;13U5 zA|u(@*lvbu*JF~y!opAp1H3hhY;ja*o_l~&eCo!bA=d}^Ib3L7ci;BP8lyHdQ+EVt zf?>+C*S~_*&wP1nu_UFY^eI>Tx3P8`Yis47KYx-^9>nS3_Uy5N+B!NtV`GLFKdog1|}zm*>1T-kv6C_QIu5bKn#rgjC~AHJzx!qxldfjnXXd(z6UuQ{m8h( zhe(>9&Jff8oE+r3#<5pAshg|dIuk2!mT96P#D89k-eN56g{iV*GKPY`826aoTS`jm zKsK52D_Mcszm>@r5_(RP{=Q4%;Bk7&#|~{y1!Pbh2aJDobkuXHJAO$9@q48rH1%G4 zGVNIKgw|gUgISF69kEa-vc@)T?7d1P?r?Ro0hKl9e^1rc-d`3=9l97tn+nw9I{aQ_)qCe%8SL!9mUP@#x&IV z0sH)Qk^yx#AL^-XXJoB}|Epe*v)W4FQTMhwtxIQWr3$`@L<~-Qzp02~i3$H){{dUG zPc!2pXS{|W1c$9xxgrpp)q`f2)h6cpu&xuK8(C{7l@>@RdAAt#8>Yd|&gCn+d;=0) zVi3)?w)=Z?FTg>lr~>dUU}ADjeCBNoT37&8O^$5o(siHwiIGGbO+@GOrPFpeNTxN_ zQ_oCIX>j1W?!Z1tk#Xp=0c!Uz|Lm-oa^YcDbjg;hG;d6xVaXcbFNjL#%El|TmkpoH z%w+kQeox+KB{X1hIJ|*va~&O*zuXtY(7EehiTi?M8-H(YS~VtV-$?hV(jE*I%5;81vpO+{ z!TZg#R~h|e8p`af)P$(te(xjUTefu{a-1xL(I>31#;A|nc;V=%@k3fSJY2()wV#2U za05cAemg4Pc3sqiwSO4rAFI_2@75?&+m23KEm*Vl~nHK-iy$pOC?z)2>89QhsPf0Nv zXM)2de^sr~&VTh$nJCfiljF$iUW!e;^Qp&-PQmMEw7mb8sw&ftsz~-|{-O-|^~HL? zyt#zICMVlZ$#GFEU)M|SZ4ILf_>oV)n{R7((wjk6og6kg62{(~ap}V{(Wh+ghV5I@}xDW&Duo8RQBss;wKS6;uno znx)#hU{_be_-)J(qR_oOf`+i`+{F~BOHlhxq21IEJWd*z*6B`HKdfNi#b+1NWc zICJt*s2S~6odKxr{Ci58=tza|?3~#l))seH*BInYiDz-cP~2MjEt9y_f_rg~@pwXTNdrXkR|o%3-KY zJ(-%<6e^CWv`)A6myc84^-AjcL_=7-)a5b%Ns6>xX@6b>Y^2_I>V5X^P#y3C=G{O+YZcBX3ax24(O=Jo9!_PbU|f7fdq)D z(B$;=y$lO62|unq3X6QO4k0<|_va()>gp1LC7tZU_^E>7n2!~^CVlKOo~p5IG9!~z z)q}2c<|~sE#{DbazIIv|v?O!+QdwBImIUWR8>}U|B;?mo?;0&AY*V+GZUS z=5Y1T2;WhM4d3SKFJF=x&9l=7^_q5_Nc#+{UVOMIeO8Q*!E*cO&<8)HD3}-#->+a8 zZWplZsJRwsyS5XiRJA)0uh`bVHx#$ku-7+jBE#o_Hjv{(aCU*i9~YMl?8nMVi9yW& z6I{MGh?zg$(VxF2goRlVZ_oer z*UQPnVV}ibhH}$~s-)m+fEuc*Cg7&NC@`>)D{=8o8rq{=PrOMwu0xI!R8z5$-C$p+ zo+@lwY+Zvny}h7eMMjEe>NGz8`)(zxGh5ebpLv`rO#L^@&dr;o)LY*siVa1MEKd7E z^DIX@2l=?lpI*fVdb3%$I$G(2N3Z&TpZd8(q1MA{Ub%$&F1zO06l!{on>gfVCu@&$ zUHhBuezyn2Da9zhj3a|C{-nji4?I_Qf6d}#EQ+0@E5z=CCQ74GGnK@vmqUPAreuD) z6SBAA9xV686^mAc6YdLIwD3WXyV|6>OFLYy`D4knYNoOlatu{+LcfGE{E@P(?t=~l zK){>(?sY#&M4SbVewwWCnY#7{?vvKjvYWS|qEb@4KqZtCyyt80eYY>E%=uBS)}!Dc zS67`_PDM9!DLpUBJUT$p$P8;Eex_Om-GV|t8VmTlU6xXWH5lScIZGxj0$f+|ro44| zUnQzG@{qlKx7oi>9WL=I#-HLN#mrb8mUhm&0O-DWe#Xyfy_GNO9|hp=fu(zjr1;3l zNqv5QoqUy78&p_X$u$Ys&}BxTz4aU&7r$4!o2+onwhG>8pFA}+#TY*)LKe!fnR@xZ z()n`B*4%umTq6m)v$K=XMWW%vqL;RrYr<1SfY7;XA^FkGZXn;hBP)85DH(~do*<@4 z6kgKz16WrVoB1l^oJ#9^Z`tge(k4P%75}oVNzbH2Wrm~uWlSB1{0pwCmaQn_QTbS< zr{Pv?m$aZA-Eq@wrFpZjj;gBLY*Vs4nn>C5pJ+uH(gq<6(kM)&iQ00F4c(4%60X9x zmL`TO^HD{uJhInYcX zM#n~mZTY==Q5&72s{`g7J;tg~P>PjU^A zb+xtQHCe~p_l|B1sjU8SES3sW6^-<|z18ocEr7~lH)ua48h~AYbKLTSpV|TOGlHJ8 zw^H4jD+~D0r|D7Ien~2_N5UUTweMxGP+6HbFjPQ^+5Q@EAq z(KLOdBiShwQfeJGN5X3zcH$n~I=F1E_D|1O9n6wRoJqpZw+gwV_J7{=bB3C;UveSS zBEj#+5kI)!&>GIW@9rgqbrwHjo(sUk7#UARTT%-9a_aTG{y%iHEu<_VCezz-+z>7{ zAf12kD_ijYN%bU5<16mrrn!wEO(Rv%N9Iel!Do#W$Oi?6ArHa9hmx9N)IR-D9s zhnRwWL4k?kipnqSHxvI|uGuC{hm{Nl8Wg0Y@?9GnC>i(|6Qn zxl4OtIy~^|gSvio;6C*FY;SK{n4*+d*f@Ai?EAe1tL@`^_z#*2wQ}HZq+tu*Q>7IJ z8*twzD|W5+ArFA}vNQxl9yd3^{gNDKaTXganY>G4!+ueTq}ZA3PL0Op+#ij#rZ?&W zH@{ue$W(fA#eJc;l)?utr$Kz-;NXzwI6pGFKUKUtI`1{a(Qda5luIJ4zPcI;_}+DuWxU!fwS=zWo5R1xQz}7nh5I@9jQ7udhHbfbwF9Yi=R&g zH+XPxFfmtNyn(57Ho-JPyK2w3Qmm0OGBOfMOK*Ytm`)HRvoSiJ2M#WT<_a=|Eauih z!mq+1r`m)rz-4+4D+&gcuwio(Y7-01#rWK0Y&K;W9uJx_|`qc~iO}acj zTkE3#4}$fTvyUQ>Ak;!0Y+4X@(`$(G0G2(Gi4>@wMe-!uKu|` zH3|i~XM&;>Sfg+)2b9g%DMS4Mu+Dk!-Fw&!pzO5*jjoM842)2@0&}!2`h5hy1(W!P18}^5Nhu)(@IWz)-D2y^aWPIawJxyg;hM5LW85G3zP#s3ZR6BK>kI3FCLki ziYQb$}+gQc6N6YWkPxmuZvTLghZUugvjo<*M#6XyXP``N4y&N2|FQ`Tfgw9 zzRy2d0M=@Ymy;Mu(x)?L6+**Y1EMS>eGuUQp#-=F%ycx3T|cXtt1=3i2Kr08<>TR7 zgb;oJQvdY@La37&)4&1wokLSeV^FyN$EQLzvwe^}*Wt-t@& zKFTQ@i^b;HONMN`zMQRuVi2{eS^<}6?&(_*0n{Pw0s-cJ%2PipRBN2p6I=JR3VC6 z?1~ErvUv39{si!^x3ckpyi>7`tO}!}MF0?SljZ&x4cDcIl#ghX2okpCpULUvY5p-> ztnwUQvBan+5J!_gf4xF(z$1)rLt=I5NRqD1-}s^u29-#SCa`-tc)Sx&p5la9NZk=H zMm{iA@JT|z?yoo9e{X*55Y`I;rau?BKF^(XQ$|MrttE}EKxXnb^@8{S#kGr8wi{LD z$kgsWuk>H+SqcheuW&5toe>-IrJpZ=(^)+$s^@tU2E(nb>e<}#(TI&e+W~1&jk=u# zHCZJiiGz~d2*9gsH6+FpScj`};ijO*3>Ik4UgUg!F~FZt3Qi4H!@K{Gi>f-<nz}sAddt^?#+>0G}LM?PNyFthu>?Sc%(BeYpP#>aPw zNxjk7vZP|!GTzDd*1hXES@N~htJ>ux?#>4XM+YQW8Vj#n92wB2pD=p2a(-t7*O;?A z729o%X$9*b9g&v)s(SsNX&^pe9=G49y>g!ED!J0BCOCACviseyBGcmPNA;LHNk;)2 zwUfXYykS(Iu4-;WzQ(RxT^RRqqXpMBAo zx`$HmcqdAs#h>S+5Pc{V&uog}lSz_9XpkL={4CAOe=|}^A)#!&(!)nw2ba_yU=`5P z->apIKObw`2u>`gP5o@QJ5(?Ss~AQYyz}&(@_PW~oK3cTvdaO{ukTs( zj+=pU2jy#fTc1LrM#r;u&>73jG-$is{ zOsGBB`ht%pgWq)b(TPYFFYpLlGQSy;^`!|x_B(mkON{mG+RG|e$f@}UAREDbuPc^a zOEb`pwaug?{7#QStia+56Soh?+riL^+<>D;B~@=Uc2@_qS}QFPL?b-0bGF|)3$%JV z8VYVJrJ15Zw|cYmO#iuyM8DR9*`-a;Efc$Zkl6H2FKue!O2-94SFtk`!G453IgC4{ zpDQC6{xDHI=0js=4CPuyj^!-47%Md@1_r+yhXm)7y||Or+5ru3CT3gXI1v4DcKqT- zJ0B6hF|5^IxA-yjC2zKM@7j7|3BimvQ9-D!5P&!4#~+RL(%-SFOBA7jd1g^b9EE)& zZWL3vBQKjzw3(jV9t^Ws3>=Bb`#w}H17bFBa^CZ6HF~lU z(iOIHOy(;rz|kunPSIekhc3>Mec&WlY74XYQBI;A7GJH6?0$XWTEY~+cDv>{_3NE; zZG$;5To%tM;Dthg+P2}t7Fe13fKx9QNBrycg&VWfkY$4yZ=g9s!hxaw?tK}vkXf8n zZnQoivzkqXu5zgk=$zV0ciF2RYyrvNT^DgWTNx|_B=(SOjDn17L3viZZ>HQ}X_?lv zRb$1Gey@|&Ju>oU(E>x30%CfvMd9G>KUP7o5uJslWj$3tfHC5smT*oWi`4A8Ke4Ud z{8Af0TME1V7ohQ{w|u0MrATV5N?0pABTfROx=Ll6rTVxoCqFp)o%9Krr|;5i9yBykEx)D z18J+DhSKngDO>Zm&8nZ{8v>1RC3~^~DOb1| z9eHy(5Xo*np)cZ(d7b?EQsi_Tz+QA;vderS8oAV?GO{3CL^PjteXRQGEe+RyrIO?B zVduPyWD&qk_iN>XY=>)t;J#gw_$pM+0H{nccrn3_K}qA!+Yvgliw?4AP?NKoDYYp9 zF4B((;f39d20W6}F1@pY&tPg$Vlm>l=@wUX{(Yd_l5*&kjWkcXZ$-U!PWq#-Arrne3Q0O7p36=5{3FzI|I5&4EH=iqJS!nqrPGn+%SMt z!b1UuMHG?rqkBP0_koDUMp!saPyub0r$H(xobii2ZQMiO;spytj&F0ee9-ZsKROVN zU9@*PpGQ4rNAs@iYFgaGi6I3*1_y~UDIXG@N<>2#HS`Yb)`mQA6CclQ%nVA7DX9gQ1es`3d2|H-kN>!sqD&i-)%2r^j}0!+n%sXqh& zPfb-7bxgu7HHzB5bQ!U;!sHDp*ja#t83SA`GfmWHF@xee?+rN+P8i#*AjjZ~Z`Gtq zxX|gFoC11%H>%2zAAkoiF#1KjlN}19HaXCkPxx?)iEV{QAmOT5ce{KlN4xUYw7blb zUlS)&Qc^k_&DvCrcwd9-2zk#%arT9<9Ya|PbI)4)nn1RM20Gqs!le`+*oj??U)i%o z>{xSTR)`{9nPC@9Cv{;8SFc_L>fz0>Y>>m4y1?||l4wX9-fmWZR0_{uOUA}ybl$jZ zOl735YH^RI68kM&hXje0`wtx3vBePuo*8xglGU=8;QPrr6q}V*KH|cO- z&B3g$>inemI}ii0dY7}GuT5so+_L`@WF@y2+9`0Nc5d{~#G-vY)X2{rJ!*_iN52C+ z3V2UM#>a_Nn$2gQJZjwp#{gg;7lO8K`FMhH`S>=xVE7%_sv7IlZQ2F_uT#iGneS24 znuQCMhedu|&z#FCU!-0yOZiAe_02M{Eo|dw;Py|QMbGz1snsuI-o?I-gLd60FRVBo z=7H=AD$+uu8cR4iAxd1iHy38Qw&J0@Bh8{oupYloVS80_N3N#^M{nP~@^f z)>o$}iL$vp*x!HIY4@7wxQy15?F$z!BscJcSfA!%fx#gf62jx0Ge*!RGjf+&$-qsd z@>3`V9X3>D+ooezUVKl_;2L#AIZeuSudO+ux3N=Os80OF+RuctAlZzxWqSB*W)NqoAo%F zi#NpXP>h}XgPdv1z5Xf=AO{&JEmhSy#O`cwDols{?pDK#&3vz*g=!X~6y7LkdS>P& z#&{$W`QF8yf#iS3nFl^LhA)@BYP-k4Pp)JY8K|l0Qvxq;B3CwvTkzPu>U-uOOcoTD z!2RXaxdZF`UK9Y#Y|kuvXD%VkuU@-$5UT=A)A(TvY9;3XxCW4lRh=v*0M@|ntALVL z&bCepbP~3`h6(8^kakP#{gw7}i+u%Uo88g$`zYEeXOXaFd&0n?*`}lntn&C0y<8rt zgi~!cwcMmCs{8ME!bU4{27l$XPdC8NlxPK#0!VZp%nNB}0ZL7gpKzcW)|v(0d(S69 zQo!LR=gH^EfW7sq``?!>)r81`SLEi?f6qY@fy_^HzqOQP%h)S_S^M!sPzE{wk<68` zLb<_J94>Tim;~))UM&3NQ-5lC#$*Igf@puS}N^P}nlhftZnj zOsT|0;Z+f;vdUv0P%t0_P%thpt+hW+ZI7kikSU{o6nJusV8o(Xim8V_ zHn85z08>p;U0W5+fuxhEauxQlJofQ<73u5Zfkyv~128MK{bkJJX-Dmn9_bw(rR-m0 zmmG$u7FX!o+kptyysHUT_%(+VfFh@+y{UvhmYD{$U1L_Vf`HWqVqJ7Li;1ASSG4D%gL@lhIxc#cz&g*Pa!KXrw(f}|-*(^29g*1TtU;@~>7 z38<`$jIFhz-U?bM5Ped?_4ESt7!h=-E;}q=rS-!$j`h$ZsJwuVqMpM4)Tb`2HXg7y zaGPm}m#>n2Iks;vx_Tw%2cLg}FT0S$y#D$#EqG1=5| zj5A5~w9XOP+=}kl+1s>XjPI}hgbh~!EC%|GyiGKEGa@w*V-&R2!;8Ryq-76K*FE;% zxxWUWu;-fbtFV7F@}PCgEcHAZx9d*L52Sh{DKUqZbpuNPGS6sF{tk!CK4SCyQ6=7O zH}9G|>;rBn>F9#YcEl$jc&peprOzM(Oy>Movip7B4wgNTBr%1emJJNfNwIgwG#_!a zTl%mo2DPj>7+@3`Un;(eX?+e(UFfMGzqHnMYcOS*$}qB!KS?N;ew{F<%fKEUZjt&Anb zK$j0Z$+Ry9WB;eJLnYK_x3;Q5ujLL*ccN9Yvl~jJyJh@H$CP~KQj3+jy z6*2=r*h_62@(h-wOZN$*VKzs>N3|YhUO#K;0!3fcyUnicPnCF4vnw%({wI@xUIzkd zuTlFF?sF|N?~%7k-0Cr@K3esRY*&a1Wt2KQRpx<}6o{Xx1gjre25m7Q`ehHAWi^QT zVQ2YHQ+plu7(wN`jg7snSfNL~!0H#P*V@1K{>J}w(l&@TyYk2gvm(+Zc`oH)an9$( z6k;Pn&c)X5q6!RUWF_aP(CQ9_ZunwkZ0I2X@H_(XS>8({!Fzv4Sm2_|@0gDlVtlc# z`ym9oNqzoYVE`bdy zg|a^|x@q=W-kBf>b<;tyAXj~%v}^X->J{!W>6_wpK@eosXNq?D-u+RkQY z_3D1I6EV06=x!H($FNEjf<*J}d!^T&FAf5Ek%0+LMxpX!ROR!mTVMQ*dkMLUU}^wt zJ3rBScF!s+rIMhop#45eo~cdX29G=0*&lYFB^Nr4UPMnRg#@8=*a>sUvU`3dqga2P z6Y92T8qn?(Y~r$IeKa!$?6GBi7^rysg zh9g}ukMobKsQDBiZ@?L%tJEH-UZtols$cH&TFom>!}?62To zi;xUa(m1Vur&B;)fo1xH5yR=dQ+_`jt~Z2tBGxc+Lh zAHH|C+0QO0Xs)S6@T+o!YnQQN3U=|!moGN~Q3ko`aTCdjdcPlE-=KCiPYggO577L| z(lhjg13nbRP(?f>PAilgOL6;y#bcZb_Ld zzSUjo_3rvswfwL1!rG&2rNO6`7w}$W;Dl!n^T$&C1_qy+bxJLimJ=i#&L@oa1^;fR z?m>eda+>n1nDYa43_<{)N3%P59|V3oX%Yn%4Oeb2tgV%am@Q?(re|k;Ds3`XCR3OJ z%?8Ng3&wRmj^Vb?p~BumSdQ}-u%$uooUGu4M7_TzEUa9&xoVE&22%$!|G;(-W?XmK z1v%eAkmmTuqo)gq=8*Bc>3;`imnqAWt;>tGWAE}1mDgtLLUdSvc&`D%zdoEJuGI0a z9v%P7qemwba#eq>}s4|wya&?omd;k+Q(3+#kQ0QF|cqyhZAYi{A;Y#phrYe zTDp6Nt{z0_xmHidJT&>)3qL3hDJZ|@=q~K*DVqrosvHTBl{R!e9OD`TF;&gF_?#lu zYilx0;zL}&DZ>AQ3*eY@TjLl+yLT>|*q8GgcDf|MGKe-G^v16_N$QDYUmC4t>+%@c zyfIMH_2nj8mFJ(RgVMLv^!B481c1mr=zo&tAf&CPN~#I{4tyKJ+azv(C-A{#r8o# zD2Eh=Nm-xnhcPN7=_0Y0K60^j{ka1_emwQ0DK04qh>dW!XKi~1Al4PzCVxRe!N(M^ z$uWl}+2pXU(#kFY_U}!_0@?db5^y3RY637{ZYlE(HXoJbv)c)WzyT#&TfSua-ymV3bx&o6m3p@ zI#6KG_hO9KOj=1s)w=NudiOAGq#m&>@@){OGqIPVq6u9fofr=(p#eRgL#_C}II(n-wd;IhOMS#%00Mlt`UlV?0 zT|H9s>brR6fGuAk`@Id}7gFwwNc&xpwvH(!@tI1R7_m*ozvk zX>4@7y<9K{9_*DBv07u`NU^Je87I|3#b*XF`(W5=ElXig+?&RrC)slD)~xDR0pZ`Y zB-OKrA=P>R<18!bG*Dr6=s8?j1nrr+$x~9D)2=ak+3VV!XxmxFcbF=SH7PIy$xX?B z2#g30QGJ@x-XI55`Av(M>WdA(#&<%PpUJ{@nKD2 z-u$bhlaBS6IgI-L5S8%%j2nU{dmVYxp%<0*(-G#sRS3piBO_(JRxplAUF+8u6D5@V za<&~<7xli%V`!!n^T0Gswo%l_JLwLuw?L8$yPZ^SVPysNPj0f)ofpzyIfsNms0vO$ z7l6Jx%(qgPqtdIa)faRoTRD8|31CFhu^{b`x8l&bM{$Z3{@KA0N^+3L-9k^EGBZ3V zpd-)3N%lt#0lSqm&3^9B4oc^4IKN1g9Z?LJv$2w^YCR@a*`03b>NC8&V?QJu=qWf?%#Q9+VxGm z@a-=Gb`;n!K<=)EvDd$W-+<8kH?#NdpIJ>@)heV75J}bbDJ9qizm4hILKTgP1Kc7L z-8MSK-T3(kGG1rph5)X_%kG6sR}w~rsT&ghCNz(XsnLE<_<`~(Cq3W8z0E@T78J^j z<_mB$!N@sK-Mvw*=K@C z4Ox3F2?j$YLl}DK_6Q-)zP=L;b5iqxH%cOK3|fcw4Gxn`GYM zf8s(b`=y`DyvR8IxXvGRn$5YLk&%a6-^J6s;;j)39Mj+iX}Ch-hbi6yU3Rxg;Z^kG zjiToVCc@OaQT*0acXvErkL9zDEkOpNx+6A3$2W_Gyrsxuh#S)Pvni& zDI!d{F)fCUcfk0AeQarI=@L=5WOTdc7$A44{TA@glrg-OkNA`!DdfK~Y-@wU%Z?YC z46XLSBhOg|6BX6qB^sJN06{Y?f%!*(aQ634M;RoP#&)@33OQJwQoI%zv|Q|rS*iu^ z(VwSq!nd zSQ2(k&CJ9Uf`5EHSA`ht5MTY$3t5{|$ldxvf85eR&DKjJW*qF>IyW7G>uOgx&zvrIrnV{55r$)o9-`_<`vGA5osl*g(<+l%H}&*imr z8H0UId>a^dvjcD&>zeuNa=tiA%uQ!$Fsd{vHz}U_IkFpMY65m{#oA0^FkV676&5YF z2asqMGOmy}o7qnXZ#u(ZR?fAL!K|<1*hcd-c6nc$G62F8`sX7F(mv#ev6wKMDnb&~ zA!qXpsWxQfBduHF$}2X`ukwgci-bG}ou3buJ0(sf(!I`&V(za%D=ko4W&J@k5PtWe z^>oKi4x^$9>32o_A!Q-J7!QgQy%VAjCT34XC^D{71MW|B_mo4EE1ebzfM)>L`txBU ze6Kc#AbA{n0USJFj2yVCFzgeM03-`WcU=DV>XyoH}wK*ZyC=6Xah<{Qu3x{eR{qX(#l@olnS$FKCW|dxmJJ M>8e)VwR-t~0O1E^A^-pY literal 0 HcmV?d00001 diff --git a/previews/PR92/assets/themes/catppuccin-frappe.css b/previews/PR92/assets/themes/catppuccin-frappe.css new file mode 100644 index 00000000..54a5b77e --- /dev/null +++ b/previews/PR92/assets/themes/catppuccin-frappe.css @@ -0,0 +1 @@ +html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe .pagination-ellipsis,html.theme--catppuccin-frappe .file-cta,html.theme--catppuccin-frappe .file-name,html.theme--catppuccin-frappe .select select,html.theme--catppuccin-frappe .textarea,html.theme--catppuccin-frappe .input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe .button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:.4em;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}html.theme--catppuccin-frappe .pagination-previous:focus,html.theme--catppuccin-frappe .pagination-next:focus,html.theme--catppuccin-frappe .pagination-link:focus,html.theme--catppuccin-frappe .pagination-ellipsis:focus,html.theme--catppuccin-frappe .file-cta:focus,html.theme--catppuccin-frappe .file-name:focus,html.theme--catppuccin-frappe .select select:focus,html.theme--catppuccin-frappe .textarea:focus,html.theme--catppuccin-frappe .input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-frappe .button:focus,html.theme--catppuccin-frappe .is-focused.pagination-previous,html.theme--catppuccin-frappe .is-focused.pagination-next,html.theme--catppuccin-frappe .is-focused.pagination-link,html.theme--catppuccin-frappe .is-focused.pagination-ellipsis,html.theme--catppuccin-frappe .is-focused.file-cta,html.theme--catppuccin-frappe .is-focused.file-name,html.theme--catppuccin-frappe .select select.is-focused,html.theme--catppuccin-frappe .is-focused.textarea,html.theme--catppuccin-frappe .is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-focused.button,html.theme--catppuccin-frappe .pagination-previous:active,html.theme--catppuccin-frappe .pagination-next:active,html.theme--catppuccin-frappe .pagination-link:active,html.theme--catppuccin-frappe .pagination-ellipsis:active,html.theme--catppuccin-frappe .file-cta:active,html.theme--catppuccin-frappe .file-name:active,html.theme--catppuccin-frappe .select select:active,html.theme--catppuccin-frappe .textarea:active,html.theme--catppuccin-frappe .input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-frappe .button:active,html.theme--catppuccin-frappe .is-active.pagination-previous,html.theme--catppuccin-frappe .is-active.pagination-next,html.theme--catppuccin-frappe .is-active.pagination-link,html.theme--catppuccin-frappe .is-active.pagination-ellipsis,html.theme--catppuccin-frappe .is-active.file-cta,html.theme--catppuccin-frappe .is-active.file-name,html.theme--catppuccin-frappe .select select.is-active,html.theme--catppuccin-frappe .is-active.textarea,html.theme--catppuccin-frappe .is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-frappe .is-active.button{outline:none}html.theme--catppuccin-frappe .pagination-previous[disabled],html.theme--catppuccin-frappe .pagination-next[disabled],html.theme--catppuccin-frappe .pagination-link[disabled],html.theme--catppuccin-frappe .pagination-ellipsis[disabled],html.theme--catppuccin-frappe .file-cta[disabled],html.theme--catppuccin-frappe .file-name[disabled],html.theme--catppuccin-frappe .select select[disabled],html.theme--catppuccin-frappe .textarea[disabled],html.theme--catppuccin-frappe .input[disabled],html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled],html.theme--catppuccin-frappe .button[disabled],fieldset[disabled] html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe fieldset[disabled] .pagination-previous,fieldset[disabled] html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe fieldset[disabled] .pagination-next,fieldset[disabled] html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe fieldset[disabled] .pagination-link,fieldset[disabled] html.theme--catppuccin-frappe .pagination-ellipsis,html.theme--catppuccin-frappe fieldset[disabled] .pagination-ellipsis,fieldset[disabled] html.theme--catppuccin-frappe .file-cta,html.theme--catppuccin-frappe fieldset[disabled] .file-cta,fieldset[disabled] html.theme--catppuccin-frappe .file-name,html.theme--catppuccin-frappe fieldset[disabled] .file-name,fieldset[disabled] html.theme--catppuccin-frappe .select select,fieldset[disabled] html.theme--catppuccin-frappe .textarea,fieldset[disabled] html.theme--catppuccin-frappe .input,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe fieldset[disabled] .select select,html.theme--catppuccin-frappe .select fieldset[disabled] select,html.theme--catppuccin-frappe fieldset[disabled] .textarea,html.theme--catppuccin-frappe fieldset[disabled] .input,html.theme--catppuccin-frappe fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] html.theme--catppuccin-frappe .button,html.theme--catppuccin-frappe fieldset[disabled] .button{cursor:not-allowed}html.theme--catppuccin-frappe .tabs,html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe .pagination-ellipsis,html.theme--catppuccin-frappe .breadcrumb,html.theme--catppuccin-frappe .file,html.theme--catppuccin-frappe .button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}html.theme--catppuccin-frappe .navbar-link:not(.is-arrowless)::after,html.theme--catppuccin-frappe .select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}html.theme--catppuccin-frappe .admonition:not(:last-child),html.theme--catppuccin-frappe .tabs:not(:last-child),html.theme--catppuccin-frappe .pagination:not(:last-child),html.theme--catppuccin-frappe .message:not(:last-child),html.theme--catppuccin-frappe .level:not(:last-child),html.theme--catppuccin-frappe .breadcrumb:not(:last-child),html.theme--catppuccin-frappe .block:not(:last-child),html.theme--catppuccin-frappe .title:not(:last-child),html.theme--catppuccin-frappe .subtitle:not(:last-child),html.theme--catppuccin-frappe .table-container:not(:last-child),html.theme--catppuccin-frappe .table:not(:last-child),html.theme--catppuccin-frappe .progress:not(:last-child),html.theme--catppuccin-frappe .notification:not(:last-child),html.theme--catppuccin-frappe .content:not(:last-child),html.theme--catppuccin-frappe .box:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-frappe .modal-close,html.theme--catppuccin-frappe .delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}html.theme--catppuccin-frappe .modal-close::before,html.theme--catppuccin-frappe .delete::before,html.theme--catppuccin-frappe .modal-close::after,html.theme--catppuccin-frappe .delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-frappe .modal-close::before,html.theme--catppuccin-frappe .delete::before{height:2px;width:50%}html.theme--catppuccin-frappe .modal-close::after,html.theme--catppuccin-frappe .delete::after{height:50%;width:2px}html.theme--catppuccin-frappe .modal-close:hover,html.theme--catppuccin-frappe .delete:hover,html.theme--catppuccin-frappe .modal-close:focus,html.theme--catppuccin-frappe .delete:focus{background-color:rgba(10,10,10,0.3)}html.theme--catppuccin-frappe .modal-close:active,html.theme--catppuccin-frappe .delete:active{background-color:rgba(10,10,10,0.4)}html.theme--catppuccin-frappe .is-small.modal-close,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.modal-close,html.theme--catppuccin-frappe .is-small.delete,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}html.theme--catppuccin-frappe .is-medium.modal-close,html.theme--catppuccin-frappe .is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}html.theme--catppuccin-frappe .is-large.modal-close,html.theme--catppuccin-frappe .is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}html.theme--catppuccin-frappe .control.is-loading::after,html.theme--catppuccin-frappe .select.is-loading::after,html.theme--catppuccin-frappe .loader,html.theme--catppuccin-frappe .button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #838ba7;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}html.theme--catppuccin-frappe .hero-video,html.theme--catppuccin-frappe .modal-background,html.theme--catppuccin-frappe .modal,html.theme--catppuccin-frappe .image.is-square img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-frappe .image.is-square .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-frappe .image.is-1by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-frappe .image.is-1by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-frappe .image.is-5by4 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-frappe .image.is-5by4 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-frappe .image.is-4by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-frappe .image.is-4by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-frappe .image.is-3by2 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-frappe .image.is-3by2 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-frappe .image.is-5by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-frappe .image.is-5by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-frappe .image.is-16by9 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-frappe .image.is-16by9 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-frappe .image.is-2by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-frappe .image.is-2by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-frappe .image.is-3by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-frappe .image.is-3by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-frappe .image.is-4by5 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-frappe .image.is-4by5 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-frappe .image.is-3by4 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-frappe .image.is-3by4 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-frappe .image.is-2by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-frappe .image.is-2by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-frappe .image.is-3by5 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-frappe .image.is-3by5 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-frappe .image.is-9by16 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-frappe .image.is-9by16 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-frappe .image.is-1by2 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-frappe .image.is-1by2 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-frappe .image.is-1by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-frappe .image.is-1by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}html.theme--catppuccin-frappe .navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#f5f5f5 !important}a.has-text-light:hover,a.has-text-light:focus{color:#dbdbdb !important}.has-background-light{background-color:#f5f5f5 !important}.has-text-dark{color:#414559 !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#2b2e3c !important}.has-background-dark{background-color:#414559 !important}.has-text-primary{color:#8caaee !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#6089e7 !important}.has-background-primary{background-color:#8caaee !important}.has-text-primary-light{color:#edf2fc !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#c1d1f6 !important}.has-background-primary-light{background-color:#edf2fc !important}.has-text-primary-dark{color:#153a8e !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#1c4cbb !important}.has-background-primary-dark{background-color:#153a8e !important}.has-text-link{color:#8caaee !important}a.has-text-link:hover,a.has-text-link:focus{color:#6089e7 !important}.has-background-link{background-color:#8caaee !important}.has-text-link-light{color:#edf2fc !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#c1d1f6 !important}.has-background-link-light{background-color:#edf2fc !important}.has-text-link-dark{color:#153a8e !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#1c4cbb !important}.has-background-link-dark{background-color:#153a8e !important}.has-text-info{color:#81c8be !important}a.has-text-info:hover,a.has-text-info:focus{color:#5db9ac !important}.has-background-info{background-color:#81c8be !important}.has-text-info-light{color:#f1f9f8 !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#cde9e5 !important}.has-background-info-light{background-color:#f1f9f8 !important}.has-text-info-dark{color:#2d675f !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#3c8a7f !important}.has-background-info-dark{background-color:#2d675f !important}.has-text-success{color:#a6d189 !important}a.has-text-success:hover,a.has-text-success:focus{color:#8ac364 !important}.has-background-success{background-color:#a6d189 !important}.has-text-success-light{color:#f4f9f0 !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#d8ebcc !important}.has-background-success-light{background-color:#f4f9f0 !important}.has-text-success-dark{color:#446a29 !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#5b8f38 !important}.has-background-success-dark{background-color:#446a29 !important}.has-text-warning{color:#e5c890 !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#dbb467 !important}.has-background-warning{background-color:#e5c890 !important}.has-text-warning-light{color:#fbf7ee !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#f1e2c5 !important}.has-background-warning-light{background-color:#fbf7ee !important}.has-text-warning-dark{color:#78591c !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#a17726 !important}.has-background-warning-dark{background-color:#78591c !important}.has-text-danger{color:#e78284 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#df575a !important}.has-background-danger{background-color:#e78284 !important}.has-text-danger-light{color:#fceeee !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#f3c3c4 !important}.has-background-danger-light{background-color:#fceeee !important}.has-text-danger-dark{color:#9a1e20 !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#c52629 !important}.has-background-danger-dark{background-color:#9a1e20 !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#414559 !important}.has-background-grey-darker{background-color:#414559 !important}.has-text-grey-dark{color:#51576d !important}.has-background-grey-dark{background-color:#51576d !important}.has-text-grey{color:#626880 !important}.has-background-grey{background-color:#626880 !important}.has-text-grey-light{color:#737994 !important}.has-background-grey-light{background-color:#737994 !important}.has-text-grey-lighter{color:#838ba7 !important}.has-background-grey-lighter{background-color:#838ba7 !important}.has-text-white-ter{color:#f5f5f5 !important}.has-background-white-ter{background-color:#f5f5f5 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}html.theme--catppuccin-frappe html{background-color:#303446;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-frappe article,html.theme--catppuccin-frappe aside,html.theme--catppuccin-frappe figure,html.theme--catppuccin-frappe footer,html.theme--catppuccin-frappe header,html.theme--catppuccin-frappe hgroup,html.theme--catppuccin-frappe section{display:block}html.theme--catppuccin-frappe body,html.theme--catppuccin-frappe button,html.theme--catppuccin-frappe input,html.theme--catppuccin-frappe optgroup,html.theme--catppuccin-frappe select,html.theme--catppuccin-frappe textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}html.theme--catppuccin-frappe code,html.theme--catppuccin-frappe pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-frappe body{color:#c6d0f5;font-size:1em;font-weight:400;line-height:1.5}html.theme--catppuccin-frappe a{color:#8caaee;cursor:pointer;text-decoration:none}html.theme--catppuccin-frappe a strong{color:currentColor}html.theme--catppuccin-frappe a:hover{color:#99d1db}html.theme--catppuccin-frappe code{background-color:#292c3c;color:#c6d0f5;font-size:.875em;font-weight:normal;padding:.1em}html.theme--catppuccin-frappe hr{background-color:#292c3c;border:none;display:block;height:2px;margin:1.5rem 0}html.theme--catppuccin-frappe img{height:auto;max-width:100%}html.theme--catppuccin-frappe input[type="checkbox"],html.theme--catppuccin-frappe input[type="radio"]{vertical-align:baseline}html.theme--catppuccin-frappe small{font-size:.875em}html.theme--catppuccin-frappe span{font-style:inherit;font-weight:inherit}html.theme--catppuccin-frappe strong{color:#b0bef1;font-weight:700}html.theme--catppuccin-frappe fieldset{border:none}html.theme--catppuccin-frappe pre{-webkit-overflow-scrolling:touch;background-color:#292c3c;color:#c6d0f5;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}html.theme--catppuccin-frappe pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}html.theme--catppuccin-frappe table td,html.theme--catppuccin-frappe table th{vertical-align:top}html.theme--catppuccin-frappe table td:not([align]),html.theme--catppuccin-frappe table th:not([align]){text-align:inherit}html.theme--catppuccin-frappe table th{color:#b0bef1}html.theme--catppuccin-frappe .box{background-color:#51576d;border-radius:8px;box-shadow:none;color:#c6d0f5;display:block;padding:1.25rem}html.theme--catppuccin-frappe a.box:hover,html.theme--catppuccin-frappe a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #8caaee}html.theme--catppuccin-frappe a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #8caaee}html.theme--catppuccin-frappe .button{background-color:#292c3c;border-color:#484d69;border-width:1px;color:#8caaee;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}html.theme--catppuccin-frappe .button strong{color:inherit}html.theme--catppuccin-frappe .button .icon,html.theme--catppuccin-frappe .button .icon.is-small,html.theme--catppuccin-frappe .button #documenter .docs-sidebar form.docs-search>input.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .button form.docs-search>input.icon,html.theme--catppuccin-frappe .button .icon.is-medium,html.theme--catppuccin-frappe .button .icon.is-large{height:1.5em;width:1.5em}html.theme--catppuccin-frappe .button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}html.theme--catppuccin-frappe .button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-frappe .button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-frappe .button:hover,html.theme--catppuccin-frappe .button.is-hovered{border-color:#737994;color:#b0bef1}html.theme--catppuccin-frappe .button:focus,html.theme--catppuccin-frappe .button.is-focused{border-color:#737994;color:#769aeb}html.theme--catppuccin-frappe .button:focus:not(:active),html.theme--catppuccin-frappe .button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .button:active,html.theme--catppuccin-frappe .button.is-active{border-color:#51576d;color:#b0bef1}html.theme--catppuccin-frappe .button.is-text{background-color:transparent;border-color:transparent;color:#c6d0f5;text-decoration:underline}html.theme--catppuccin-frappe .button.is-text:hover,html.theme--catppuccin-frappe .button.is-text.is-hovered,html.theme--catppuccin-frappe .button.is-text:focus,html.theme--catppuccin-frappe .button.is-text.is-focused{background-color:#292c3c;color:#b0bef1}html.theme--catppuccin-frappe .button.is-text:active,html.theme--catppuccin-frappe .button.is-text.is-active{background-color:#1f212d;color:#b0bef1}html.theme--catppuccin-frappe .button.is-text[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}html.theme--catppuccin-frappe .button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#8caaee;text-decoration:none}html.theme--catppuccin-frappe .button.is-ghost:hover,html.theme--catppuccin-frappe .button.is-ghost.is-hovered{color:#8caaee;text-decoration:underline}html.theme--catppuccin-frappe .button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white:hover,html.theme--catppuccin-frappe .button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white:focus,html.theme--catppuccin-frappe .button.is-white.is-focused{border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white:focus:not(:active),html.theme--catppuccin-frappe .button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-frappe .button.is-white:active,html.theme--catppuccin-frappe .button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}html.theme--catppuccin-frappe .button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .button.is-white.is-inverted:hover,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-hovered{background-color:#000}html.theme--catppuccin-frappe .button.is-white.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-frappe .button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-white.is-outlined:hover,html.theme--catppuccin-frappe .button.is-white.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-white.is-outlined:focus,html.theme--catppuccin-frappe .button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-white.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-white.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-white.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-frappe .button.is-white.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-black:hover,html.theme--catppuccin-frappe .button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-black:focus,html.theme--catppuccin-frappe .button.is-black.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-black:focus:not(:active),html.theme--catppuccin-frappe .button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-frappe .button.is-black:active,html.theme--catppuccin-frappe .button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-black[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}html.theme--catppuccin-frappe .button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black.is-inverted:hover,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-frappe .button.is-black.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black.is-outlined:hover,html.theme--catppuccin-frappe .button.is-black.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-black.is-outlined:focus,html.theme--catppuccin-frappe .button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-frappe .button.is-black.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-black.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-black.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-black.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-light{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light:hover,html.theme--catppuccin-frappe .button.is-light.is-hovered{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light:focus,html.theme--catppuccin-frappe .button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light:focus:not(:active),html.theme--catppuccin-frappe .button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-frappe .button.is-light:active,html.theme--catppuccin-frappe .button.is-light.is-active{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-light{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none}html.theme--catppuccin-frappe .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-frappe .button.is-light.is-inverted:hover,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-frappe .button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;color:#f5f5f5}html.theme--catppuccin-frappe .button.is-light.is-outlined:hover,html.theme--catppuccin-frappe .button.is-light.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-light.is-outlined:focus,html.theme--catppuccin-frappe .button.is-light.is-outlined.is-focused{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-frappe .button.is-light.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-light.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-light.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-light.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-dark,html.theme--catppuccin-frappe .content kbd.button{background-color:#414559;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-dark:hover,html.theme--catppuccin-frappe .content kbd.button:hover,html.theme--catppuccin-frappe .button.is-dark.is-hovered,html.theme--catppuccin-frappe .content kbd.button.is-hovered{background-color:#3c3f52;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-dark:focus,html.theme--catppuccin-frappe .content kbd.button:focus,html.theme--catppuccin-frappe .button.is-dark.is-focused,html.theme--catppuccin-frappe .content kbd.button.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-dark:focus:not(:active),html.theme--catppuccin-frappe .content kbd.button:focus:not(:active),html.theme--catppuccin-frappe .button.is-dark.is-focused:not(:active),html.theme--catppuccin-frappe .content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(65,69,89,0.25)}html.theme--catppuccin-frappe .button.is-dark:active,html.theme--catppuccin-frappe .content kbd.button:active,html.theme--catppuccin-frappe .button.is-dark.is-active,html.theme--catppuccin-frappe .content kbd.button.is-active{background-color:#363a4a;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-dark[disabled],html.theme--catppuccin-frappe .content kbd.button[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-dark,fieldset[disabled] html.theme--catppuccin-frappe .content kbd.button{background-color:#414559;border-color:#414559;box-shadow:none}html.theme--catppuccin-frappe .button.is-dark.is-inverted,html.theme--catppuccin-frappe .content kbd.button.is-inverted{background-color:#fff;color:#414559}html.theme--catppuccin-frappe .button.is-dark.is-inverted:hover,html.theme--catppuccin-frappe .content kbd.button.is-inverted:hover,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-hovered,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-frappe .button.is-dark.is-inverted[disabled],html.theme--catppuccin-frappe .content kbd.button.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-dark.is-inverted,fieldset[disabled] html.theme--catppuccin-frappe .content kbd.button.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#414559}html.theme--catppuccin-frappe .button.is-dark.is-loading::after,html.theme--catppuccin-frappe .content kbd.button.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-dark.is-outlined,html.theme--catppuccin-frappe .content kbd.button.is-outlined{background-color:transparent;border-color:#414559;color:#414559}html.theme--catppuccin-frappe .button.is-dark.is-outlined:hover,html.theme--catppuccin-frappe .content kbd.button.is-outlined:hover,html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-hovered,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-dark.is-outlined:focus,html.theme--catppuccin-frappe .content kbd.button.is-outlined:focus,html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-focused,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-focused{background-color:#414559;border-color:#414559;color:#fff}html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-loading::after,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #414559 #414559 !important}html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-dark.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-frappe .content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-dark.is-outlined[disabled],html.theme--catppuccin-frappe .content kbd.button.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-dark.is-outlined,fieldset[disabled] html.theme--catppuccin-frappe .content kbd.button.is-outlined{background-color:transparent;border-color:#414559;box-shadow:none;color:#414559}html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-focused,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-focused{background-color:#fff;color:#414559}html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #414559 #414559 !important}html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined[disabled],html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-dark.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-frappe .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-primary,html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink{background-color:#8caaee;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-primary:hover,html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink:hover,html.theme--catppuccin-frappe .button.is-primary.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#81a2ec;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-primary:focus,html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink:focus,html.theme--catppuccin-frappe .button.is-primary.is-focused,html.theme--catppuccin-frappe .docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-primary:focus:not(:active),html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink:focus:not(:active),html.theme--catppuccin-frappe .button.is-primary.is-focused:not(:active),html.theme--catppuccin-frappe .docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .button.is-primary:active,html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink:active,html.theme--catppuccin-frappe .button.is-primary.is-active,html.theme--catppuccin-frappe .docstring>section>a.button.is-active.docs-sourcelink{background-color:#769aeb;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-primary[disabled],html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-primary,fieldset[disabled] html.theme--catppuccin-frappe .docstring>section>a.button.docs-sourcelink{background-color:#8caaee;border-color:#8caaee;box-shadow:none}html.theme--catppuccin-frappe .button.is-primary.is-inverted,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .button.is-primary.is-inverted:hover,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.docs-sourcelink:hover,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}html.theme--catppuccin-frappe .button.is-primary.is-inverted[disabled],html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-primary.is-inverted,fieldset[disabled] html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#8caaee}html.theme--catppuccin-frappe .button.is-primary.is-loading::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-primary.is-outlined,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#8caaee;color:#8caaee}html.theme--catppuccin-frappe .button.is-primary.is-outlined:hover,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-frappe .button.is-primary.is-outlined:focus,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-focused,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#8caaee;border-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-loading::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #8caaee #8caaee !important}html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-frappe .button.is-primary.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-primary.is-outlined[disabled],html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-primary.is-outlined,fieldset[disabled] html.theme--catppuccin-frappe .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#8caaee;box-shadow:none;color:#8caaee}html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-focused,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #8caaee #8caaee !important}html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined[disabled],html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-primary.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-frappe .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-primary.is-light,html.theme--catppuccin-frappe .docstring>section>a.button.is-light.docs-sourcelink{background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .button.is-primary.is-light:hover,html.theme--catppuccin-frappe .docstring>section>a.button.is-light.docs-sourcelink:hover,html.theme--catppuccin-frappe .button.is-primary.is-light.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#e2eafb;border-color:transparent;color:#153a8e}html.theme--catppuccin-frappe .button.is-primary.is-light:active,html.theme--catppuccin-frappe .docstring>section>a.button.is-light.docs-sourcelink:active,html.theme--catppuccin-frappe .button.is-primary.is-light.is-active,html.theme--catppuccin-frappe .docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#d7e1f9;border-color:transparent;color:#153a8e}html.theme--catppuccin-frappe .button.is-link{background-color:#8caaee;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-link:hover,html.theme--catppuccin-frappe .button.is-link.is-hovered{background-color:#81a2ec;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-link:focus,html.theme--catppuccin-frappe .button.is-link.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-link:focus:not(:active),html.theme--catppuccin-frappe .button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .button.is-link:active,html.theme--catppuccin-frappe .button.is-link.is-active{background-color:#769aeb;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-link[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-link{background-color:#8caaee;border-color:#8caaee;box-shadow:none}html.theme--catppuccin-frappe .button.is-link.is-inverted{background-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .button.is-link.is-inverted:hover,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-frappe .button.is-link.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#8caaee}html.theme--catppuccin-frappe .button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-link.is-outlined{background-color:transparent;border-color:#8caaee;color:#8caaee}html.theme--catppuccin-frappe .button.is-link.is-outlined:hover,html.theme--catppuccin-frappe .button.is-link.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-link.is-outlined:focus,html.theme--catppuccin-frappe .button.is-link.is-outlined.is-focused{background-color:#8caaee;border-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #8caaee #8caaee !important}html.theme--catppuccin-frappe .button.is-link.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-link.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-link.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-link.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-link.is-outlined{background-color:transparent;border-color:#8caaee;box-shadow:none;color:#8caaee}html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #8caaee #8caaee !important}html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-link.is-light{background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .button.is-link.is-light:hover,html.theme--catppuccin-frappe .button.is-link.is-light.is-hovered{background-color:#e2eafb;border-color:transparent;color:#153a8e}html.theme--catppuccin-frappe .button.is-link.is-light:active,html.theme--catppuccin-frappe .button.is-link.is-light.is-active{background-color:#d7e1f9;border-color:transparent;color:#153a8e}html.theme--catppuccin-frappe .button.is-info{background-color:#81c8be;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info:hover,html.theme--catppuccin-frappe .button.is-info.is-hovered{background-color:#78c4b9;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info:focus,html.theme--catppuccin-frappe .button.is-info.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info:focus:not(:active),html.theme--catppuccin-frappe .button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(129,200,190,0.25)}html.theme--catppuccin-frappe .button.is-info:active,html.theme--catppuccin-frappe .button.is-info.is-active{background-color:#6fc0b5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-info{background-color:#81c8be;border-color:#81c8be;box-shadow:none}html.theme--catppuccin-frappe .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);color:#81c8be}html.theme--catppuccin-frappe .button.is-info.is-inverted:hover,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#81c8be}html.theme--catppuccin-frappe .button.is-info.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-info.is-outlined{background-color:transparent;border-color:#81c8be;color:#81c8be}html.theme--catppuccin-frappe .button.is-info.is-outlined:hover,html.theme--catppuccin-frappe .button.is-info.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-info.is-outlined:focus,html.theme--catppuccin-frappe .button.is-info.is-outlined.is-focused{background-color:#81c8be;border-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #81c8be #81c8be !important}html.theme--catppuccin-frappe .button.is-info.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-info.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-info.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-info.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-info.is-outlined{background-color:transparent;border-color:#81c8be;box-shadow:none;color:#81c8be}html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#81c8be}html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #81c8be #81c8be !important}html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-info.is-light{background-color:#f1f9f8;color:#2d675f}html.theme--catppuccin-frappe .button.is-info.is-light:hover,html.theme--catppuccin-frappe .button.is-info.is-light.is-hovered{background-color:#e8f5f3;border-color:transparent;color:#2d675f}html.theme--catppuccin-frappe .button.is-info.is-light:active,html.theme--catppuccin-frappe .button.is-info.is-light.is-active{background-color:#dff1ef;border-color:transparent;color:#2d675f}html.theme--catppuccin-frappe .button.is-success{background-color:#a6d189;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success:hover,html.theme--catppuccin-frappe .button.is-success.is-hovered{background-color:#9fcd80;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success:focus,html.theme--catppuccin-frappe .button.is-success.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success:focus:not(:active),html.theme--catppuccin-frappe .button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(166,209,137,0.25)}html.theme--catppuccin-frappe .button.is-success:active,html.theme--catppuccin-frappe .button.is-success.is-active{background-color:#98ca77;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-success{background-color:#a6d189;border-color:#a6d189;box-shadow:none}html.theme--catppuccin-frappe .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);color:#a6d189}html.theme--catppuccin-frappe .button.is-success.is-inverted:hover,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#a6d189}html.theme--catppuccin-frappe .button.is-success.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-success.is-outlined{background-color:transparent;border-color:#a6d189;color:#a6d189}html.theme--catppuccin-frappe .button.is-success.is-outlined:hover,html.theme--catppuccin-frappe .button.is-success.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-success.is-outlined:focus,html.theme--catppuccin-frappe .button.is-success.is-outlined.is-focused{background-color:#a6d189;border-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #a6d189 #a6d189 !important}html.theme--catppuccin-frappe .button.is-success.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-success.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-success.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-success.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-success.is-outlined{background-color:transparent;border-color:#a6d189;box-shadow:none;color:#a6d189}html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#a6d189}html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #a6d189 #a6d189 !important}html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-success.is-light{background-color:#f4f9f0;color:#446a29}html.theme--catppuccin-frappe .button.is-success.is-light:hover,html.theme--catppuccin-frappe .button.is-success.is-light.is-hovered{background-color:#edf6e7;border-color:transparent;color:#446a29}html.theme--catppuccin-frappe .button.is-success.is-light:active,html.theme--catppuccin-frappe .button.is-success.is-light.is-active{background-color:#e6f2de;border-color:transparent;color:#446a29}html.theme--catppuccin-frappe .button.is-warning{background-color:#e5c890;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning:hover,html.theme--catppuccin-frappe .button.is-warning.is-hovered{background-color:#e3c386;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning:focus,html.theme--catppuccin-frappe .button.is-warning.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning:focus:not(:active),html.theme--catppuccin-frappe .button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(229,200,144,0.25)}html.theme--catppuccin-frappe .button.is-warning:active,html.theme--catppuccin-frappe .button.is-warning.is-active{background-color:#e0be7b;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-warning{background-color:#e5c890;border-color:#e5c890;box-shadow:none}html.theme--catppuccin-frappe .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);color:#e5c890}html.theme--catppuccin-frappe .button.is-warning.is-inverted:hover,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#e5c890}html.theme--catppuccin-frappe .button.is-warning.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-warning.is-outlined{background-color:transparent;border-color:#e5c890;color:#e5c890}html.theme--catppuccin-frappe .button.is-warning.is-outlined:hover,html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-warning.is-outlined:focus,html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-focused{background-color:#e5c890;border-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #e5c890 #e5c890 !important}html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-frappe .button.is-warning.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-warning.is-outlined{background-color:transparent;border-color:#e5c890;box-shadow:none;color:#e5c890}html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#e5c890}html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #e5c890 #e5c890 !important}html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .button.is-warning.is-light{background-color:#fbf7ee;color:#78591c}html.theme--catppuccin-frappe .button.is-warning.is-light:hover,html.theme--catppuccin-frappe .button.is-warning.is-light.is-hovered{background-color:#f9f2e4;border-color:transparent;color:#78591c}html.theme--catppuccin-frappe .button.is-warning.is-light:active,html.theme--catppuccin-frappe .button.is-warning.is-light.is-active{background-color:#f6edda;border-color:transparent;color:#78591c}html.theme--catppuccin-frappe .button.is-danger{background-color:#e78284;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-danger:hover,html.theme--catppuccin-frappe .button.is-danger.is-hovered{background-color:#e57779;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-danger:focus,html.theme--catppuccin-frappe .button.is-danger.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-danger:focus:not(:active),html.theme--catppuccin-frappe .button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(231,130,132,0.25)}html.theme--catppuccin-frappe .button.is-danger:active,html.theme--catppuccin-frappe .button.is-danger.is-active{background-color:#e36d6f;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .button.is-danger[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-danger{background-color:#e78284;border-color:#e78284;box-shadow:none}html.theme--catppuccin-frappe .button.is-danger.is-inverted{background-color:#fff;color:#e78284}html.theme--catppuccin-frappe .button.is-danger.is-inverted:hover,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-frappe .button.is-danger.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#e78284}html.theme--catppuccin-frappe .button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-danger.is-outlined{background-color:transparent;border-color:#e78284;color:#e78284}html.theme--catppuccin-frappe .button.is-danger.is-outlined:hover,html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-danger.is-outlined:focus,html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-focused{background-color:#e78284;border-color:#e78284;color:#fff}html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #e78284 #e78284 !important}html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-frappe .button.is-danger.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-danger.is-outlined{background-color:transparent;border-color:#e78284;box-shadow:none;color:#e78284}html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined:hover,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined:focus,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#e78284}html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #e78284 #e78284 !important}html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-frappe .button.is-danger.is-light{background-color:#fceeee;color:#9a1e20}html.theme--catppuccin-frappe .button.is-danger.is-light:hover,html.theme--catppuccin-frappe .button.is-danger.is-light.is-hovered{background-color:#fae3e4;border-color:transparent;color:#9a1e20}html.theme--catppuccin-frappe .button.is-danger.is-light:active,html.theme--catppuccin-frappe .button.is-danger.is-light.is-active{background-color:#f8d8d9;border-color:transparent;color:#9a1e20}html.theme--catppuccin-frappe .button.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}html.theme--catppuccin-frappe .button.is-small:not(.is-rounded),html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:3px}html.theme--catppuccin-frappe .button.is-normal{font-size:1rem}html.theme--catppuccin-frappe .button.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .button.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .button[disabled],fieldset[disabled] html.theme--catppuccin-frappe .button{background-color:#737994;border-color:#626880;box-shadow:none;opacity:.5}html.theme--catppuccin-frappe .button.is-fullwidth{display:flex;width:100%}html.theme--catppuccin-frappe .button.is-loading{color:transparent !important;pointer-events:none}html.theme--catppuccin-frappe .button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}html.theme--catppuccin-frappe .button.is-static{background-color:#292c3c;border-color:#626880;color:#838ba7;box-shadow:none;pointer-events:none}html.theme--catppuccin-frappe .button.is-rounded,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}html.theme--catppuccin-frappe .buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-frappe .buttons .button{margin-bottom:0.5rem}html.theme--catppuccin-frappe .buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}html.theme--catppuccin-frappe .buttons:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-frappe .buttons:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-frappe .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}html.theme--catppuccin-frappe .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:3px}html.theme--catppuccin-frappe .buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}html.theme--catppuccin-frappe .buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}html.theme--catppuccin-frappe .buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-frappe .buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}html.theme--catppuccin-frappe .buttons.has-addons .button:last-child{margin-right:0}html.theme--catppuccin-frappe .buttons.has-addons .button:hover,html.theme--catppuccin-frappe .buttons.has-addons .button.is-hovered{z-index:2}html.theme--catppuccin-frappe .buttons.has-addons .button:focus,html.theme--catppuccin-frappe .buttons.has-addons .button.is-focused,html.theme--catppuccin-frappe .buttons.has-addons .button:active,html.theme--catppuccin-frappe .buttons.has-addons .button.is-active,html.theme--catppuccin-frappe .buttons.has-addons .button.is-selected{z-index:3}html.theme--catppuccin-frappe .buttons.has-addons .button:focus:hover,html.theme--catppuccin-frappe .buttons.has-addons .button.is-focused:hover,html.theme--catppuccin-frappe .buttons.has-addons .button:active:hover,html.theme--catppuccin-frappe .buttons.has-addons .button.is-active:hover,html.theme--catppuccin-frappe .buttons.has-addons .button.is-selected:hover{z-index:4}html.theme--catppuccin-frappe .buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .buttons.is-centered{justify-content:center}html.theme--catppuccin-frappe .buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}html.theme--catppuccin-frappe .buttons.is-right{justify-content:flex-end}html.theme--catppuccin-frappe .buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .button.is-responsive.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}html.theme--catppuccin-frappe .button.is-responsive,html.theme--catppuccin-frappe .button.is-responsive.is-normal{font-size:.65625rem}html.theme--catppuccin-frappe .button.is-responsive.is-medium{font-size:.75rem}html.theme--catppuccin-frappe .button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .button.is-responsive.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}html.theme--catppuccin-frappe .button.is-responsive,html.theme--catppuccin-frappe .button.is-responsive.is-normal{font-size:.75rem}html.theme--catppuccin-frappe .button.is-responsive.is-medium{font-size:1rem}html.theme--catppuccin-frappe .button.is-responsive.is-large{font-size:1.25rem}}html.theme--catppuccin-frappe .container{flex-grow:1;margin:0 auto;position:relative;width:auto}html.theme--catppuccin-frappe .container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .container{max-width:992px}}@media screen and (max-width: 1215px){html.theme--catppuccin-frappe .container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){html.theme--catppuccin-frappe .container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}html.theme--catppuccin-frappe .content li+li{margin-top:0.25em}html.theme--catppuccin-frappe .content p:not(:last-child),html.theme--catppuccin-frappe .content dl:not(:last-child),html.theme--catppuccin-frappe .content ol:not(:last-child),html.theme--catppuccin-frappe .content ul:not(:last-child),html.theme--catppuccin-frappe .content blockquote:not(:last-child),html.theme--catppuccin-frappe .content pre:not(:last-child),html.theme--catppuccin-frappe .content table:not(:last-child){margin-bottom:1em}html.theme--catppuccin-frappe .content h1,html.theme--catppuccin-frappe .content h2,html.theme--catppuccin-frappe .content h3,html.theme--catppuccin-frappe .content h4,html.theme--catppuccin-frappe .content h5,html.theme--catppuccin-frappe .content h6{color:#c6d0f5;font-weight:600;line-height:1.125}html.theme--catppuccin-frappe .content h1{font-size:2em;margin-bottom:0.5em}html.theme--catppuccin-frappe .content h1:not(:first-child){margin-top:1em}html.theme--catppuccin-frappe .content h2{font-size:1.75em;margin-bottom:0.5714em}html.theme--catppuccin-frappe .content h2:not(:first-child){margin-top:1.1428em}html.theme--catppuccin-frappe .content h3{font-size:1.5em;margin-bottom:0.6666em}html.theme--catppuccin-frappe .content h3:not(:first-child){margin-top:1.3333em}html.theme--catppuccin-frappe .content h4{font-size:1.25em;margin-bottom:0.8em}html.theme--catppuccin-frappe .content h5{font-size:1.125em;margin-bottom:0.8888em}html.theme--catppuccin-frappe .content h6{font-size:1em;margin-bottom:1em}html.theme--catppuccin-frappe .content blockquote{background-color:#292c3c;border-left:5px solid #626880;padding:1.25em 1.5em}html.theme--catppuccin-frappe .content ol{list-style-position:outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-frappe .content ol:not([type]){list-style-type:decimal}html.theme--catppuccin-frappe .content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}html.theme--catppuccin-frappe .content ol.is-lower-roman:not([type]){list-style-type:lower-roman}html.theme--catppuccin-frappe .content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}html.theme--catppuccin-frappe .content ol.is-upper-roman:not([type]){list-style-type:upper-roman}html.theme--catppuccin-frappe .content ul{list-style:disc outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-frappe .content ul ul{list-style-type:circle;margin-top:0.5em}html.theme--catppuccin-frappe .content ul ul ul{list-style-type:square}html.theme--catppuccin-frappe .content dd{margin-left:2em}html.theme--catppuccin-frappe .content figure{margin-left:2em;margin-right:2em;text-align:center}html.theme--catppuccin-frappe .content figure:not(:first-child){margin-top:2em}html.theme--catppuccin-frappe .content figure:not(:last-child){margin-bottom:2em}html.theme--catppuccin-frappe .content figure img{display:inline-block}html.theme--catppuccin-frappe .content figure figcaption{font-style:italic}html.theme--catppuccin-frappe .content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}html.theme--catppuccin-frappe .content sup,html.theme--catppuccin-frappe .content sub{font-size:75%}html.theme--catppuccin-frappe .content table{width:100%}html.theme--catppuccin-frappe .content table td,html.theme--catppuccin-frappe .content table th{border:1px solid #626880;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-frappe .content table th{color:#b0bef1}html.theme--catppuccin-frappe .content table th:not([align]){text-align:inherit}html.theme--catppuccin-frappe .content table thead td,html.theme--catppuccin-frappe .content table thead th{border-width:0 0 2px;color:#b0bef1}html.theme--catppuccin-frappe .content table tfoot td,html.theme--catppuccin-frappe .content table tfoot th{border-width:2px 0 0;color:#b0bef1}html.theme--catppuccin-frappe .content table tbody tr:last-child td,html.theme--catppuccin-frappe .content table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-frappe .content .tabs li+li{margin-top:0}html.theme--catppuccin-frappe .content.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}html.theme--catppuccin-frappe .content.is-normal{font-size:1rem}html.theme--catppuccin-frappe .content.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .content.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}html.theme--catppuccin-frappe .icon.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}html.theme--catppuccin-frappe .icon.is-medium{height:2rem;width:2rem}html.theme--catppuccin-frappe .icon.is-large{height:3rem;width:3rem}html.theme--catppuccin-frappe .icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}html.theme--catppuccin-frappe .icon-text .icon{flex-grow:0;flex-shrink:0}html.theme--catppuccin-frappe .icon-text .icon:not(:last-child){margin-right:.25em}html.theme--catppuccin-frappe .icon-text .icon:not(:first-child){margin-left:.25em}html.theme--catppuccin-frappe div.icon-text{display:flex}html.theme--catppuccin-frappe .image,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img{display:block;position:relative}html.theme--catppuccin-frappe .image img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}html.theme--catppuccin-frappe .image img.is-rounded,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}html.theme--catppuccin-frappe .image.is-fullwidth,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}html.theme--catppuccin-frappe .image.is-square img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-frappe .image.is-square .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-frappe .image.is-1by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-frappe .image.is-1by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-frappe .image.is-5by4 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-frappe .image.is-5by4 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-frappe .image.is-4by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-frappe .image.is-4by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-frappe .image.is-3by2 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-frappe .image.is-3by2 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-frappe .image.is-5by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-frappe .image.is-5by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-frappe .image.is-16by9 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-frappe .image.is-16by9 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-frappe .image.is-2by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-frappe .image.is-2by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-frappe .image.is-3by1 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-frappe .image.is-3by1 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-frappe .image.is-4by5 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-frappe .image.is-4by5 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-frappe .image.is-3by4 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-frappe .image.is-3by4 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-frappe .image.is-2by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-frappe .image.is-2by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-frappe .image.is-3by5 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-frappe .image.is-3by5 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-frappe .image.is-9by16 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-frappe .image.is-9by16 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-frappe .image.is-1by2 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-frappe .image.is-1by2 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-frappe .image.is-1by3 img,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-frappe .image.is-1by3 .has-ratio,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}html.theme--catppuccin-frappe .image.is-square,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-square,html.theme--catppuccin-frappe .image.is-1by1,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}html.theme--catppuccin-frappe .image.is-5by4,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}html.theme--catppuccin-frappe .image.is-4by3,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}html.theme--catppuccin-frappe .image.is-3by2,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}html.theme--catppuccin-frappe .image.is-5by3,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}html.theme--catppuccin-frappe .image.is-16by9,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}html.theme--catppuccin-frappe .image.is-2by1,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}html.theme--catppuccin-frappe .image.is-3by1,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}html.theme--catppuccin-frappe .image.is-4by5,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}html.theme--catppuccin-frappe .image.is-3by4,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}html.theme--catppuccin-frappe .image.is-2by3,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}html.theme--catppuccin-frappe .image.is-3by5,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}html.theme--catppuccin-frappe .image.is-9by16,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}html.theme--catppuccin-frappe .image.is-1by2,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}html.theme--catppuccin-frappe .image.is-1by3,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}html.theme--catppuccin-frappe .image.is-16x16,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}html.theme--catppuccin-frappe .image.is-24x24,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}html.theme--catppuccin-frappe .image.is-32x32,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}html.theme--catppuccin-frappe .image.is-48x48,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}html.theme--catppuccin-frappe .image.is-64x64,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}html.theme--catppuccin-frappe .image.is-96x96,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}html.theme--catppuccin-frappe .image.is-128x128,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}html.theme--catppuccin-frappe .notification{background-color:#292c3c;border-radius:.4em;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}html.theme--catppuccin-frappe .notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-frappe .notification strong{color:currentColor}html.theme--catppuccin-frappe .notification code,html.theme--catppuccin-frappe .notification pre{background:#fff}html.theme--catppuccin-frappe .notification pre code{background:transparent}html.theme--catppuccin-frappe .notification>.delete{right:.5rem;position:absolute;top:0.5rem}html.theme--catppuccin-frappe .notification .title,html.theme--catppuccin-frappe .notification .subtitle,html.theme--catppuccin-frappe .notification .content{color:currentColor}html.theme--catppuccin-frappe .notification.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .notification.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .notification.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .notification.is-dark,html.theme--catppuccin-frappe .content kbd.notification{background-color:#414559;color:#fff}html.theme--catppuccin-frappe .notification.is-primary,html.theme--catppuccin-frappe .docstring>section>a.notification.docs-sourcelink{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .notification.is-primary.is-light,html.theme--catppuccin-frappe .docstring>section>a.notification.is-light.docs-sourcelink{background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .notification.is-link{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .notification.is-link.is-light{background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .notification.is-info{background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .notification.is-info.is-light{background-color:#f1f9f8;color:#2d675f}html.theme--catppuccin-frappe .notification.is-success{background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .notification.is-success.is-light{background-color:#f4f9f0;color:#446a29}html.theme--catppuccin-frappe .notification.is-warning{background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .notification.is-warning.is-light{background-color:#fbf7ee;color:#78591c}html.theme--catppuccin-frappe .notification.is-danger{background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .notification.is-danger.is-light{background-color:#fceeee;color:#9a1e20}html.theme--catppuccin-frappe .progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}html.theme--catppuccin-frappe .progress::-webkit-progress-bar{background-color:#51576d}html.theme--catppuccin-frappe .progress::-webkit-progress-value{background-color:#838ba7}html.theme--catppuccin-frappe .progress::-moz-progress-bar{background-color:#838ba7}html.theme--catppuccin-frappe .progress::-ms-fill{background-color:#838ba7;border:none}html.theme--catppuccin-frappe .progress.is-white::-webkit-progress-value{background-color:#fff}html.theme--catppuccin-frappe .progress.is-white::-moz-progress-bar{background-color:#fff}html.theme--catppuccin-frappe .progress.is-white::-ms-fill{background-color:#fff}html.theme--catppuccin-frappe .progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-black::-webkit-progress-value{background-color:#0a0a0a}html.theme--catppuccin-frappe .progress.is-black::-moz-progress-bar{background-color:#0a0a0a}html.theme--catppuccin-frappe .progress.is-black::-ms-fill{background-color:#0a0a0a}html.theme--catppuccin-frappe .progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-light::-webkit-progress-value{background-color:#f5f5f5}html.theme--catppuccin-frappe .progress.is-light::-moz-progress-bar{background-color:#f5f5f5}html.theme--catppuccin-frappe .progress.is-light::-ms-fill{background-color:#f5f5f5}html.theme--catppuccin-frappe .progress.is-light:indeterminate{background-image:linear-gradient(to right, #f5f5f5 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-dark::-webkit-progress-value,html.theme--catppuccin-frappe .content kbd.progress::-webkit-progress-value{background-color:#414559}html.theme--catppuccin-frappe .progress.is-dark::-moz-progress-bar,html.theme--catppuccin-frappe .content kbd.progress::-moz-progress-bar{background-color:#414559}html.theme--catppuccin-frappe .progress.is-dark::-ms-fill,html.theme--catppuccin-frappe .content kbd.progress::-ms-fill{background-color:#414559}html.theme--catppuccin-frappe .progress.is-dark:indeterminate,html.theme--catppuccin-frappe .content kbd.progress:indeterminate{background-image:linear-gradient(to right, #414559 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-primary::-webkit-progress-value,html.theme--catppuccin-frappe .docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-primary::-moz-progress-bar,html.theme--catppuccin-frappe .docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-primary::-ms-fill,html.theme--catppuccin-frappe .docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-primary:indeterminate,html.theme--catppuccin-frappe .docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #8caaee 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-link::-webkit-progress-value{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-link::-moz-progress-bar{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-link::-ms-fill{background-color:#8caaee}html.theme--catppuccin-frappe .progress.is-link:indeterminate{background-image:linear-gradient(to right, #8caaee 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-info::-webkit-progress-value{background-color:#81c8be}html.theme--catppuccin-frappe .progress.is-info::-moz-progress-bar{background-color:#81c8be}html.theme--catppuccin-frappe .progress.is-info::-ms-fill{background-color:#81c8be}html.theme--catppuccin-frappe .progress.is-info:indeterminate{background-image:linear-gradient(to right, #81c8be 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-success::-webkit-progress-value{background-color:#a6d189}html.theme--catppuccin-frappe .progress.is-success::-moz-progress-bar{background-color:#a6d189}html.theme--catppuccin-frappe .progress.is-success::-ms-fill{background-color:#a6d189}html.theme--catppuccin-frappe .progress.is-success:indeterminate{background-image:linear-gradient(to right, #a6d189 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-warning::-webkit-progress-value{background-color:#e5c890}html.theme--catppuccin-frappe .progress.is-warning::-moz-progress-bar{background-color:#e5c890}html.theme--catppuccin-frappe .progress.is-warning::-ms-fill{background-color:#e5c890}html.theme--catppuccin-frappe .progress.is-warning:indeterminate{background-image:linear-gradient(to right, #e5c890 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress.is-danger::-webkit-progress-value{background-color:#e78284}html.theme--catppuccin-frappe .progress.is-danger::-moz-progress-bar{background-color:#e78284}html.theme--catppuccin-frappe .progress.is-danger::-ms-fill{background-color:#e78284}html.theme--catppuccin-frappe .progress.is-danger:indeterminate{background-image:linear-gradient(to right, #e78284 30%, #51576d 30%)}html.theme--catppuccin-frappe .progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#51576d;background-image:linear-gradient(to right, #c6d0f5 30%, #51576d 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}html.theme--catppuccin-frappe .progress:indeterminate::-webkit-progress-bar{background-color:transparent}html.theme--catppuccin-frappe .progress:indeterminate::-moz-progress-bar{background-color:transparent}html.theme--catppuccin-frappe .progress:indeterminate::-ms-fill{animation-name:none}html.theme--catppuccin-frappe .progress.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}html.theme--catppuccin-frappe .progress.is-medium{height:1.25rem}html.theme--catppuccin-frappe .progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}html.theme--catppuccin-frappe .table{background-color:#51576d;color:#c6d0f5}html.theme--catppuccin-frappe .table td,html.theme--catppuccin-frappe .table th{border:1px solid #626880;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-frappe .table td.is-white,html.theme--catppuccin-frappe .table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .table td.is-black,html.theme--catppuccin-frappe .table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .table td.is-light,html.theme--catppuccin-frappe .table th.is-light{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .table td.is-dark,html.theme--catppuccin-frappe .table th.is-dark{background-color:#414559;border-color:#414559;color:#fff}html.theme--catppuccin-frappe .table td.is-primary,html.theme--catppuccin-frappe .table th.is-primary{background-color:#8caaee;border-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .table td.is-link,html.theme--catppuccin-frappe .table th.is-link{background-color:#8caaee;border-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .table td.is-info,html.theme--catppuccin-frappe .table th.is-info{background-color:#81c8be;border-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .table td.is-success,html.theme--catppuccin-frappe .table th.is-success{background-color:#a6d189;border-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .table td.is-warning,html.theme--catppuccin-frappe .table th.is-warning{background-color:#e5c890;border-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .table td.is-danger,html.theme--catppuccin-frappe .table th.is-danger{background-color:#e78284;border-color:#e78284;color:#fff}html.theme--catppuccin-frappe .table td.is-narrow,html.theme--catppuccin-frappe .table th.is-narrow{white-space:nowrap;width:1%}html.theme--catppuccin-frappe .table td.is-selected,html.theme--catppuccin-frappe .table th.is-selected{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .table td.is-selected a,html.theme--catppuccin-frappe .table td.is-selected strong,html.theme--catppuccin-frappe .table th.is-selected a,html.theme--catppuccin-frappe .table th.is-selected strong{color:currentColor}html.theme--catppuccin-frappe .table td.is-vcentered,html.theme--catppuccin-frappe .table th.is-vcentered{vertical-align:middle}html.theme--catppuccin-frappe .table th{color:#b0bef1}html.theme--catppuccin-frappe .table th:not([align]){text-align:left}html.theme--catppuccin-frappe .table tr.is-selected{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .table tr.is-selected a,html.theme--catppuccin-frappe .table tr.is-selected strong{color:currentColor}html.theme--catppuccin-frappe .table tr.is-selected td,html.theme--catppuccin-frappe .table tr.is-selected th{border-color:#fff;color:currentColor}html.theme--catppuccin-frappe .table thead{background-color:rgba(0,0,0,0)}html.theme--catppuccin-frappe .table thead td,html.theme--catppuccin-frappe .table thead th{border-width:0 0 2px;color:#b0bef1}html.theme--catppuccin-frappe .table tfoot{background-color:rgba(0,0,0,0)}html.theme--catppuccin-frappe .table tfoot td,html.theme--catppuccin-frappe .table tfoot th{border-width:2px 0 0;color:#b0bef1}html.theme--catppuccin-frappe .table tbody{background-color:rgba(0,0,0,0)}html.theme--catppuccin-frappe .table tbody tr:last-child td,html.theme--catppuccin-frappe .table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-frappe .table.is-bordered td,html.theme--catppuccin-frappe .table.is-bordered th{border-width:1px}html.theme--catppuccin-frappe .table.is-bordered tr:last-child td,html.theme--catppuccin-frappe .table.is-bordered tr:last-child th{border-bottom-width:1px}html.theme--catppuccin-frappe .table.is-fullwidth{width:100%}html.theme--catppuccin-frappe .table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#414559}html.theme--catppuccin-frappe .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#414559}html.theme--catppuccin-frappe .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#454a5f}html.theme--catppuccin-frappe .table.is-narrow td,html.theme--catppuccin-frappe .table.is-narrow th{padding:0.25em 0.5em}html.theme--catppuccin-frappe .table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#414559}html.theme--catppuccin-frappe .table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}html.theme--catppuccin-frappe .tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-frappe .tags .tag,html.theme--catppuccin-frappe .tags .content kbd,html.theme--catppuccin-frappe .content .tags kbd,html.theme--catppuccin-frappe .tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}html.theme--catppuccin-frappe .tags .tag:not(:last-child),html.theme--catppuccin-frappe .tags .content kbd:not(:last-child),html.theme--catppuccin-frappe .content .tags kbd:not(:last-child),html.theme--catppuccin-frappe .tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}html.theme--catppuccin-frappe .tags:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-frappe .tags:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-frappe .tags.are-medium .tag:not(.is-normal):not(.is-large),html.theme--catppuccin-frappe .tags.are-medium .content kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-frappe .content .tags.are-medium kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-frappe .tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}html.theme--catppuccin-frappe .tags.are-large .tag:not(.is-normal):not(.is-medium),html.theme--catppuccin-frappe .tags.are-large .content kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-frappe .content .tags.are-large kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-frappe .tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}html.theme--catppuccin-frappe .tags.is-centered{justify-content:center}html.theme--catppuccin-frappe .tags.is-centered .tag,html.theme--catppuccin-frappe .tags.is-centered .content kbd,html.theme--catppuccin-frappe .content .tags.is-centered kbd,html.theme--catppuccin-frappe .tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}html.theme--catppuccin-frappe .tags.is-right{justify-content:flex-end}html.theme--catppuccin-frappe .tags.is-right .tag:not(:first-child),html.theme--catppuccin-frappe .tags.is-right .content kbd:not(:first-child),html.theme--catppuccin-frappe .content .tags.is-right kbd:not(:first-child),html.theme--catppuccin-frappe .tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}html.theme--catppuccin-frappe .tags.is-right .tag:not(:last-child),html.theme--catppuccin-frappe .tags.is-right .content kbd:not(:last-child),html.theme--catppuccin-frappe .content .tags.is-right kbd:not(:last-child),html.theme--catppuccin-frappe .tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}html.theme--catppuccin-frappe .tags.has-addons .tag,html.theme--catppuccin-frappe .tags.has-addons .content kbd,html.theme--catppuccin-frappe .content .tags.has-addons kbd,html.theme--catppuccin-frappe .tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}html.theme--catppuccin-frappe .tags.has-addons .tag:not(:first-child),html.theme--catppuccin-frappe .tags.has-addons .content kbd:not(:first-child),html.theme--catppuccin-frappe .content .tags.has-addons kbd:not(:first-child),html.theme--catppuccin-frappe .tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}html.theme--catppuccin-frappe .tags.has-addons .tag:not(:last-child),html.theme--catppuccin-frappe .tags.has-addons .content kbd:not(:last-child),html.theme--catppuccin-frappe .content .tags.has-addons kbd:not(:last-child),html.theme--catppuccin-frappe .tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}html.theme--catppuccin-frappe .tag:not(body),html.theme--catppuccin-frappe .content kbd:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#292c3c;border-radius:.4em;color:#c6d0f5;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}html.theme--catppuccin-frappe .tag:not(body) .delete,html.theme--catppuccin-frappe .content kbd:not(body) .delete,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}html.theme--catppuccin-frappe .tag.is-white:not(body),html.theme--catppuccin-frappe .content kbd.is-white:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .tag.is-black:not(body),html.theme--catppuccin-frappe .content kbd.is-black:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .tag.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .tag.is-dark:not(body),html.theme--catppuccin-frappe .content kbd:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-dark:not(body),html.theme--catppuccin-frappe .content .docstring>section>kbd:not(body){background-color:#414559;color:#fff}html.theme--catppuccin-frappe .tag.is-primary:not(body),html.theme--catppuccin-frappe .content kbd.is-primary:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body){background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .tag.is-primary.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-primary.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .tag.is-link:not(body),html.theme--catppuccin-frappe .content kbd.is-link:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .tag.is-link.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-link.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#edf2fc;color:#153a8e}html.theme--catppuccin-frappe .tag.is-info:not(body),html.theme--catppuccin-frappe .content kbd.is-info:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .tag.is-info.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-info.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#f1f9f8;color:#2d675f}html.theme--catppuccin-frappe .tag.is-success:not(body),html.theme--catppuccin-frappe .content kbd.is-success:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .tag.is-success.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-success.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#f4f9f0;color:#446a29}html.theme--catppuccin-frappe .tag.is-warning:not(body),html.theme--catppuccin-frappe .content kbd.is-warning:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .tag.is-warning.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-warning.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fbf7ee;color:#78591c}html.theme--catppuccin-frappe .tag.is-danger:not(body),html.theme--catppuccin-frappe .content kbd.is-danger:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .tag.is-danger.is-light:not(body),html.theme--catppuccin-frappe .content kbd.is-danger.is-light:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#fceeee;color:#9a1e20}html.theme--catppuccin-frappe .tag.is-normal:not(body),html.theme--catppuccin-frappe .content kbd.is-normal:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}html.theme--catppuccin-frappe .tag.is-medium:not(body),html.theme--catppuccin-frappe .content kbd.is-medium:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}html.theme--catppuccin-frappe .tag.is-large:not(body),html.theme--catppuccin-frappe .content kbd.is-large:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}html.theme--catppuccin-frappe .tag:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-frappe .content kbd:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}html.theme--catppuccin-frappe .tag:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-frappe .content kbd:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}html.theme--catppuccin-frappe .tag:not(body) .icon:first-child:last-child,html.theme--catppuccin-frappe .content kbd:not(body) .icon:first-child:last-child,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}html.theme--catppuccin-frappe .tag.is-delete:not(body),html.theme--catppuccin-frappe .content kbd.is-delete:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}html.theme--catppuccin-frappe .tag.is-delete:not(body)::before,html.theme--catppuccin-frappe .content kbd.is-delete:not(body)::before,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body)::before,html.theme--catppuccin-frappe .tag.is-delete:not(body)::after,html.theme--catppuccin-frappe .content kbd.is-delete:not(body)::after,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-frappe .tag.is-delete:not(body)::before,html.theme--catppuccin-frappe .content kbd.is-delete:not(body)::before,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}html.theme--catppuccin-frappe .tag.is-delete:not(body)::after,html.theme--catppuccin-frappe .content kbd.is-delete:not(body)::after,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}html.theme--catppuccin-frappe .tag.is-delete:not(body):hover,html.theme--catppuccin-frappe .content kbd.is-delete:not(body):hover,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body):hover,html.theme--catppuccin-frappe .tag.is-delete:not(body):focus,html.theme--catppuccin-frappe .content kbd.is-delete:not(body):focus,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#1f212d}html.theme--catppuccin-frappe .tag.is-delete:not(body):active,html.theme--catppuccin-frappe .content kbd.is-delete:not(body):active,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#14161e}html.theme--catppuccin-frappe .tag.is-rounded:not(body),html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:not(body),html.theme--catppuccin-frappe .content kbd.is-rounded:not(body),html.theme--catppuccin-frappe #documenter .docs-sidebar .content form.docs-search>input:not(body),html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}html.theme--catppuccin-frappe a.tag:hover,html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:hover{text-decoration:underline}html.theme--catppuccin-frappe .title,html.theme--catppuccin-frappe .subtitle{word-break:break-word}html.theme--catppuccin-frappe .title em,html.theme--catppuccin-frappe .title span,html.theme--catppuccin-frappe .subtitle em,html.theme--catppuccin-frappe .subtitle span{font-weight:inherit}html.theme--catppuccin-frappe .title sub,html.theme--catppuccin-frappe .subtitle sub{font-size:.75em}html.theme--catppuccin-frappe .title sup,html.theme--catppuccin-frappe .subtitle sup{font-size:.75em}html.theme--catppuccin-frappe .title .tag,html.theme--catppuccin-frappe .title .content kbd,html.theme--catppuccin-frappe .content .title kbd,html.theme--catppuccin-frappe .title .docstring>section>a.docs-sourcelink,html.theme--catppuccin-frappe .subtitle .tag,html.theme--catppuccin-frappe .subtitle .content kbd,html.theme--catppuccin-frappe .content .subtitle kbd,html.theme--catppuccin-frappe .subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}html.theme--catppuccin-frappe .title{color:#fff;font-size:2rem;font-weight:500;line-height:1.125}html.theme--catppuccin-frappe .title strong{color:inherit;font-weight:inherit}html.theme--catppuccin-frappe .title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}html.theme--catppuccin-frappe .title.is-1{font-size:3rem}html.theme--catppuccin-frappe .title.is-2{font-size:2.5rem}html.theme--catppuccin-frappe .title.is-3{font-size:2rem}html.theme--catppuccin-frappe .title.is-4{font-size:1.5rem}html.theme--catppuccin-frappe .title.is-5{font-size:1.25rem}html.theme--catppuccin-frappe .title.is-6{font-size:1rem}html.theme--catppuccin-frappe .title.is-7{font-size:.75rem}html.theme--catppuccin-frappe .subtitle{color:#737994;font-size:1.25rem;font-weight:400;line-height:1.25}html.theme--catppuccin-frappe .subtitle strong{color:#737994;font-weight:600}html.theme--catppuccin-frappe .subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}html.theme--catppuccin-frappe .subtitle.is-1{font-size:3rem}html.theme--catppuccin-frappe .subtitle.is-2{font-size:2.5rem}html.theme--catppuccin-frappe .subtitle.is-3{font-size:2rem}html.theme--catppuccin-frappe .subtitle.is-4{font-size:1.5rem}html.theme--catppuccin-frappe .subtitle.is-5{font-size:1.25rem}html.theme--catppuccin-frappe .subtitle.is-6{font-size:1rem}html.theme--catppuccin-frappe .subtitle.is-7{font-size:.75rem}html.theme--catppuccin-frappe .heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}html.theme--catppuccin-frappe .number{align-items:center;background-color:#292c3c;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}html.theme--catppuccin-frappe .select select,html.theme--catppuccin-frappe .textarea,html.theme--catppuccin-frappe .input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{background-color:#303446;border-color:#626880;border-radius:.4em;color:#838ba7}html.theme--catppuccin-frappe .select select::-moz-placeholder,html.theme--catppuccin-frappe .textarea::-moz-placeholder,html.theme--catppuccin-frappe .input::-moz-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#868c98}html.theme--catppuccin-frappe .select select::-webkit-input-placeholder,html.theme--catppuccin-frappe .textarea::-webkit-input-placeholder,html.theme--catppuccin-frappe .input::-webkit-input-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#868c98}html.theme--catppuccin-frappe .select select:-moz-placeholder,html.theme--catppuccin-frappe .textarea:-moz-placeholder,html.theme--catppuccin-frappe .input:-moz-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#868c98}html.theme--catppuccin-frappe .select select:-ms-input-placeholder,html.theme--catppuccin-frappe .textarea:-ms-input-placeholder,html.theme--catppuccin-frappe .input:-ms-input-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#868c98}html.theme--catppuccin-frappe .select select:hover,html.theme--catppuccin-frappe .textarea:hover,html.theme--catppuccin-frappe .input:hover,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:hover,html.theme--catppuccin-frappe .select select.is-hovered,html.theme--catppuccin-frappe .is-hovered.textarea,html.theme--catppuccin-frappe .is-hovered.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#737994}html.theme--catppuccin-frappe .select select:focus,html.theme--catppuccin-frappe .textarea:focus,html.theme--catppuccin-frappe .input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-frappe .select select.is-focused,html.theme--catppuccin-frappe .is-focused.textarea,html.theme--catppuccin-frappe .is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .select select:active,html.theme--catppuccin-frappe .textarea:active,html.theme--catppuccin-frappe .input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-frappe .select select.is-active,html.theme--catppuccin-frappe .is-active.textarea,html.theme--catppuccin-frappe .is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{border-color:#8caaee;box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .select select[disabled],html.theme--catppuccin-frappe .textarea[disabled],html.theme--catppuccin-frappe .input[disabled],html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] html.theme--catppuccin-frappe .select select,fieldset[disabled] html.theme--catppuccin-frappe .textarea,fieldset[disabled] html.theme--catppuccin-frappe .input,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{background-color:#737994;border-color:#292c3c;box-shadow:none;color:#f1f4fd}html.theme--catppuccin-frappe .select select[disabled]::-moz-placeholder,html.theme--catppuccin-frappe .textarea[disabled]::-moz-placeholder,html.theme--catppuccin-frappe .input[disabled]::-moz-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .select select::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .textarea::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .input::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:rgba(241,244,253,0.3)}html.theme--catppuccin-frappe .select select[disabled]::-webkit-input-placeholder,html.theme--catppuccin-frappe .textarea[disabled]::-webkit-input-placeholder,html.theme--catppuccin-frappe .input[disabled]::-webkit-input-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .select select::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .textarea::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .input::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:rgba(241,244,253,0.3)}html.theme--catppuccin-frappe .select select[disabled]:-moz-placeholder,html.theme--catppuccin-frappe .textarea[disabled]:-moz-placeholder,html.theme--catppuccin-frappe .input[disabled]:-moz-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .select select:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .textarea:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .input:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:rgba(241,244,253,0.3)}html.theme--catppuccin-frappe .select select[disabled]:-ms-input-placeholder,html.theme--catppuccin-frappe .textarea[disabled]:-ms-input-placeholder,html.theme--catppuccin-frappe .input[disabled]:-ms-input-placeholder,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .select select:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .textarea:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe .input:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:rgba(241,244,253,0.3)}html.theme--catppuccin-frappe .textarea,html.theme--catppuccin-frappe .input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}html.theme--catppuccin-frappe .textarea[readonly],html.theme--catppuccin-frappe .input[readonly],html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}html.theme--catppuccin-frappe .is-white.textarea,html.theme--catppuccin-frappe .is-white.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}html.theme--catppuccin-frappe .is-white.textarea:focus,html.theme--catppuccin-frappe .is-white.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-white:focus,html.theme--catppuccin-frappe .is-white.is-focused.textarea,html.theme--catppuccin-frappe .is-white.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-white.textarea:active,html.theme--catppuccin-frappe .is-white.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-white:active,html.theme--catppuccin-frappe .is-white.is-active.textarea,html.theme--catppuccin-frappe .is-white.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-frappe .is-black.textarea,html.theme--catppuccin-frappe .is-black.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}html.theme--catppuccin-frappe .is-black.textarea:focus,html.theme--catppuccin-frappe .is-black.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-black:focus,html.theme--catppuccin-frappe .is-black.is-focused.textarea,html.theme--catppuccin-frappe .is-black.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-black.textarea:active,html.theme--catppuccin-frappe .is-black.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-black:active,html.theme--catppuccin-frappe .is-black.is-active.textarea,html.theme--catppuccin-frappe .is-black.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-frappe .is-light.textarea,html.theme--catppuccin-frappe .is-light.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-light{border-color:#f5f5f5}html.theme--catppuccin-frappe .is-light.textarea:focus,html.theme--catppuccin-frappe .is-light.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-light:focus,html.theme--catppuccin-frappe .is-light.is-focused.textarea,html.theme--catppuccin-frappe .is-light.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-light.textarea:active,html.theme--catppuccin-frappe .is-light.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-light:active,html.theme--catppuccin-frappe .is-light.is-active.textarea,html.theme--catppuccin-frappe .is-light.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-frappe .is-dark.textarea,html.theme--catppuccin-frappe .content kbd.textarea,html.theme--catppuccin-frappe .is-dark.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-dark,html.theme--catppuccin-frappe .content kbd.input{border-color:#414559}html.theme--catppuccin-frappe .is-dark.textarea:focus,html.theme--catppuccin-frappe .content kbd.textarea:focus,html.theme--catppuccin-frappe .is-dark.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-dark:focus,html.theme--catppuccin-frappe .content kbd.input:focus,html.theme--catppuccin-frappe .is-dark.is-focused.textarea,html.theme--catppuccin-frappe .content kbd.is-focused.textarea,html.theme--catppuccin-frappe .is-dark.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .content kbd.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar .content form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-dark.textarea:active,html.theme--catppuccin-frappe .content kbd.textarea:active,html.theme--catppuccin-frappe .is-dark.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-dark:active,html.theme--catppuccin-frappe .content kbd.input:active,html.theme--catppuccin-frappe .is-dark.is-active.textarea,html.theme--catppuccin-frappe .content kbd.is-active.textarea,html.theme--catppuccin-frappe .is-dark.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-frappe .content kbd.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(65,69,89,0.25)}html.theme--catppuccin-frappe .is-primary.textarea,html.theme--catppuccin-frappe .docstring>section>a.textarea.docs-sourcelink,html.theme--catppuccin-frappe .is-primary.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-primary,html.theme--catppuccin-frappe .docstring>section>a.input.docs-sourcelink{border-color:#8caaee}html.theme--catppuccin-frappe .is-primary.textarea:focus,html.theme--catppuccin-frappe .docstring>section>a.textarea.docs-sourcelink:focus,html.theme--catppuccin-frappe .is-primary.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-primary:focus,html.theme--catppuccin-frappe .docstring>section>a.input.docs-sourcelink:focus,html.theme--catppuccin-frappe .is-primary.is-focused.textarea,html.theme--catppuccin-frappe .docstring>section>a.is-focused.textarea.docs-sourcelink,html.theme--catppuccin-frappe .is-primary.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .docstring>section>a.is-focused.input.docs-sourcelink,html.theme--catppuccin-frappe .is-primary.textarea:active,html.theme--catppuccin-frappe .docstring>section>a.textarea.docs-sourcelink:active,html.theme--catppuccin-frappe .is-primary.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-primary:active,html.theme--catppuccin-frappe .docstring>section>a.input.docs-sourcelink:active,html.theme--catppuccin-frappe .is-primary.is-active.textarea,html.theme--catppuccin-frappe .docstring>section>a.is-active.textarea.docs-sourcelink,html.theme--catppuccin-frappe .is-primary.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-frappe .docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .is-link.textarea,html.theme--catppuccin-frappe .is-link.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-link{border-color:#8caaee}html.theme--catppuccin-frappe .is-link.textarea:focus,html.theme--catppuccin-frappe .is-link.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-link:focus,html.theme--catppuccin-frappe .is-link.is-focused.textarea,html.theme--catppuccin-frappe .is-link.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-link.textarea:active,html.theme--catppuccin-frappe .is-link.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-link:active,html.theme--catppuccin-frappe .is-link.is-active.textarea,html.theme--catppuccin-frappe .is-link.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .is-info.textarea,html.theme--catppuccin-frappe .is-info.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-info{border-color:#81c8be}html.theme--catppuccin-frappe .is-info.textarea:focus,html.theme--catppuccin-frappe .is-info.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-info:focus,html.theme--catppuccin-frappe .is-info.is-focused.textarea,html.theme--catppuccin-frappe .is-info.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-info.textarea:active,html.theme--catppuccin-frappe .is-info.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-info:active,html.theme--catppuccin-frappe .is-info.is-active.textarea,html.theme--catppuccin-frappe .is-info.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(129,200,190,0.25)}html.theme--catppuccin-frappe .is-success.textarea,html.theme--catppuccin-frappe .is-success.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-success{border-color:#a6d189}html.theme--catppuccin-frappe .is-success.textarea:focus,html.theme--catppuccin-frappe .is-success.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-success:focus,html.theme--catppuccin-frappe .is-success.is-focused.textarea,html.theme--catppuccin-frappe .is-success.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-success.textarea:active,html.theme--catppuccin-frappe .is-success.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-success:active,html.theme--catppuccin-frappe .is-success.is-active.textarea,html.theme--catppuccin-frappe .is-success.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(166,209,137,0.25)}html.theme--catppuccin-frappe .is-warning.textarea,html.theme--catppuccin-frappe .is-warning.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#e5c890}html.theme--catppuccin-frappe .is-warning.textarea:focus,html.theme--catppuccin-frappe .is-warning.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-warning:focus,html.theme--catppuccin-frappe .is-warning.is-focused.textarea,html.theme--catppuccin-frappe .is-warning.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-warning.textarea:active,html.theme--catppuccin-frappe .is-warning.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-warning:active,html.theme--catppuccin-frappe .is-warning.is-active.textarea,html.theme--catppuccin-frappe .is-warning.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(229,200,144,0.25)}html.theme--catppuccin-frappe .is-danger.textarea,html.theme--catppuccin-frappe .is-danger.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#e78284}html.theme--catppuccin-frappe .is-danger.textarea:focus,html.theme--catppuccin-frappe .is-danger.input:focus,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-danger:focus,html.theme--catppuccin-frappe .is-danger.is-focused.textarea,html.theme--catppuccin-frappe .is-danger.is-focused.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-frappe .is-danger.textarea:active,html.theme--catppuccin-frappe .is-danger.input:active,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-danger:active,html.theme--catppuccin-frappe .is-danger.is-active.textarea,html.theme--catppuccin-frappe .is-danger.is-active.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(231,130,132,0.25)}html.theme--catppuccin-frappe .is-small.textarea,html.theme--catppuccin-frappe .is-small.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{border-radius:3px;font-size:.75rem}html.theme--catppuccin-frappe .is-medium.textarea,html.theme--catppuccin-frappe .is-medium.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .is-large.textarea,html.theme--catppuccin-frappe .is-large.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .is-fullwidth.textarea,html.theme--catppuccin-frappe .is-fullwidth.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}html.theme--catppuccin-frappe .is-inline.textarea,html.theme--catppuccin-frappe .is-inline.input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}html.theme--catppuccin-frappe .input.is-rounded,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}html.theme--catppuccin-frappe .input.is-static,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}html.theme--catppuccin-frappe .textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}html.theme--catppuccin-frappe .textarea:not([rows]){max-height:40em;min-height:8em}html.theme--catppuccin-frappe .textarea[rows]{height:initial}html.theme--catppuccin-frappe .textarea.has-fixed-size{resize:none}html.theme--catppuccin-frappe .radio,html.theme--catppuccin-frappe .checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}html.theme--catppuccin-frappe .radio input,html.theme--catppuccin-frappe .checkbox input{cursor:pointer}html.theme--catppuccin-frappe .radio:hover,html.theme--catppuccin-frappe .checkbox:hover{color:#99d1db}html.theme--catppuccin-frappe .radio[disabled],html.theme--catppuccin-frappe .checkbox[disabled],fieldset[disabled] html.theme--catppuccin-frappe .radio,fieldset[disabled] html.theme--catppuccin-frappe .checkbox,html.theme--catppuccin-frappe .radio input[disabled],html.theme--catppuccin-frappe .checkbox input[disabled]{color:#f1f4fd;cursor:not-allowed}html.theme--catppuccin-frappe .radio+.radio{margin-left:.5em}html.theme--catppuccin-frappe .select{display:inline-block;max-width:100%;position:relative;vertical-align:top}html.theme--catppuccin-frappe .select:not(.is-multiple){height:2.5em}html.theme--catppuccin-frappe .select:not(.is-multiple):not(.is-loading)::after{border-color:#8caaee;right:1.125em;z-index:4}html.theme--catppuccin-frappe .select.is-rounded select,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}html.theme--catppuccin-frappe .select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}html.theme--catppuccin-frappe .select select::-ms-expand{display:none}html.theme--catppuccin-frappe .select select[disabled]:hover,fieldset[disabled] html.theme--catppuccin-frappe .select select:hover{border-color:#292c3c}html.theme--catppuccin-frappe .select select:not([multiple]){padding-right:2.5em}html.theme--catppuccin-frappe .select select[multiple]{height:auto;padding:0}html.theme--catppuccin-frappe .select select[multiple] option{padding:0.5em 1em}html.theme--catppuccin-frappe .select:not(.is-multiple):not(.is-loading):hover::after{border-color:#99d1db}html.theme--catppuccin-frappe .select.is-white:not(:hover)::after{border-color:#fff}html.theme--catppuccin-frappe .select.is-white select{border-color:#fff}html.theme--catppuccin-frappe .select.is-white select:hover,html.theme--catppuccin-frappe .select.is-white select.is-hovered{border-color:#f2f2f2}html.theme--catppuccin-frappe .select.is-white select:focus,html.theme--catppuccin-frappe .select.is-white select.is-focused,html.theme--catppuccin-frappe .select.is-white select:active,html.theme--catppuccin-frappe .select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-frappe .select.is-black:not(:hover)::after{border-color:#0a0a0a}html.theme--catppuccin-frappe .select.is-black select{border-color:#0a0a0a}html.theme--catppuccin-frappe .select.is-black select:hover,html.theme--catppuccin-frappe .select.is-black select.is-hovered{border-color:#000}html.theme--catppuccin-frappe .select.is-black select:focus,html.theme--catppuccin-frappe .select.is-black select.is-focused,html.theme--catppuccin-frappe .select.is-black select:active,html.theme--catppuccin-frappe .select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-frappe .select.is-light:not(:hover)::after{border-color:#f5f5f5}html.theme--catppuccin-frappe .select.is-light select{border-color:#f5f5f5}html.theme--catppuccin-frappe .select.is-light select:hover,html.theme--catppuccin-frappe .select.is-light select.is-hovered{border-color:#e8e8e8}html.theme--catppuccin-frappe .select.is-light select:focus,html.theme--catppuccin-frappe .select.is-light select.is-focused,html.theme--catppuccin-frappe .select.is-light select:active,html.theme--catppuccin-frappe .select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-frappe .select.is-dark:not(:hover)::after,html.theme--catppuccin-frappe .content kbd.select:not(:hover)::after{border-color:#414559}html.theme--catppuccin-frappe .select.is-dark select,html.theme--catppuccin-frappe .content kbd.select select{border-color:#414559}html.theme--catppuccin-frappe .select.is-dark select:hover,html.theme--catppuccin-frappe .content kbd.select select:hover,html.theme--catppuccin-frappe .select.is-dark select.is-hovered,html.theme--catppuccin-frappe .content kbd.select select.is-hovered{border-color:#363a4a}html.theme--catppuccin-frappe .select.is-dark select:focus,html.theme--catppuccin-frappe .content kbd.select select:focus,html.theme--catppuccin-frappe .select.is-dark select.is-focused,html.theme--catppuccin-frappe .content kbd.select select.is-focused,html.theme--catppuccin-frappe .select.is-dark select:active,html.theme--catppuccin-frappe .content kbd.select select:active,html.theme--catppuccin-frappe .select.is-dark select.is-active,html.theme--catppuccin-frappe .content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(65,69,89,0.25)}html.theme--catppuccin-frappe .select.is-primary:not(:hover)::after,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#8caaee}html.theme--catppuccin-frappe .select.is-primary select,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select{border-color:#8caaee}html.theme--catppuccin-frappe .select.is-primary select:hover,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select:hover,html.theme--catppuccin-frappe .select.is-primary select.is-hovered,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#769aeb}html.theme--catppuccin-frappe .select.is-primary select:focus,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select:focus,html.theme--catppuccin-frappe .select.is-primary select.is-focused,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select.is-focused,html.theme--catppuccin-frappe .select.is-primary select:active,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select:active,html.theme--catppuccin-frappe .select.is-primary select.is-active,html.theme--catppuccin-frappe .docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .select.is-link:not(:hover)::after{border-color:#8caaee}html.theme--catppuccin-frappe .select.is-link select{border-color:#8caaee}html.theme--catppuccin-frappe .select.is-link select:hover,html.theme--catppuccin-frappe .select.is-link select.is-hovered{border-color:#769aeb}html.theme--catppuccin-frappe .select.is-link select:focus,html.theme--catppuccin-frappe .select.is-link select.is-focused,html.theme--catppuccin-frappe .select.is-link select:active,html.theme--catppuccin-frappe .select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(140,170,238,0.25)}html.theme--catppuccin-frappe .select.is-info:not(:hover)::after{border-color:#81c8be}html.theme--catppuccin-frappe .select.is-info select{border-color:#81c8be}html.theme--catppuccin-frappe .select.is-info select:hover,html.theme--catppuccin-frappe .select.is-info select.is-hovered{border-color:#6fc0b5}html.theme--catppuccin-frappe .select.is-info select:focus,html.theme--catppuccin-frappe .select.is-info select.is-focused,html.theme--catppuccin-frappe .select.is-info select:active,html.theme--catppuccin-frappe .select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(129,200,190,0.25)}html.theme--catppuccin-frappe .select.is-success:not(:hover)::after{border-color:#a6d189}html.theme--catppuccin-frappe .select.is-success select{border-color:#a6d189}html.theme--catppuccin-frappe .select.is-success select:hover,html.theme--catppuccin-frappe .select.is-success select.is-hovered{border-color:#98ca77}html.theme--catppuccin-frappe .select.is-success select:focus,html.theme--catppuccin-frappe .select.is-success select.is-focused,html.theme--catppuccin-frappe .select.is-success select:active,html.theme--catppuccin-frappe .select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(166,209,137,0.25)}html.theme--catppuccin-frappe .select.is-warning:not(:hover)::after{border-color:#e5c890}html.theme--catppuccin-frappe .select.is-warning select{border-color:#e5c890}html.theme--catppuccin-frappe .select.is-warning select:hover,html.theme--catppuccin-frappe .select.is-warning select.is-hovered{border-color:#e0be7b}html.theme--catppuccin-frappe .select.is-warning select:focus,html.theme--catppuccin-frappe .select.is-warning select.is-focused,html.theme--catppuccin-frappe .select.is-warning select:active,html.theme--catppuccin-frappe .select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(229,200,144,0.25)}html.theme--catppuccin-frappe .select.is-danger:not(:hover)::after{border-color:#e78284}html.theme--catppuccin-frappe .select.is-danger select{border-color:#e78284}html.theme--catppuccin-frappe .select.is-danger select:hover,html.theme--catppuccin-frappe .select.is-danger select.is-hovered{border-color:#e36d6f}html.theme--catppuccin-frappe .select.is-danger select:focus,html.theme--catppuccin-frappe .select.is-danger select.is-focused,html.theme--catppuccin-frappe .select.is-danger select:active,html.theme--catppuccin-frappe .select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(231,130,132,0.25)}html.theme--catppuccin-frappe .select.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.select{border-radius:3px;font-size:.75rem}html.theme--catppuccin-frappe .select.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .select.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .select.is-disabled::after{border-color:#f1f4fd !important;opacity:0.5}html.theme--catppuccin-frappe .select.is-fullwidth{width:100%}html.theme--catppuccin-frappe .select.is-fullwidth select{width:100%}html.theme--catppuccin-frappe .select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}html.theme--catppuccin-frappe .select.is-loading.is-small:after,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-frappe .select.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-frappe .select.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-frappe .file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}html.theme--catppuccin-frappe .file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .file.is-white:hover .file-cta,html.theme--catppuccin-frappe .file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .file.is-white:focus .file-cta,html.theme--catppuccin-frappe .file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}html.theme--catppuccin-frappe .file.is-white:active .file-cta,html.theme--catppuccin-frappe .file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-frappe .file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-black:hover .file-cta,html.theme--catppuccin-frappe .file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-black:focus .file-cta,html.theme--catppuccin-frappe .file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}html.theme--catppuccin-frappe .file.is-black:active .file-cta,html.theme--catppuccin-frappe .file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-light .file-cta{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-light:hover .file-cta,html.theme--catppuccin-frappe .file.is-light.is-hovered .file-cta{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-light:focus .file-cta,html.theme--catppuccin-frappe .file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(245,245,245,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-light:active .file-cta,html.theme--catppuccin-frappe .file.is-light.is-active .file-cta{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-dark .file-cta,html.theme--catppuccin-frappe .content kbd.file .file-cta{background-color:#414559;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-dark:hover .file-cta,html.theme--catppuccin-frappe .content kbd.file:hover .file-cta,html.theme--catppuccin-frappe .file.is-dark.is-hovered .file-cta,html.theme--catppuccin-frappe .content kbd.file.is-hovered .file-cta{background-color:#3c3f52;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-dark:focus .file-cta,html.theme--catppuccin-frappe .content kbd.file:focus .file-cta,html.theme--catppuccin-frappe .file.is-dark.is-focused .file-cta,html.theme--catppuccin-frappe .content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(65,69,89,0.25);color:#fff}html.theme--catppuccin-frappe .file.is-dark:active .file-cta,html.theme--catppuccin-frappe .content kbd.file:active .file-cta,html.theme--catppuccin-frappe .file.is-dark.is-active .file-cta,html.theme--catppuccin-frappe .content kbd.file.is-active .file-cta{background-color:#363a4a;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-primary .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.docs-sourcelink .file-cta{background-color:#8caaee;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-primary:hover .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.docs-sourcelink:hover .file-cta,html.theme--catppuccin-frappe .file.is-primary.is-hovered .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#81a2ec;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-primary:focus .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.docs-sourcelink:focus .file-cta,html.theme--catppuccin-frappe .file.is-primary.is-focused .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(140,170,238,0.25);color:#fff}html.theme--catppuccin-frappe .file.is-primary:active .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.docs-sourcelink:active .file-cta,html.theme--catppuccin-frappe .file.is-primary.is-active .file-cta,html.theme--catppuccin-frappe .docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#769aeb;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-link .file-cta{background-color:#8caaee;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-link:hover .file-cta,html.theme--catppuccin-frappe .file.is-link.is-hovered .file-cta{background-color:#81a2ec;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-link:focus .file-cta,html.theme--catppuccin-frappe .file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(140,170,238,0.25);color:#fff}html.theme--catppuccin-frappe .file.is-link:active .file-cta,html.theme--catppuccin-frappe .file.is-link.is-active .file-cta{background-color:#769aeb;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-info .file-cta{background-color:#81c8be;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-info:hover .file-cta,html.theme--catppuccin-frappe .file.is-info.is-hovered .file-cta{background-color:#78c4b9;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-info:focus .file-cta,html.theme--catppuccin-frappe .file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(129,200,190,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-info:active .file-cta,html.theme--catppuccin-frappe .file.is-info.is-active .file-cta{background-color:#6fc0b5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-success .file-cta{background-color:#a6d189;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-success:hover .file-cta,html.theme--catppuccin-frappe .file.is-success.is-hovered .file-cta{background-color:#9fcd80;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-success:focus .file-cta,html.theme--catppuccin-frappe .file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(166,209,137,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-success:active .file-cta,html.theme--catppuccin-frappe .file.is-success.is-active .file-cta{background-color:#98ca77;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-warning .file-cta{background-color:#e5c890;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-warning:hover .file-cta,html.theme--catppuccin-frappe .file.is-warning.is-hovered .file-cta{background-color:#e3c386;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-warning:focus .file-cta,html.theme--catppuccin-frappe .file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(229,200,144,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-warning:active .file-cta,html.theme--catppuccin-frappe .file.is-warning.is-active .file-cta{background-color:#e0be7b;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .file.is-danger .file-cta{background-color:#e78284;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-danger:hover .file-cta,html.theme--catppuccin-frappe .file.is-danger.is-hovered .file-cta{background-color:#e57779;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-danger:focus .file-cta,html.theme--catppuccin-frappe .file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(231,130,132,0.25);color:#fff}html.theme--catppuccin-frappe .file.is-danger:active .file-cta,html.theme--catppuccin-frappe .file.is-danger.is-active .file-cta{background-color:#e36d6f;border-color:transparent;color:#fff}html.theme--catppuccin-frappe .file.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}html.theme--catppuccin-frappe .file.is-normal{font-size:1rem}html.theme--catppuccin-frappe .file.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .file.is-medium .file-icon .fa{font-size:21px}html.theme--catppuccin-frappe .file.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .file.is-large .file-icon .fa{font-size:28px}html.theme--catppuccin-frappe .file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-frappe .file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-frappe .file.has-name.is-empty .file-cta{border-radius:.4em}html.theme--catppuccin-frappe .file.has-name.is-empty .file-name{display:none}html.theme--catppuccin-frappe .file.is-boxed .file-label{flex-direction:column}html.theme--catppuccin-frappe .file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}html.theme--catppuccin-frappe .file.is-boxed .file-name{border-width:0 1px 1px}html.theme--catppuccin-frappe .file.is-boxed .file-icon{height:1.5em;width:1.5em}html.theme--catppuccin-frappe .file.is-boxed .file-icon .fa{font-size:21px}html.theme--catppuccin-frappe .file.is-boxed.is-small .file-icon .fa,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}html.theme--catppuccin-frappe .file.is-boxed.is-medium .file-icon .fa{font-size:28px}html.theme--catppuccin-frappe .file.is-boxed.is-large .file-icon .fa{font-size:35px}html.theme--catppuccin-frappe .file.is-boxed.has-name .file-cta{border-radius:.4em .4em 0 0}html.theme--catppuccin-frappe .file.is-boxed.has-name .file-name{border-radius:0 0 .4em .4em;border-width:0 1px 1px}html.theme--catppuccin-frappe .file.is-centered{justify-content:center}html.theme--catppuccin-frappe .file.is-fullwidth .file-label{width:100%}html.theme--catppuccin-frappe .file.is-fullwidth .file-name{flex-grow:1;max-width:none}html.theme--catppuccin-frappe .file.is-right{justify-content:flex-end}html.theme--catppuccin-frappe .file.is-right .file-cta{border-radius:0 .4em .4em 0}html.theme--catppuccin-frappe .file.is-right .file-name{border-radius:.4em 0 0 .4em;border-width:1px 0 1px 1px;order:-1}html.theme--catppuccin-frappe .file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}html.theme--catppuccin-frappe .file-label:hover .file-cta{background-color:#3c3f52;color:#b0bef1}html.theme--catppuccin-frappe .file-label:hover .file-name{border-color:#5c6279}html.theme--catppuccin-frappe .file-label:active .file-cta{background-color:#363a4a;color:#b0bef1}html.theme--catppuccin-frappe .file-label:active .file-name{border-color:#575c72}html.theme--catppuccin-frappe .file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}html.theme--catppuccin-frappe .file-cta,html.theme--catppuccin-frappe .file-name{border-color:#626880;border-radius:.4em;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}html.theme--catppuccin-frappe .file-cta{background-color:#414559;color:#c6d0f5}html.theme--catppuccin-frappe .file-name{border-color:#626880;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}html.theme--catppuccin-frappe .file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}html.theme--catppuccin-frappe .file-icon .fa{font-size:14px}html.theme--catppuccin-frappe .label{color:#b0bef1;display:block;font-size:1rem;font-weight:700}html.theme--catppuccin-frappe .label:not(:last-child){margin-bottom:0.5em}html.theme--catppuccin-frappe .label.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}html.theme--catppuccin-frappe .label.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .label.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .help{display:block;font-size:.75rem;margin-top:0.25rem}html.theme--catppuccin-frappe .help.is-white{color:#fff}html.theme--catppuccin-frappe .help.is-black{color:#0a0a0a}html.theme--catppuccin-frappe .help.is-light{color:#f5f5f5}html.theme--catppuccin-frappe .help.is-dark,html.theme--catppuccin-frappe .content kbd.help{color:#414559}html.theme--catppuccin-frappe .help.is-primary,html.theme--catppuccin-frappe .docstring>section>a.help.docs-sourcelink{color:#8caaee}html.theme--catppuccin-frappe .help.is-link{color:#8caaee}html.theme--catppuccin-frappe .help.is-info{color:#81c8be}html.theme--catppuccin-frappe .help.is-success{color:#a6d189}html.theme--catppuccin-frappe .help.is-warning{color:#e5c890}html.theme--catppuccin-frappe .help.is-danger{color:#e78284}html.theme--catppuccin-frappe .field:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-frappe .field.has-addons{display:flex;justify-content:flex-start}html.theme--catppuccin-frappe .field.has-addons .control:not(:last-child){margin-right:-1px}html.theme--catppuccin-frappe .field.has-addons .control:not(:first-child):not(:last-child) .button,html.theme--catppuccin-frappe .field.has-addons .control:not(:first-child):not(:last-child) .input,html.theme--catppuccin-frappe .field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,html.theme--catppuccin-frappe .field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}html.theme--catppuccin-frappe .field.has-addons .control:first-child:not(:only-child) .button,html.theme--catppuccin-frappe .field.has-addons .control:first-child:not(:only-child) .input,html.theme--catppuccin-frappe .field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-frappe .field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-frappe .field.has-addons .control:last-child:not(:only-child) .button,html.theme--catppuccin-frappe .field.has-addons .control:last-child:not(:only-child) .input,html.theme--catppuccin-frappe .field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-frappe .field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-frappe .field.has-addons .control .button:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .button.is-hovered:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .input:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .input.is-hovered:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .select select:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}html.theme--catppuccin-frappe .field.has-addons .control .button:not([disabled]):focus,html.theme--catppuccin-frappe .field.has-addons .control .button.is-focused:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .button:not([disabled]):active,html.theme--catppuccin-frappe .field.has-addons .control .button.is-active:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .input:not([disabled]):focus,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-frappe .field.has-addons .control .input.is-focused:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .input:not([disabled]):active,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,html.theme--catppuccin-frappe .field.has-addons .control .input.is-active:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .select select:not([disabled]):focus,html.theme--catppuccin-frappe .field.has-addons .control .select select.is-focused:not([disabled]),html.theme--catppuccin-frappe .field.has-addons .control .select select:not([disabled]):active,html.theme--catppuccin-frappe .field.has-addons .control .select select.is-active:not([disabled]){z-index:3}html.theme--catppuccin-frappe .field.has-addons .control .button:not([disabled]):focus:hover,html.theme--catppuccin-frappe .field.has-addons .control .button.is-focused:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .button:not([disabled]):active:hover,html.theme--catppuccin-frappe .field.has-addons .control .button.is-active:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .input:not([disabled]):focus:hover,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-frappe .field.has-addons .control .input.is-focused:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .input:not([disabled]):active:hover,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-frappe .field.has-addons .control .input.is-active:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-frappe #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .select select:not([disabled]):focus:hover,html.theme--catppuccin-frappe .field.has-addons .control .select select.is-focused:not([disabled]):hover,html.theme--catppuccin-frappe .field.has-addons .control .select select:not([disabled]):active:hover,html.theme--catppuccin-frappe .field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}html.theme--catppuccin-frappe .field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .field.has-addons.has-addons-centered{justify-content:center}html.theme--catppuccin-frappe .field.has-addons.has-addons-right{justify-content:flex-end}html.theme--catppuccin-frappe .field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}html.theme--catppuccin-frappe .field.is-grouped{display:flex;justify-content:flex-start}html.theme--catppuccin-frappe .field.is-grouped>.control{flex-shrink:0}html.theme--catppuccin-frappe .field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-frappe .field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-centered{justify-content:center}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-right{justify-content:flex-end}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-multiline{flex-wrap:wrap}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-multiline>.control:last-child,html.theme--catppuccin-frappe .field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}html.theme--catppuccin-frappe .field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .field.is-horizontal{display:flex}}html.theme--catppuccin-frappe .field-label .label{font-size:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}html.theme--catppuccin-frappe .field-label.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}html.theme--catppuccin-frappe .field-label.is-normal{padding-top:0.375em}html.theme--catppuccin-frappe .field-label.is-medium{font-size:1.25rem;padding-top:0.375em}html.theme--catppuccin-frappe .field-label.is-large{font-size:1.5rem;padding-top:0.375em}}html.theme--catppuccin-frappe .field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}html.theme--catppuccin-frappe .field-body .field{margin-bottom:0}html.theme--catppuccin-frappe .field-body>.field{flex-shrink:1}html.theme--catppuccin-frappe .field-body>.field:not(.is-narrow){flex-grow:1}html.theme--catppuccin-frappe .field-body>.field:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-frappe .control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}html.theme--catppuccin-frappe .control.has-icons-left .input:focus~.icon,html.theme--catppuccin-frappe .control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,html.theme--catppuccin-frappe .control.has-icons-left .select:focus~.icon,html.theme--catppuccin-frappe .control.has-icons-right .input:focus~.icon,html.theme--catppuccin-frappe .control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,html.theme--catppuccin-frappe .control.has-icons-right .select:focus~.icon{color:#414559}html.theme--catppuccin-frappe .control.has-icons-left .input.is-small~.icon,html.theme--catppuccin-frappe .control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,html.theme--catppuccin-frappe .control.has-icons-left .select.is-small~.icon,html.theme--catppuccin-frappe .control.has-icons-right .input.is-small~.icon,html.theme--catppuccin-frappe .control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,html.theme--catppuccin-frappe .control.has-icons-right .select.is-small~.icon{font-size:.75rem}html.theme--catppuccin-frappe .control.has-icons-left .input.is-medium~.icon,html.theme--catppuccin-frappe .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,html.theme--catppuccin-frappe .control.has-icons-left .select.is-medium~.icon,html.theme--catppuccin-frappe .control.has-icons-right .input.is-medium~.icon,html.theme--catppuccin-frappe .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,html.theme--catppuccin-frappe .control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}html.theme--catppuccin-frappe .control.has-icons-left .input.is-large~.icon,html.theme--catppuccin-frappe .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,html.theme--catppuccin-frappe .control.has-icons-left .select.is-large~.icon,html.theme--catppuccin-frappe .control.has-icons-right .input.is-large~.icon,html.theme--catppuccin-frappe .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,html.theme--catppuccin-frappe .control.has-icons-right .select.is-large~.icon{font-size:1.5rem}html.theme--catppuccin-frappe .control.has-icons-left .icon,html.theme--catppuccin-frappe .control.has-icons-right .icon{color:#626880;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}html.theme--catppuccin-frappe .control.has-icons-left .input,html.theme--catppuccin-frappe .control.has-icons-left #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-left form.docs-search>input,html.theme--catppuccin-frappe .control.has-icons-left .select select{padding-left:2.5em}html.theme--catppuccin-frappe .control.has-icons-left .icon.is-left{left:0}html.theme--catppuccin-frappe .control.has-icons-right .input,html.theme--catppuccin-frappe .control.has-icons-right #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe #documenter .docs-sidebar .control.has-icons-right form.docs-search>input,html.theme--catppuccin-frappe .control.has-icons-right .select select{padding-right:2.5em}html.theme--catppuccin-frappe .control.has-icons-right .icon.is-right{right:0}html.theme--catppuccin-frappe .control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}html.theme--catppuccin-frappe .control.is-loading.is-small:after,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-frappe .control.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-frappe .control.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-frappe .breadcrumb{font-size:1rem;white-space:nowrap}html.theme--catppuccin-frappe .breadcrumb a{align-items:center;color:#8caaee;display:flex;justify-content:center;padding:0 .75em}html.theme--catppuccin-frappe .breadcrumb a:hover{color:#99d1db}html.theme--catppuccin-frappe .breadcrumb li{align-items:center;display:flex}html.theme--catppuccin-frappe .breadcrumb li:first-child a{padding-left:0}html.theme--catppuccin-frappe .breadcrumb li.is-active a{color:#b0bef1;cursor:default;pointer-events:none}html.theme--catppuccin-frappe .breadcrumb li+li::before{color:#737994;content:"\0002f"}html.theme--catppuccin-frappe .breadcrumb ul,html.theme--catppuccin-frappe .breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-frappe .breadcrumb .icon:first-child{margin-right:.5em}html.theme--catppuccin-frappe .breadcrumb .icon:last-child{margin-left:.5em}html.theme--catppuccin-frappe .breadcrumb.is-centered ol,html.theme--catppuccin-frappe .breadcrumb.is-centered ul{justify-content:center}html.theme--catppuccin-frappe .breadcrumb.is-right ol,html.theme--catppuccin-frappe .breadcrumb.is-right ul{justify-content:flex-end}html.theme--catppuccin-frappe .breadcrumb.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}html.theme--catppuccin-frappe .breadcrumb.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .breadcrumb.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .breadcrumb.has-arrow-separator li+li::before{content:"\02192"}html.theme--catppuccin-frappe .breadcrumb.has-bullet-separator li+li::before{content:"\02022"}html.theme--catppuccin-frappe .breadcrumb.has-dot-separator li+li::before{content:"\000b7"}html.theme--catppuccin-frappe .breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}html.theme--catppuccin-frappe .card{background-color:#fff;border-radius:.25rem;box-shadow:#171717;color:#c6d0f5;max-width:100%;position:relative}html.theme--catppuccin-frappe .card-footer:first-child,html.theme--catppuccin-frappe .card-content:first-child,html.theme--catppuccin-frappe .card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-frappe .card-footer:last-child,html.theme--catppuccin-frappe .card-content:last-child,html.theme--catppuccin-frappe .card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-frappe .card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}html.theme--catppuccin-frappe .card-header-title{align-items:center;color:#b0bef1;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}html.theme--catppuccin-frappe .card-header-title.is-centered{justify-content:center}html.theme--catppuccin-frappe .card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}html.theme--catppuccin-frappe .card-image{display:block;position:relative}html.theme--catppuccin-frappe .card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-frappe .card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-frappe .card-content{background-color:rgba(0,0,0,0);padding:1.5rem}html.theme--catppuccin-frappe .card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}html.theme--catppuccin-frappe .card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}html.theme--catppuccin-frappe .card-footer-item:not(:last-child){border-right:1px solid #ededed}html.theme--catppuccin-frappe .card .media:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-frappe .dropdown{display:inline-flex;position:relative;vertical-align:top}html.theme--catppuccin-frappe .dropdown.is-active .dropdown-menu,html.theme--catppuccin-frappe .dropdown.is-hoverable:hover .dropdown-menu{display:block}html.theme--catppuccin-frappe .dropdown.is-right .dropdown-menu{left:auto;right:0}html.theme--catppuccin-frappe .dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}html.theme--catppuccin-frappe .dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}html.theme--catppuccin-frappe .dropdown-content{background-color:#292c3c;border-radius:.4em;box-shadow:#171717;padding-bottom:.5rem;padding-top:.5rem}html.theme--catppuccin-frappe .dropdown-item{color:#c6d0f5;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}html.theme--catppuccin-frappe a.dropdown-item,html.theme--catppuccin-frappe button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}html.theme--catppuccin-frappe a.dropdown-item:hover,html.theme--catppuccin-frappe button.dropdown-item:hover{background-color:#292c3c;color:#0a0a0a}html.theme--catppuccin-frappe a.dropdown-item.is-active,html.theme--catppuccin-frappe button.dropdown-item.is-active{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}html.theme--catppuccin-frappe .level{align-items:center;justify-content:space-between}html.theme--catppuccin-frappe .level code{border-radius:.4em}html.theme--catppuccin-frappe .level img{display:inline-block;vertical-align:top}html.theme--catppuccin-frappe .level.is-mobile{display:flex}html.theme--catppuccin-frappe .level.is-mobile .level-left,html.theme--catppuccin-frappe .level.is-mobile .level-right{display:flex}html.theme--catppuccin-frappe .level.is-mobile .level-left+.level-right{margin-top:0}html.theme--catppuccin-frappe .level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-frappe .level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .level{display:flex}html.theme--catppuccin-frappe .level>.level-item:not(.is-narrow){flex-grow:1}}html.theme--catppuccin-frappe .level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}html.theme--catppuccin-frappe .level-item .title,html.theme--catppuccin-frappe .level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .level-item:not(:last-child){margin-bottom:.75rem}}html.theme--catppuccin-frappe .level-left,html.theme--catppuccin-frappe .level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-frappe .level-left .level-item.is-flexible,html.theme--catppuccin-frappe .level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .level-left .level-item:not(:last-child),html.theme--catppuccin-frappe .level-right .level-item:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-frappe .level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .level-left{display:flex}}html.theme--catppuccin-frappe .level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .level-right{display:flex}}html.theme--catppuccin-frappe .media{align-items:flex-start;display:flex;text-align:inherit}html.theme--catppuccin-frappe .media .content:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-frappe .media .media{border-top:1px solid rgba(98,104,128,0.5);display:flex;padding-top:.75rem}html.theme--catppuccin-frappe .media .media .content:not(:last-child),html.theme--catppuccin-frappe .media .media .control:not(:last-child){margin-bottom:.5rem}html.theme--catppuccin-frappe .media .media .media{padding-top:.5rem}html.theme--catppuccin-frappe .media .media .media+.media{margin-top:.5rem}html.theme--catppuccin-frappe .media+.media{border-top:1px solid rgba(98,104,128,0.5);margin-top:1rem;padding-top:1rem}html.theme--catppuccin-frappe .media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}html.theme--catppuccin-frappe .media-left,html.theme--catppuccin-frappe .media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-frappe .media-left{margin-right:1rem}html.theme--catppuccin-frappe .media-right{margin-left:1rem}html.theme--catppuccin-frappe .media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .media-content{overflow-x:auto}}html.theme--catppuccin-frappe .menu{font-size:1rem}html.theme--catppuccin-frappe .menu.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}html.theme--catppuccin-frappe .menu.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .menu.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .menu-list{line-height:1.25}html.theme--catppuccin-frappe .menu-list a{border-radius:3px;color:#c6d0f5;display:block;padding:0.5em 0.75em}html.theme--catppuccin-frappe .menu-list a:hover{background-color:#292c3c;color:#b0bef1}html.theme--catppuccin-frappe .menu-list a.is-active{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .menu-list li ul{border-left:1px solid #626880;margin:.75em;padding-left:.75em}html.theme--catppuccin-frappe .menu-label{color:#f1f4fd;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}html.theme--catppuccin-frappe .menu-label:not(:first-child){margin-top:1em}html.theme--catppuccin-frappe .menu-label:not(:last-child){margin-bottom:1em}html.theme--catppuccin-frappe .message{background-color:#292c3c;border-radius:.4em;font-size:1rem}html.theme--catppuccin-frappe .message strong{color:currentColor}html.theme--catppuccin-frappe .message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-frappe .message.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}html.theme--catppuccin-frappe .message.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .message.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .message.is-white{background-color:#fff}html.theme--catppuccin-frappe .message.is-white .message-header{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .message.is-white .message-body{border-color:#fff}html.theme--catppuccin-frappe .message.is-black{background-color:#fafafa}html.theme--catppuccin-frappe .message.is-black .message-header{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .message.is-black .message-body{border-color:#0a0a0a}html.theme--catppuccin-frappe .message.is-light{background-color:#fafafa}html.theme--catppuccin-frappe .message.is-light .message-header{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .message.is-light .message-body{border-color:#f5f5f5}html.theme--catppuccin-frappe .message.is-dark,html.theme--catppuccin-frappe .content kbd.message{background-color:#f9f9fb}html.theme--catppuccin-frappe .message.is-dark .message-header,html.theme--catppuccin-frappe .content kbd.message .message-header{background-color:#414559;color:#fff}html.theme--catppuccin-frappe .message.is-dark .message-body,html.theme--catppuccin-frappe .content kbd.message .message-body{border-color:#414559}html.theme--catppuccin-frappe .message.is-primary,html.theme--catppuccin-frappe .docstring>section>a.message.docs-sourcelink{background-color:#edf2fc}html.theme--catppuccin-frappe .message.is-primary .message-header,html.theme--catppuccin-frappe .docstring>section>a.message.docs-sourcelink .message-header{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .message.is-primary .message-body,html.theme--catppuccin-frappe .docstring>section>a.message.docs-sourcelink .message-body{border-color:#8caaee;color:#153a8e}html.theme--catppuccin-frappe .message.is-link{background-color:#edf2fc}html.theme--catppuccin-frappe .message.is-link .message-header{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .message.is-link .message-body{border-color:#8caaee;color:#153a8e}html.theme--catppuccin-frappe .message.is-info{background-color:#f1f9f8}html.theme--catppuccin-frappe .message.is-info .message-header{background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .message.is-info .message-body{border-color:#81c8be;color:#2d675f}html.theme--catppuccin-frappe .message.is-success{background-color:#f4f9f0}html.theme--catppuccin-frappe .message.is-success .message-header{background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .message.is-success .message-body{border-color:#a6d189;color:#446a29}html.theme--catppuccin-frappe .message.is-warning{background-color:#fbf7ee}html.theme--catppuccin-frappe .message.is-warning .message-header{background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .message.is-warning .message-body{border-color:#e5c890;color:#78591c}html.theme--catppuccin-frappe .message.is-danger{background-color:#fceeee}html.theme--catppuccin-frappe .message.is-danger .message-header{background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .message.is-danger .message-body{border-color:#e78284;color:#9a1e20}html.theme--catppuccin-frappe .message-header{align-items:center;background-color:#c6d0f5;border-radius:.4em .4em 0 0;color:rgba(0,0,0,0.7);display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}html.theme--catppuccin-frappe .message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}html.theme--catppuccin-frappe .message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}html.theme--catppuccin-frappe .message-body{border-color:#626880;border-radius:.4em;border-style:solid;border-width:0 0 0 4px;color:#c6d0f5;padding:1.25em 1.5em}html.theme--catppuccin-frappe .message-body code,html.theme--catppuccin-frappe .message-body pre{background-color:#fff}html.theme--catppuccin-frappe .message-body pre code{background-color:rgba(0,0,0,0)}html.theme--catppuccin-frappe .modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}html.theme--catppuccin-frappe .modal.is-active{display:flex}html.theme--catppuccin-frappe .modal-background{background-color:rgba(10,10,10,0.86)}html.theme--catppuccin-frappe .modal-content,html.theme--catppuccin-frappe .modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){html.theme--catppuccin-frappe .modal-content,html.theme--catppuccin-frappe .modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}html.theme--catppuccin-frappe .modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}html.theme--catppuccin-frappe .modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}html.theme--catppuccin-frappe .modal-card-head,html.theme--catppuccin-frappe .modal-card-foot{align-items:center;background-color:#292c3c;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}html.theme--catppuccin-frappe .modal-card-head{border-bottom:1px solid #626880;border-top-left-radius:8px;border-top-right-radius:8px}html.theme--catppuccin-frappe .modal-card-title{color:#c6d0f5;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}html.theme--catppuccin-frappe .modal-card-foot{border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid #626880}html.theme--catppuccin-frappe .modal-card-foot .button:not(:last-child){margin-right:.5em}html.theme--catppuccin-frappe .modal-card-body{-webkit-overflow-scrolling:touch;background-color:#303446;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}html.theme--catppuccin-frappe .navbar{background-color:#8caaee;min-height:4rem;position:relative;z-index:30}html.theme--catppuccin-frappe .navbar.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-white .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-white .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-white .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-white .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-white .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-white .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-white .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-frappe .navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}html.theme--catppuccin-frappe .navbar.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-black .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-black .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-black .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-black .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-black .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-black .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-black .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-black .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}html.theme--catppuccin-frappe .navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}html.theme--catppuccin-frappe .navbar.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-light .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-light .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-light .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-light .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-light .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-light .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-light .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-light .navbar-end .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-frappe .navbar.is-dark,html.theme--catppuccin-frappe .content kbd.navbar{background-color:#414559;color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand .navbar-link.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#363a4a;color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-brand .navbar-link::after,html.theme--catppuccin-frappe .content kbd.navbar .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-burger,html.theme--catppuccin-frappe .content kbd.navbar .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-dark .navbar-start>.navbar-item,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end>.navbar-item,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end .navbar-link.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#363a4a;color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .content kbd.navbar .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-dark .navbar-end .navbar-link::after,html.theme--catppuccin-frappe .content kbd.navbar .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-frappe .content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#363a4a;color:#fff}html.theme--catppuccin-frappe .navbar.is-dark .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-frappe .content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#414559;color:#fff}}html.theme--catppuccin-frappe .navbar.is-primary,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand .navbar-link.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-brand .navbar-link::after,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-burger,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-primary .navbar-start>.navbar-item,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end>.navbar-item,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end .navbar-link.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-primary .navbar-end .navbar-link::after,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#8caaee;color:#fff}}html.theme--catppuccin-frappe .navbar.is-link{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-link .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-link .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-link .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-link .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-link .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-link .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-link .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-link .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-link .navbar-end .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#8caaee;color:#fff}}html.theme--catppuccin-frappe .navbar.is-info{background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#6fc0b5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-info .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-info .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-info .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-info .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-info .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-info .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-info .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-info .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-info .navbar-end .navbar-link.is-active{background-color:#6fc0b5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-info .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#6fc0b5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#81c8be;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-frappe .navbar.is-success{background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#98ca77;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-success .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-success .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-success .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-success .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-success .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-success .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-success .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-success .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-success .navbar-end .navbar-link.is-active{background-color:#98ca77;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-success .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#98ca77;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#a6d189;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-frappe .navbar.is-warning{background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#e0be7b;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-warning .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#e0be7b;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-warning .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e0be7b;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#e5c890;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-frappe .navbar.is-danger{background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand>.navbar-item,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#e36d6f;color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar.is-danger .navbar-start>.navbar-item,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start .navbar-link,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end>.navbar-item,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-start>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-start .navbar-link.is-active,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end>a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end>a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#e36d6f;color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-start .navbar-link::after,html.theme--catppuccin-frappe .navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e36d6f;color:#fff}html.theme--catppuccin-frappe .navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#e78284;color:#fff}}html.theme--catppuccin-frappe .navbar>.container{align-items:stretch;display:flex;min-height:4rem;width:100%}html.theme--catppuccin-frappe .navbar.has-shadow{box-shadow:0 2px 0 0 #292c3c}html.theme--catppuccin-frappe .navbar.is-fixed-bottom,html.theme--catppuccin-frappe .navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-frappe .navbar.is-fixed-bottom{bottom:0}html.theme--catppuccin-frappe .navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #292c3c}html.theme--catppuccin-frappe .navbar.is-fixed-top{top:0}html.theme--catppuccin-frappe html.has-navbar-fixed-top,html.theme--catppuccin-frappe body.has-navbar-fixed-top{padding-top:4rem}html.theme--catppuccin-frappe html.has-navbar-fixed-bottom,html.theme--catppuccin-frappe body.has-navbar-fixed-bottom{padding-bottom:4rem}html.theme--catppuccin-frappe .navbar-brand,html.theme--catppuccin-frappe .navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:4rem}html.theme--catppuccin-frappe .navbar-brand a.navbar-item:focus,html.theme--catppuccin-frappe .navbar-brand a.navbar-item:hover{background-color:transparent}html.theme--catppuccin-frappe .navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}html.theme--catppuccin-frappe .navbar-burger{color:#c6d0f5;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:4rem;position:relative;width:4rem;margin-left:auto}html.theme--catppuccin-frappe .navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}html.theme--catppuccin-frappe .navbar-burger span:nth-child(1){top:calc(50% - 6px)}html.theme--catppuccin-frappe .navbar-burger span:nth-child(2){top:calc(50% - 1px)}html.theme--catppuccin-frappe .navbar-burger span:nth-child(3){top:calc(50% + 4px)}html.theme--catppuccin-frappe .navbar-burger:hover{background-color:rgba(0,0,0,0.05)}html.theme--catppuccin-frappe .navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}html.theme--catppuccin-frappe .navbar-burger.is-active span:nth-child(2){opacity:0}html.theme--catppuccin-frappe .navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}html.theme--catppuccin-frappe .navbar-menu{display:none}html.theme--catppuccin-frappe .navbar-item,html.theme--catppuccin-frappe .navbar-link{color:#c6d0f5;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}html.theme--catppuccin-frappe .navbar-item .icon:only-child,html.theme--catppuccin-frappe .navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}html.theme--catppuccin-frappe a.navbar-item,html.theme--catppuccin-frappe .navbar-link{cursor:pointer}html.theme--catppuccin-frappe a.navbar-item:focus,html.theme--catppuccin-frappe a.navbar-item:focus-within,html.theme--catppuccin-frappe a.navbar-item:hover,html.theme--catppuccin-frappe a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar-link:focus,html.theme--catppuccin-frappe .navbar-link:focus-within,html.theme--catppuccin-frappe .navbar-link:hover,html.theme--catppuccin-frappe .navbar-link.is-active{background-color:rgba(0,0,0,0);color:#8caaee}html.theme--catppuccin-frappe .navbar-item{flex-grow:0;flex-shrink:0}html.theme--catppuccin-frappe .navbar-item img{max-height:1.75rem}html.theme--catppuccin-frappe .navbar-item.has-dropdown{padding:0}html.theme--catppuccin-frappe .navbar-item.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .navbar-item.is-tab{border-bottom:1px solid transparent;min-height:4rem;padding-bottom:calc(0.5rem - 1px)}html.theme--catppuccin-frappe .navbar-item.is-tab:focus,html.theme--catppuccin-frappe .navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#8caaee}html.theme--catppuccin-frappe .navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#8caaee;border-bottom-style:solid;border-bottom-width:3px;color:#8caaee;padding-bottom:calc(0.5rem - 3px)}html.theme--catppuccin-frappe .navbar-content{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .navbar-link:not(.is-arrowless){padding-right:2.5em}html.theme--catppuccin-frappe .navbar-link:not(.is-arrowless)::after{border-color:#fff;margin-top:-0.375em;right:1.125em}html.theme--catppuccin-frappe .navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}html.theme--catppuccin-frappe .navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}html.theme--catppuccin-frappe .navbar-divider{background-color:rgba(0,0,0,0.2);border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .navbar>.container{display:block}html.theme--catppuccin-frappe .navbar-brand .navbar-item,html.theme--catppuccin-frappe .navbar-tabs .navbar-item{align-items:center;display:flex}html.theme--catppuccin-frappe .navbar-link::after{display:none}html.theme--catppuccin-frappe .navbar-menu{background-color:#8caaee;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}html.theme--catppuccin-frappe .navbar-menu.is-active{display:block}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-touch,html.theme--catppuccin-frappe .navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-touch{bottom:0}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .navbar.is-fixed-top-touch{top:0}html.theme--catppuccin-frappe .navbar.is-fixed-top .navbar-menu,html.theme--catppuccin-frappe .navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 4rem);overflow:auto}html.theme--catppuccin-frappe html.has-navbar-fixed-top-touch,html.theme--catppuccin-frappe body.has-navbar-fixed-top-touch{padding-top:4rem}html.theme--catppuccin-frappe html.has-navbar-fixed-bottom-touch,html.theme--catppuccin-frappe body.has-navbar-fixed-bottom-touch{padding-bottom:4rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .navbar,html.theme--catppuccin-frappe .navbar-menu,html.theme--catppuccin-frappe .navbar-start,html.theme--catppuccin-frappe .navbar-end{align-items:stretch;display:flex}html.theme--catppuccin-frappe .navbar{min-height:4rem}html.theme--catppuccin-frappe .navbar.is-spaced{padding:1rem 2rem}html.theme--catppuccin-frappe .navbar.is-spaced .navbar-start,html.theme--catppuccin-frappe .navbar.is-spaced .navbar-end{align-items:center}html.theme--catppuccin-frappe .navbar.is-spaced a.navbar-item,html.theme--catppuccin-frappe .navbar.is-spaced .navbar-link{border-radius:.4em}html.theme--catppuccin-frappe .navbar.is-transparent a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-transparent a.navbar-item:hover,html.theme--catppuccin-frappe .navbar.is-transparent a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-link:focus,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-link:hover,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}html.theme--catppuccin-frappe .navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}html.theme--catppuccin-frappe .navbar.is-transparent .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-frappe .navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#838ba7}html.theme--catppuccin-frappe .navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#8caaee}html.theme--catppuccin-frappe .navbar-burger{display:none}html.theme--catppuccin-frappe .navbar-item,html.theme--catppuccin-frappe .navbar-link{align-items:center;display:flex}html.theme--catppuccin-frappe .navbar-item.has-dropdown{align-items:stretch}html.theme--catppuccin-frappe .navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}html.theme--catppuccin-frappe .navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:1px solid rgba(0,0,0,0.2);border-radius:8px 8px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}html.theme--catppuccin-frappe .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced html.theme--catppuccin-frappe .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-frappe .navbar-item.is-hoverable:hover .navbar-dropdown,html.theme--catppuccin-frappe .navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}html.theme--catppuccin-frappe .navbar-menu{flex-grow:1;flex-shrink:0}html.theme--catppuccin-frappe .navbar-start{justify-content:flex-start;margin-right:auto}html.theme--catppuccin-frappe .navbar-end{justify-content:flex-end;margin-left:auto}html.theme--catppuccin-frappe .navbar-dropdown{background-color:#8caaee;border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid rgba(0,0,0,0.2);box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}html.theme--catppuccin-frappe .navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}html.theme--catppuccin-frappe .navbar-dropdown a.navbar-item{padding-right:3rem}html.theme--catppuccin-frappe .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-frappe .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#838ba7}html.theme--catppuccin-frappe .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#8caaee}.navbar.is-spaced html.theme--catppuccin-frappe .navbar-dropdown,html.theme--catppuccin-frappe .navbar-dropdown.is-boxed{border-radius:8px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}html.theme--catppuccin-frappe .navbar-dropdown.is-right{left:auto;right:0}html.theme--catppuccin-frappe .navbar-divider{display:block}html.theme--catppuccin-frappe .navbar>.container .navbar-brand,html.theme--catppuccin-frappe .container>.navbar .navbar-brand{margin-left:-.75rem}html.theme--catppuccin-frappe .navbar>.container .navbar-menu,html.theme--catppuccin-frappe .container>.navbar .navbar-menu{margin-right:-.75rem}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-desktop,html.theme--catppuccin-frappe .navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-desktop{bottom:0}html.theme--catppuccin-frappe .navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .navbar.is-fixed-top-desktop{top:0}html.theme--catppuccin-frappe html.has-navbar-fixed-top-desktop,html.theme--catppuccin-frappe body.has-navbar-fixed-top-desktop{padding-top:4rem}html.theme--catppuccin-frappe html.has-navbar-fixed-bottom-desktop,html.theme--catppuccin-frappe body.has-navbar-fixed-bottom-desktop{padding-bottom:4rem}html.theme--catppuccin-frappe html.has-spaced-navbar-fixed-top,html.theme--catppuccin-frappe body.has-spaced-navbar-fixed-top{padding-top:6rem}html.theme--catppuccin-frappe html.has-spaced-navbar-fixed-bottom,html.theme--catppuccin-frappe body.has-spaced-navbar-fixed-bottom{padding-bottom:6rem}html.theme--catppuccin-frappe a.navbar-item.is-active,html.theme--catppuccin-frappe .navbar-link.is-active{color:#8caaee}html.theme--catppuccin-frappe a.navbar-item.is-active:not(:focus):not(:hover),html.theme--catppuccin-frappe .navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}html.theme--catppuccin-frappe .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-frappe .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-frappe .navbar-item.has-dropdown.is-active .navbar-link{background-color:rgba(0,0,0,0)}}html.theme--catppuccin-frappe .hero.is-fullheight-with-navbar{min-height:calc(100vh - 4rem)}html.theme--catppuccin-frappe .pagination{font-size:1rem;margin:-.25rem}html.theme--catppuccin-frappe .pagination.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}html.theme--catppuccin-frappe .pagination.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .pagination.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .pagination.is-rounded .pagination-previous,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,html.theme--catppuccin-frappe .pagination.is-rounded .pagination-next,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}html.theme--catppuccin-frappe .pagination.is-rounded .pagination-link,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}html.theme--catppuccin-frappe .pagination,html.theme--catppuccin-frappe .pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe .pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-link{border-color:#626880;color:#8caaee;min-width:2.5em}html.theme--catppuccin-frappe .pagination-previous:hover,html.theme--catppuccin-frappe .pagination-next:hover,html.theme--catppuccin-frappe .pagination-link:hover{border-color:#737994;color:#99d1db}html.theme--catppuccin-frappe .pagination-previous:focus,html.theme--catppuccin-frappe .pagination-next:focus,html.theme--catppuccin-frappe .pagination-link:focus{border-color:#737994}html.theme--catppuccin-frappe .pagination-previous:active,html.theme--catppuccin-frappe .pagination-next:active,html.theme--catppuccin-frappe .pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}html.theme--catppuccin-frappe .pagination-previous[disabled],html.theme--catppuccin-frappe .pagination-previous.is-disabled,html.theme--catppuccin-frappe .pagination-next[disabled],html.theme--catppuccin-frappe .pagination-next.is-disabled,html.theme--catppuccin-frappe .pagination-link[disabled],html.theme--catppuccin-frappe .pagination-link.is-disabled{background-color:#626880;border-color:#626880;box-shadow:none;color:#f1f4fd;opacity:0.5}html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}html.theme--catppuccin-frappe .pagination-link.is-current{background-color:#8caaee;border-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .pagination-ellipsis{color:#737994;pointer-events:none}html.theme--catppuccin-frappe .pagination-list{flex-wrap:wrap}html.theme--catppuccin-frappe .pagination-list li{list-style:none}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .pagination{flex-wrap:wrap}html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe .pagination-ellipsis{margin-bottom:0;margin-top:0}html.theme--catppuccin-frappe .pagination-previous{order:2}html.theme--catppuccin-frappe .pagination-next{order:3}html.theme--catppuccin-frappe .pagination{justify-content:space-between;margin-bottom:0;margin-top:0}html.theme--catppuccin-frappe .pagination.is-centered .pagination-previous{order:1}html.theme--catppuccin-frappe .pagination.is-centered .pagination-list{justify-content:center;order:2}html.theme--catppuccin-frappe .pagination.is-centered .pagination-next{order:3}html.theme--catppuccin-frappe .pagination.is-right .pagination-previous{order:1}html.theme--catppuccin-frappe .pagination.is-right .pagination-next{order:2}html.theme--catppuccin-frappe .pagination.is-right .pagination-list{justify-content:flex-end;order:3}}html.theme--catppuccin-frappe .panel{border-radius:8px;box-shadow:#171717;font-size:1rem}html.theme--catppuccin-frappe .panel:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-frappe .panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}html.theme--catppuccin-frappe .panel.is-white .panel-block.is-active .panel-icon{color:#fff}html.theme--catppuccin-frappe .panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}html.theme--catppuccin-frappe .panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}html.theme--catppuccin-frappe .panel.is-light .panel-heading{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .panel.is-light .panel-tabs a.is-active{border-bottom-color:#f5f5f5}html.theme--catppuccin-frappe .panel.is-light .panel-block.is-active .panel-icon{color:#f5f5f5}html.theme--catppuccin-frappe .panel.is-dark .panel-heading,html.theme--catppuccin-frappe .content kbd.panel .panel-heading{background-color:#414559;color:#fff}html.theme--catppuccin-frappe .panel.is-dark .panel-tabs a.is-active,html.theme--catppuccin-frappe .content kbd.panel .panel-tabs a.is-active{border-bottom-color:#414559}html.theme--catppuccin-frappe .panel.is-dark .panel-block.is-active .panel-icon,html.theme--catppuccin-frappe .content kbd.panel .panel-block.is-active .panel-icon{color:#414559}html.theme--catppuccin-frappe .panel.is-primary .panel-heading,html.theme--catppuccin-frappe .docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .panel.is-primary .panel-tabs a.is-active,html.theme--catppuccin-frappe .docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#8caaee}html.theme--catppuccin-frappe .panel.is-primary .panel-block.is-active .panel-icon,html.theme--catppuccin-frappe .docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#8caaee}html.theme--catppuccin-frappe .panel.is-link .panel-heading{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .panel.is-link .panel-tabs a.is-active{border-bottom-color:#8caaee}html.theme--catppuccin-frappe .panel.is-link .panel-block.is-active .panel-icon{color:#8caaee}html.theme--catppuccin-frappe .panel.is-info .panel-heading{background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .panel.is-info .panel-tabs a.is-active{border-bottom-color:#81c8be}html.theme--catppuccin-frappe .panel.is-info .panel-block.is-active .panel-icon{color:#81c8be}html.theme--catppuccin-frappe .panel.is-success .panel-heading{background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .panel.is-success .panel-tabs a.is-active{border-bottom-color:#a6d189}html.theme--catppuccin-frappe .panel.is-success .panel-block.is-active .panel-icon{color:#a6d189}html.theme--catppuccin-frappe .panel.is-warning .panel-heading{background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .panel.is-warning .panel-tabs a.is-active{border-bottom-color:#e5c890}html.theme--catppuccin-frappe .panel.is-warning .panel-block.is-active .panel-icon{color:#e5c890}html.theme--catppuccin-frappe .panel.is-danger .panel-heading{background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .panel.is-danger .panel-tabs a.is-active{border-bottom-color:#e78284}html.theme--catppuccin-frappe .panel.is-danger .panel-block.is-active .panel-icon{color:#e78284}html.theme--catppuccin-frappe .panel-tabs:not(:last-child),html.theme--catppuccin-frappe .panel-block:not(:last-child){border-bottom:1px solid #ededed}html.theme--catppuccin-frappe .panel-heading{background-color:#51576d;border-radius:8px 8px 0 0;color:#b0bef1;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}html.theme--catppuccin-frappe .panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}html.theme--catppuccin-frappe .panel-tabs a{border-bottom:1px solid #626880;margin-bottom:-1px;padding:0.5em}html.theme--catppuccin-frappe .panel-tabs a.is-active{border-bottom-color:#51576d;color:#769aeb}html.theme--catppuccin-frappe .panel-list a{color:#c6d0f5}html.theme--catppuccin-frappe .panel-list a:hover{color:#8caaee}html.theme--catppuccin-frappe .panel-block{align-items:center;color:#b0bef1;display:flex;justify-content:flex-start;padding:0.5em 0.75em}html.theme--catppuccin-frappe .panel-block input[type="checkbox"]{margin-right:.75em}html.theme--catppuccin-frappe .panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}html.theme--catppuccin-frappe .panel-block.is-wrapped{flex-wrap:wrap}html.theme--catppuccin-frappe .panel-block.is-active{border-left-color:#8caaee;color:#769aeb}html.theme--catppuccin-frappe .panel-block.is-active .panel-icon{color:#8caaee}html.theme--catppuccin-frappe .panel-block:last-child{border-bottom-left-radius:8px;border-bottom-right-radius:8px}html.theme--catppuccin-frappe a.panel-block,html.theme--catppuccin-frappe label.panel-block{cursor:pointer}html.theme--catppuccin-frappe a.panel-block:hover,html.theme--catppuccin-frappe label.panel-block:hover{background-color:#292c3c}html.theme--catppuccin-frappe .panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#f1f4fd;margin-right:.75em}html.theme--catppuccin-frappe .panel-icon .fa{font-size:inherit;line-height:inherit}html.theme--catppuccin-frappe .tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}html.theme--catppuccin-frappe .tabs a{align-items:center;border-bottom-color:#626880;border-bottom-style:solid;border-bottom-width:1px;color:#c6d0f5;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}html.theme--catppuccin-frappe .tabs a:hover{border-bottom-color:#b0bef1;color:#b0bef1}html.theme--catppuccin-frappe .tabs li{display:block}html.theme--catppuccin-frappe .tabs li.is-active a{border-bottom-color:#8caaee;color:#8caaee}html.theme--catppuccin-frappe .tabs ul{align-items:center;border-bottom-color:#626880;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}html.theme--catppuccin-frappe .tabs ul.is-left{padding-right:0.75em}html.theme--catppuccin-frappe .tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}html.theme--catppuccin-frappe .tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}html.theme--catppuccin-frappe .tabs .icon:first-child{margin-right:.5em}html.theme--catppuccin-frappe .tabs .icon:last-child{margin-left:.5em}html.theme--catppuccin-frappe .tabs.is-centered ul{justify-content:center}html.theme--catppuccin-frappe .tabs.is-right ul{justify-content:flex-end}html.theme--catppuccin-frappe .tabs.is-boxed a{border:1px solid transparent;border-radius:.4em .4em 0 0}html.theme--catppuccin-frappe .tabs.is-boxed a:hover{background-color:#292c3c;border-bottom-color:#626880}html.theme--catppuccin-frappe .tabs.is-boxed li.is-active a{background-color:#fff;border-color:#626880;border-bottom-color:rgba(0,0,0,0) !important}html.theme--catppuccin-frappe .tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}html.theme--catppuccin-frappe .tabs.is-toggle a{border-color:#626880;border-style:solid;border-width:1px;margin-bottom:0;position:relative}html.theme--catppuccin-frappe .tabs.is-toggle a:hover{background-color:#292c3c;border-color:#737994;z-index:2}html.theme--catppuccin-frappe .tabs.is-toggle li+li{margin-left:-1px}html.theme--catppuccin-frappe .tabs.is-toggle li:first-child a{border-top-left-radius:.4em;border-bottom-left-radius:.4em}html.theme--catppuccin-frappe .tabs.is-toggle li:last-child a{border-top-right-radius:.4em;border-bottom-right-radius:.4em}html.theme--catppuccin-frappe .tabs.is-toggle li.is-active a{background-color:#8caaee;border-color:#8caaee;color:#fff;z-index:1}html.theme--catppuccin-frappe .tabs.is-toggle ul{border-bottom:none}html.theme--catppuccin-frappe .tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}html.theme--catppuccin-frappe .tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}html.theme--catppuccin-frappe .tabs.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}html.theme--catppuccin-frappe .tabs.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .tabs.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-narrow{flex:none;width:unset}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-full{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-half{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-half{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-0{flex:none;width:0%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-0{margin-left:0%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-3{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-3{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-6{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-6{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-9{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-9{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-12{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-frappe .column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .column.is-narrow-mobile{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full-mobile{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters-mobile{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds-mobile{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half-mobile{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third-mobile{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter-mobile{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth-mobile{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths-mobile{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths-mobile{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths-mobile{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters-mobile{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds-mobile{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half-mobile{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third-mobile{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter-mobile{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth-mobile{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths-mobile{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths-mobile{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths-mobile{margin-left:80%}html.theme--catppuccin-frappe .column.is-0-mobile{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0-mobile{margin-left:0%}html.theme--catppuccin-frappe .column.is-1-mobile{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1-mobile{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2-mobile{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2-mobile{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3-mobile{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3-mobile{margin-left:25%}html.theme--catppuccin-frappe .column.is-4-mobile{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4-mobile{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5-mobile{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5-mobile{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6-mobile{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6-mobile{margin-left:50%}html.theme--catppuccin-frappe .column.is-7-mobile{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7-mobile{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8-mobile{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8-mobile{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9-mobile{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9-mobile{margin-left:75%}html.theme--catppuccin-frappe .column.is-10-mobile{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10-mobile{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11-mobile{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11-mobile{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12-mobile{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .column.is-narrow,html.theme--catppuccin-frappe .column.is-narrow-tablet{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full,html.theme--catppuccin-frappe .column.is-full-tablet{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters,html.theme--catppuccin-frappe .column.is-three-quarters-tablet{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds,html.theme--catppuccin-frappe .column.is-two-thirds-tablet{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half,html.theme--catppuccin-frappe .column.is-half-tablet{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third,html.theme--catppuccin-frappe .column.is-one-third-tablet{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter,html.theme--catppuccin-frappe .column.is-one-quarter-tablet{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth,html.theme--catppuccin-frappe .column.is-one-fifth-tablet{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths,html.theme--catppuccin-frappe .column.is-two-fifths-tablet{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths,html.theme--catppuccin-frappe .column.is-three-fifths-tablet{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths,html.theme--catppuccin-frappe .column.is-four-fifths-tablet{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters,html.theme--catppuccin-frappe .column.is-offset-three-quarters-tablet{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds,html.theme--catppuccin-frappe .column.is-offset-two-thirds-tablet{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half,html.theme--catppuccin-frappe .column.is-offset-half-tablet{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third,html.theme--catppuccin-frappe .column.is-offset-one-third-tablet{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter,html.theme--catppuccin-frappe .column.is-offset-one-quarter-tablet{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth,html.theme--catppuccin-frappe .column.is-offset-one-fifth-tablet{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths,html.theme--catppuccin-frappe .column.is-offset-two-fifths-tablet{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths,html.theme--catppuccin-frappe .column.is-offset-three-fifths-tablet{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths,html.theme--catppuccin-frappe .column.is-offset-four-fifths-tablet{margin-left:80%}html.theme--catppuccin-frappe .column.is-0,html.theme--catppuccin-frappe .column.is-0-tablet{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0,html.theme--catppuccin-frappe .column.is-offset-0-tablet{margin-left:0%}html.theme--catppuccin-frappe .column.is-1,html.theme--catppuccin-frappe .column.is-1-tablet{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1,html.theme--catppuccin-frappe .column.is-offset-1-tablet{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2,html.theme--catppuccin-frappe .column.is-2-tablet{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2,html.theme--catppuccin-frappe .column.is-offset-2-tablet{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3,html.theme--catppuccin-frappe .column.is-3-tablet{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3,html.theme--catppuccin-frappe .column.is-offset-3-tablet{margin-left:25%}html.theme--catppuccin-frappe .column.is-4,html.theme--catppuccin-frappe .column.is-4-tablet{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4,html.theme--catppuccin-frappe .column.is-offset-4-tablet{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5,html.theme--catppuccin-frappe .column.is-5-tablet{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5,html.theme--catppuccin-frappe .column.is-offset-5-tablet{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6,html.theme--catppuccin-frappe .column.is-6-tablet{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6,html.theme--catppuccin-frappe .column.is-offset-6-tablet{margin-left:50%}html.theme--catppuccin-frappe .column.is-7,html.theme--catppuccin-frappe .column.is-7-tablet{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7,html.theme--catppuccin-frappe .column.is-offset-7-tablet{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8,html.theme--catppuccin-frappe .column.is-8-tablet{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8,html.theme--catppuccin-frappe .column.is-offset-8-tablet{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9,html.theme--catppuccin-frappe .column.is-9-tablet{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9,html.theme--catppuccin-frappe .column.is-offset-9-tablet{margin-left:75%}html.theme--catppuccin-frappe .column.is-10,html.theme--catppuccin-frappe .column.is-10-tablet{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10,html.theme--catppuccin-frappe .column.is-offset-10-tablet{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11,html.theme--catppuccin-frappe .column.is-11-tablet{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11,html.theme--catppuccin-frappe .column.is-offset-11-tablet{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12,html.theme--catppuccin-frappe .column.is-12-tablet{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12,html.theme--catppuccin-frappe .column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .column.is-narrow-touch{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full-touch{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters-touch{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds-touch{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half-touch{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third-touch{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter-touch{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth-touch{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths-touch{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths-touch{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths-touch{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters-touch{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds-touch{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half-touch{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third-touch{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter-touch{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth-touch{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths-touch{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths-touch{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths-touch{margin-left:80%}html.theme--catppuccin-frappe .column.is-0-touch{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0-touch{margin-left:0%}html.theme--catppuccin-frappe .column.is-1-touch{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1-touch{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2-touch{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2-touch{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3-touch{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3-touch{margin-left:25%}html.theme--catppuccin-frappe .column.is-4-touch{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4-touch{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5-touch{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5-touch{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6-touch{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6-touch{margin-left:50%}html.theme--catppuccin-frappe .column.is-7-touch{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7-touch{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8-touch{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8-touch{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9-touch{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9-touch{margin-left:75%}html.theme--catppuccin-frappe .column.is-10-touch{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10-touch{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11-touch{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11-touch{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12-touch{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .column.is-narrow-desktop{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full-desktop{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters-desktop{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds-desktop{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half-desktop{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third-desktop{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter-desktop{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth-desktop{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths-desktop{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths-desktop{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths-desktop{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters-desktop{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds-desktop{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half-desktop{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third-desktop{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter-desktop{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth-desktop{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths-desktop{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths-desktop{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths-desktop{margin-left:80%}html.theme--catppuccin-frappe .column.is-0-desktop{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0-desktop{margin-left:0%}html.theme--catppuccin-frappe .column.is-1-desktop{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1-desktop{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2-desktop{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2-desktop{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3-desktop{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3-desktop{margin-left:25%}html.theme--catppuccin-frappe .column.is-4-desktop{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4-desktop{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5-desktop{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5-desktop{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6-desktop{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6-desktop{margin-left:50%}html.theme--catppuccin-frappe .column.is-7-desktop{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7-desktop{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8-desktop{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8-desktop{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9-desktop{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9-desktop{margin-left:75%}html.theme--catppuccin-frappe .column.is-10-desktop{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10-desktop{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11-desktop{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11-desktop{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12-desktop{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .column.is-narrow-widescreen{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full-widescreen{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters-widescreen{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds-widescreen{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half-widescreen{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third-widescreen{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter-widescreen{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth-widescreen{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths-widescreen{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths-widescreen{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths-widescreen{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters-widescreen{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds-widescreen{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half-widescreen{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third-widescreen{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter-widescreen{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth-widescreen{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths-widescreen{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths-widescreen{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths-widescreen{margin-left:80%}html.theme--catppuccin-frappe .column.is-0-widescreen{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0-widescreen{margin-left:0%}html.theme--catppuccin-frappe .column.is-1-widescreen{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1-widescreen{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2-widescreen{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2-widescreen{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3-widescreen{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3-widescreen{margin-left:25%}html.theme--catppuccin-frappe .column.is-4-widescreen{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4-widescreen{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5-widescreen{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5-widescreen{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6-widescreen{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6-widescreen{margin-left:50%}html.theme--catppuccin-frappe .column.is-7-widescreen{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7-widescreen{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8-widescreen{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8-widescreen{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9-widescreen{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9-widescreen{margin-left:75%}html.theme--catppuccin-frappe .column.is-10-widescreen{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10-widescreen{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11-widescreen{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11-widescreen{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12-widescreen{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .column.is-narrow-fullhd{flex:none;width:unset}html.theme--catppuccin-frappe .column.is-full-fullhd{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-three-quarters-fullhd{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-two-thirds-fullhd{flex:none;width:66.6666%}html.theme--catppuccin-frappe .column.is-half-fullhd{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-one-third-fullhd{flex:none;width:33.3333%}html.theme--catppuccin-frappe .column.is-one-quarter-fullhd{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-one-fifth-fullhd{flex:none;width:20%}html.theme--catppuccin-frappe .column.is-two-fifths-fullhd{flex:none;width:40%}html.theme--catppuccin-frappe .column.is-three-fifths-fullhd{flex:none;width:60%}html.theme--catppuccin-frappe .column.is-four-fifths-fullhd{flex:none;width:80%}html.theme--catppuccin-frappe .column.is-offset-three-quarters-fullhd{margin-left:75%}html.theme--catppuccin-frappe .column.is-offset-two-thirds-fullhd{margin-left:66.6666%}html.theme--catppuccin-frappe .column.is-offset-half-fullhd{margin-left:50%}html.theme--catppuccin-frappe .column.is-offset-one-third-fullhd{margin-left:33.3333%}html.theme--catppuccin-frappe .column.is-offset-one-quarter-fullhd{margin-left:25%}html.theme--catppuccin-frappe .column.is-offset-one-fifth-fullhd{margin-left:20%}html.theme--catppuccin-frappe .column.is-offset-two-fifths-fullhd{margin-left:40%}html.theme--catppuccin-frappe .column.is-offset-three-fifths-fullhd{margin-left:60%}html.theme--catppuccin-frappe .column.is-offset-four-fifths-fullhd{margin-left:80%}html.theme--catppuccin-frappe .column.is-0-fullhd{flex:none;width:0%}html.theme--catppuccin-frappe .column.is-offset-0-fullhd{margin-left:0%}html.theme--catppuccin-frappe .column.is-1-fullhd{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .column.is-offset-1-fullhd{margin-left:8.33333337%}html.theme--catppuccin-frappe .column.is-2-fullhd{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .column.is-offset-2-fullhd{margin-left:16.66666674%}html.theme--catppuccin-frappe .column.is-3-fullhd{flex:none;width:25%}html.theme--catppuccin-frappe .column.is-offset-3-fullhd{margin-left:25%}html.theme--catppuccin-frappe .column.is-4-fullhd{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .column.is-offset-4-fullhd{margin-left:33.33333337%}html.theme--catppuccin-frappe .column.is-5-fullhd{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .column.is-offset-5-fullhd{margin-left:41.66666674%}html.theme--catppuccin-frappe .column.is-6-fullhd{flex:none;width:50%}html.theme--catppuccin-frappe .column.is-offset-6-fullhd{margin-left:50%}html.theme--catppuccin-frappe .column.is-7-fullhd{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .column.is-offset-7-fullhd{margin-left:58.33333337%}html.theme--catppuccin-frappe .column.is-8-fullhd{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .column.is-offset-8-fullhd{margin-left:66.66666674%}html.theme--catppuccin-frappe .column.is-9-fullhd{flex:none;width:75%}html.theme--catppuccin-frappe .column.is-offset-9-fullhd{margin-left:75%}html.theme--catppuccin-frappe .column.is-10-fullhd{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .column.is-offset-10-fullhd{margin-left:83.33333337%}html.theme--catppuccin-frappe .column.is-11-fullhd{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .column.is-offset-11-fullhd{margin-left:91.66666674%}html.theme--catppuccin-frappe .column.is-12-fullhd{flex:none;width:100%}html.theme--catppuccin-frappe .column.is-offset-12-fullhd{margin-left:100%}}html.theme--catppuccin-frappe .columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-frappe .columns:last-child{margin-bottom:-.75rem}html.theme--catppuccin-frappe .columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}html.theme--catppuccin-frappe .columns.is-centered{justify-content:center}html.theme--catppuccin-frappe .columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}html.theme--catppuccin-frappe .columns.is-gapless>.column{margin:0;padding:0 !important}html.theme--catppuccin-frappe .columns.is-gapless:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-frappe .columns.is-gapless:last-child{margin-bottom:0}html.theme--catppuccin-frappe .columns.is-mobile{display:flex}html.theme--catppuccin-frappe .columns.is-multiline{flex-wrap:wrap}html.theme--catppuccin-frappe .columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-desktop{display:flex}}html.theme--catppuccin-frappe .columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}html.theme--catppuccin-frappe .columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}html.theme--catppuccin-frappe .columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-0-fullhd{--columnGap: 0rem}}html.theme--catppuccin-frappe .columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-1-fullhd{--columnGap: .25rem}}html.theme--catppuccin-frappe .columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-2-fullhd{--columnGap: .5rem}}html.theme--catppuccin-frappe .columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-3-fullhd{--columnGap: .75rem}}html.theme--catppuccin-frappe .columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-4-fullhd{--columnGap: 1rem}}html.theme--catppuccin-frappe .columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}html.theme--catppuccin-frappe .columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}html.theme--catppuccin-frappe .columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}html.theme--catppuccin-frappe .columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-frappe .columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-frappe .columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-frappe .columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-frappe .columns.is-variable.is-8-fullhd{--columnGap: 2rem}}html.theme--catppuccin-frappe .tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}html.theme--catppuccin-frappe .tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-frappe .tile.is-ancestor:last-child{margin-bottom:-.75rem}html.theme--catppuccin-frappe .tile.is-ancestor:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-frappe .tile.is-child{margin:0 !important}html.theme--catppuccin-frappe .tile.is-parent{padding:.75rem}html.theme--catppuccin-frappe .tile.is-vertical{flex-direction:column}html.theme--catppuccin-frappe .tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .tile:not(.is-child){display:flex}html.theme--catppuccin-frappe .tile.is-1{flex:none;width:8.33333337%}html.theme--catppuccin-frappe .tile.is-2{flex:none;width:16.66666674%}html.theme--catppuccin-frappe .tile.is-3{flex:none;width:25%}html.theme--catppuccin-frappe .tile.is-4{flex:none;width:33.33333337%}html.theme--catppuccin-frappe .tile.is-5{flex:none;width:41.66666674%}html.theme--catppuccin-frappe .tile.is-6{flex:none;width:50%}html.theme--catppuccin-frappe .tile.is-7{flex:none;width:58.33333337%}html.theme--catppuccin-frappe .tile.is-8{flex:none;width:66.66666674%}html.theme--catppuccin-frappe .tile.is-9{flex:none;width:75%}html.theme--catppuccin-frappe .tile.is-10{flex:none;width:83.33333337%}html.theme--catppuccin-frappe .tile.is-11{flex:none;width:91.66666674%}html.theme--catppuccin-frappe .tile.is-12{flex:none;width:100%}}html.theme--catppuccin-frappe .hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}html.theme--catppuccin-frappe .hero .navbar{background:none}html.theme--catppuccin-frappe .hero .tabs ul{border-bottom:none}html.theme--catppuccin-frappe .hero.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-white strong{color:inherit}html.theme--catppuccin-frappe .hero.is-white .title{color:#0a0a0a}html.theme--catppuccin-frappe .hero.is-white .subtitle{color:rgba(10,10,10,0.9)}html.theme--catppuccin-frappe .hero.is-white .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-white .navbar-menu{background-color:#fff}}html.theme--catppuccin-frappe .hero.is-white .navbar-item,html.theme--catppuccin-frappe .hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}html.theme--catppuccin-frappe .hero.is-white a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-white a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-white .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-frappe .hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}html.theme--catppuccin-frappe .hero.is-white .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}html.theme--catppuccin-frappe .hero.is-white .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-white .tabs.is-toggle a{color:#0a0a0a}html.theme--catppuccin-frappe .hero.is-white .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-white .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-white .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-white .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}html.theme--catppuccin-frappe .hero.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-frappe .hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-black strong{color:inherit}html.theme--catppuccin-frappe .hero.is-black .title{color:#fff}html.theme--catppuccin-frappe .hero.is-black .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-frappe .hero.is-black .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-black .navbar-menu{background-color:#0a0a0a}}html.theme--catppuccin-frappe .hero.is-black .navbar-item,html.theme--catppuccin-frappe .hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-frappe .hero.is-black a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-black a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-black .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-frappe .hero.is-black .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-frappe .hero.is-black .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}html.theme--catppuccin-frappe .hero.is-black .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-black .tabs.is-toggle a{color:#fff}html.theme--catppuccin-frappe .hero.is-black .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-black .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-black .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-black .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-frappe .hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}html.theme--catppuccin-frappe .hero.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-light strong{color:inherit}html.theme--catppuccin-frappe .hero.is-light .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-light .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-frappe .hero.is-light .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-light .navbar-menu{background-color:#f5f5f5}}html.theme--catppuccin-frappe .hero.is-light .navbar-item,html.theme--catppuccin-frappe .hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-light a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-light a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-light .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-light .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-frappe .hero.is-light .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-light .tabs li.is-active a{color:#f5f5f5 !important;opacity:1}html.theme--catppuccin-frappe .hero.is-light .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-light .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-light .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-light .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-light .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-frappe .hero.is-light.is-bold{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}}html.theme--catppuccin-frappe .hero.is-dark,html.theme--catppuccin-frappe .content kbd.hero{background-color:#414559;color:#fff}html.theme--catppuccin-frappe .hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-dark strong,html.theme--catppuccin-frappe .content kbd.hero strong{color:inherit}html.theme--catppuccin-frappe .hero.is-dark .title,html.theme--catppuccin-frappe .content kbd.hero .title{color:#fff}html.theme--catppuccin-frappe .hero.is-dark .subtitle,html.theme--catppuccin-frappe .content kbd.hero .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-frappe .hero.is-dark .subtitle a:not(.button),html.theme--catppuccin-frappe .content kbd.hero .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-dark .subtitle strong,html.theme--catppuccin-frappe .content kbd.hero .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-dark .navbar-menu,html.theme--catppuccin-frappe .content kbd.hero .navbar-menu{background-color:#414559}}html.theme--catppuccin-frappe .hero.is-dark .navbar-item,html.theme--catppuccin-frappe .content kbd.hero .navbar-item,html.theme--catppuccin-frappe .hero.is-dark .navbar-link,html.theme--catppuccin-frappe .content kbd.hero .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-frappe .hero.is-dark a.navbar-item:hover,html.theme--catppuccin-frappe .content kbd.hero a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-dark a.navbar-item.is-active,html.theme--catppuccin-frappe .content kbd.hero a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-dark .navbar-link:hover,html.theme--catppuccin-frappe .content kbd.hero .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-dark .navbar-link.is-active,html.theme--catppuccin-frappe .content kbd.hero .navbar-link.is-active{background-color:#363a4a;color:#fff}html.theme--catppuccin-frappe .hero.is-dark .tabs a,html.theme--catppuccin-frappe .content kbd.hero .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-frappe .hero.is-dark .tabs a:hover,html.theme--catppuccin-frappe .content kbd.hero .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-dark .tabs li.is-active a,html.theme--catppuccin-frappe .content kbd.hero .tabs li.is-active a{color:#414559 !important;opacity:1}html.theme--catppuccin-frappe .hero.is-dark .tabs.is-boxed a,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-dark .tabs.is-toggle a,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-toggle a{color:#fff}html.theme--catppuccin-frappe .hero.is-dark .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-dark .tabs.is-toggle a:hover,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-dark .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-dark .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-dark .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .content kbd.hero .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#414559}html.theme--catppuccin-frappe .hero.is-dark.is-bold,html.theme--catppuccin-frappe .content kbd.hero.is-bold{background-image:linear-gradient(141deg, #262f41 0%, #414559 71%, #47476c 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-dark.is-bold .navbar-menu,html.theme--catppuccin-frappe .content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #262f41 0%, #414559 71%, #47476c 100%)}}html.theme--catppuccin-frappe .hero.is-primary,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-primary strong,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink strong{color:inherit}html.theme--catppuccin-frappe .hero.is-primary .title,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .title{color:#fff}html.theme--catppuccin-frappe .hero.is-primary .subtitle,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-frappe .hero.is-primary .subtitle a:not(.button),html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-primary .subtitle strong,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-primary .navbar-menu,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#8caaee}}html.theme--catppuccin-frappe .hero.is-primary .navbar-item,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .navbar-item,html.theme--catppuccin-frappe .hero.is-primary .navbar-link,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-frappe .hero.is-primary a.navbar-item:hover,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-primary a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-primary .navbar-link:hover,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-primary .navbar-link.is-active,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .hero.is-primary .tabs a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-frappe .hero.is-primary .tabs a:hover,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-primary .tabs li.is-active a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#8caaee !important;opacity:1}html.theme--catppuccin-frappe .hero.is-primary .tabs.is-boxed a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-primary .tabs.is-toggle a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}html.theme--catppuccin-frappe .hero.is-primary .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-primary .tabs.is-toggle a:hover,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-primary .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-primary .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-primary .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .hero.is-primary.is-bold,html.theme--catppuccin-frappe .docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #569ff1 0%, #8caaee 71%, #a0abf4 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-primary.is-bold .navbar-menu,html.theme--catppuccin-frappe .docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #569ff1 0%, #8caaee 71%, #a0abf4 100%)}}html.theme--catppuccin-frappe .hero.is-link{background-color:#8caaee;color:#fff}html.theme--catppuccin-frappe .hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-link strong{color:inherit}html.theme--catppuccin-frappe .hero.is-link .title{color:#fff}html.theme--catppuccin-frappe .hero.is-link .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-frappe .hero.is-link .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-link .navbar-menu{background-color:#8caaee}}html.theme--catppuccin-frappe .hero.is-link .navbar-item,html.theme--catppuccin-frappe .hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-frappe .hero.is-link a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-link a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-link .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-link .navbar-link.is-active{background-color:#769aeb;color:#fff}html.theme--catppuccin-frappe .hero.is-link .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-frappe .hero.is-link .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-link .tabs li.is-active a{color:#8caaee !important;opacity:1}html.theme--catppuccin-frappe .hero.is-link .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-link .tabs.is-toggle a{color:#fff}html.theme--catppuccin-frappe .hero.is-link .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-link .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-link .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-link .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#8caaee}html.theme--catppuccin-frappe .hero.is-link.is-bold{background-image:linear-gradient(141deg, #569ff1 0%, #8caaee 71%, #a0abf4 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #569ff1 0%, #8caaee 71%, #a0abf4 100%)}}html.theme--catppuccin-frappe .hero.is-info{background-color:#81c8be;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-info strong{color:inherit}html.theme--catppuccin-frappe .hero.is-info .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-info .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-frappe .hero.is-info .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-info .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-info .navbar-menu{background-color:#81c8be}}html.theme--catppuccin-frappe .hero.is-info .navbar-item,html.theme--catppuccin-frappe .hero.is-info .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-info a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-info a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-info .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-info .navbar-link.is-active{background-color:#6fc0b5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-info .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-frappe .hero.is-info .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-info .tabs li.is-active a{color:#81c8be !important;opacity:1}html.theme--catppuccin-frappe .hero.is-info .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-info .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-info .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-info .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-info .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-info .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#81c8be}html.theme--catppuccin-frappe .hero.is-info.is-bold{background-image:linear-gradient(141deg, #52c4a1 0%, #81c8be 71%, #8fd2d4 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #52c4a1 0%, #81c8be 71%, #8fd2d4 100%)}}html.theme--catppuccin-frappe .hero.is-success{background-color:#a6d189;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-success strong{color:inherit}html.theme--catppuccin-frappe .hero.is-success .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-success .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-frappe .hero.is-success .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-success .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-success .navbar-menu{background-color:#a6d189}}html.theme--catppuccin-frappe .hero.is-success .navbar-item,html.theme--catppuccin-frappe .hero.is-success .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-success a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-success a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-success .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-success .navbar-link.is-active{background-color:#98ca77;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-success .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-frappe .hero.is-success .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-success .tabs li.is-active a{color:#a6d189 !important;opacity:1}html.theme--catppuccin-frappe .hero.is-success .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-success .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-success .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-success .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-success .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-success .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#a6d189}html.theme--catppuccin-frappe .hero.is-success.is-bold{background-image:linear-gradient(141deg, #9ccd5a 0%, #a6d189 71%, #a8dc98 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #9ccd5a 0%, #a6d189 71%, #a8dc98 100%)}}html.theme--catppuccin-frappe .hero.is-warning{background-color:#e5c890;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-warning strong{color:inherit}html.theme--catppuccin-frappe .hero.is-warning .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-warning .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-frappe .hero.is-warning .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-warning .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-warning .navbar-menu{background-color:#e5c890}}html.theme--catppuccin-frappe .hero.is-warning .navbar-item,html.theme--catppuccin-frappe .hero.is-warning .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-warning a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-warning a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-warning .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-warning .navbar-link.is-active{background-color:#e0be7b;color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-warning .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-frappe .hero.is-warning .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-warning .tabs li.is-active a{color:#e5c890 !important;opacity:1}html.theme--catppuccin-frappe .hero.is-warning .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-warning .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-frappe .hero.is-warning .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-warning .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-warning .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-warning .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#e5c890}html.theme--catppuccin-frappe .hero.is-warning.is-bold{background-image:linear-gradient(141deg, #e5a05d 0%, #e5c890 71%, #ede0a2 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e5a05d 0%, #e5c890 71%, #ede0a2 100%)}}html.theme--catppuccin-frappe .hero.is-danger{background-color:#e78284;color:#fff}html.theme--catppuccin-frappe .hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-frappe .hero.is-danger strong{color:inherit}html.theme--catppuccin-frappe .hero.is-danger .title{color:#fff}html.theme--catppuccin-frappe .hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-frappe .hero.is-danger .subtitle a:not(.button),html.theme--catppuccin-frappe .hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .hero.is-danger .navbar-menu{background-color:#e78284}}html.theme--catppuccin-frappe .hero.is-danger .navbar-item,html.theme--catppuccin-frappe .hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-frappe .hero.is-danger a.navbar-item:hover,html.theme--catppuccin-frappe .hero.is-danger a.navbar-item.is-active,html.theme--catppuccin-frappe .hero.is-danger .navbar-link:hover,html.theme--catppuccin-frappe .hero.is-danger .navbar-link.is-active{background-color:#e36d6f;color:#fff}html.theme--catppuccin-frappe .hero.is-danger .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-frappe .hero.is-danger .tabs a:hover{opacity:1}html.theme--catppuccin-frappe .hero.is-danger .tabs li.is-active a{color:#e78284 !important;opacity:1}html.theme--catppuccin-frappe .hero.is-danger .tabs.is-boxed a,html.theme--catppuccin-frappe .hero.is-danger .tabs.is-toggle a{color:#fff}html.theme--catppuccin-frappe .hero.is-danger .tabs.is-boxed a:hover,html.theme--catppuccin-frappe .hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-frappe .hero.is-danger .tabs.is-boxed li.is-active a,html.theme--catppuccin-frappe .hero.is-danger .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-frappe .hero.is-danger .tabs.is-toggle li.is-active a,html.theme--catppuccin-frappe .hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#e78284}html.theme--catppuccin-frappe .hero.is-danger.is-bold{background-image:linear-gradient(141deg, #e94d6a 0%, #e78284 71%, #eea294 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e94d6a 0%, #e78284 71%, #eea294 100%)}}html.theme--catppuccin-frappe .hero.is-small .hero-body,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .hero.is-large .hero-body{padding:18rem 6rem}}html.theme--catppuccin-frappe .hero.is-halfheight .hero-body,html.theme--catppuccin-frappe .hero.is-fullheight .hero-body,html.theme--catppuccin-frappe .hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}html.theme--catppuccin-frappe .hero.is-halfheight .hero-body>.container,html.theme--catppuccin-frappe .hero.is-fullheight .hero-body>.container,html.theme--catppuccin-frappe .hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}html.theme--catppuccin-frappe .hero.is-halfheight{min-height:50vh}html.theme--catppuccin-frappe .hero.is-fullheight{min-height:100vh}html.theme--catppuccin-frappe .hero-video{overflow:hidden}html.theme--catppuccin-frappe .hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}html.theme--catppuccin-frappe .hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero-video{display:none}}html.theme--catppuccin-frappe .hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-frappe .hero-buttons .button{display:flex}html.theme--catppuccin-frappe .hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .hero-buttons{display:flex;justify-content:center}html.theme--catppuccin-frappe .hero-buttons .button:not(:last-child){margin-right:1.5rem}}html.theme--catppuccin-frappe .hero-head,html.theme--catppuccin-frappe .hero-foot{flex-grow:0;flex-shrink:0}html.theme--catppuccin-frappe .hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-frappe .hero-body{padding:3rem 3rem}}html.theme--catppuccin-frappe .section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe .section{padding:3rem 3rem}html.theme--catppuccin-frappe .section.is-medium{padding:9rem 4.5rem}html.theme--catppuccin-frappe .section.is-large{padding:18rem 6rem}}html.theme--catppuccin-frappe .footer{background-color:#292c3c;padding:3rem 1.5rem 6rem}html.theme--catppuccin-frappe h1 .docs-heading-anchor,html.theme--catppuccin-frappe h1 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h1 .docs-heading-anchor:visited,html.theme--catppuccin-frappe h2 .docs-heading-anchor,html.theme--catppuccin-frappe h2 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h2 .docs-heading-anchor:visited,html.theme--catppuccin-frappe h3 .docs-heading-anchor,html.theme--catppuccin-frappe h3 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h3 .docs-heading-anchor:visited,html.theme--catppuccin-frappe h4 .docs-heading-anchor,html.theme--catppuccin-frappe h4 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h4 .docs-heading-anchor:visited,html.theme--catppuccin-frappe h5 .docs-heading-anchor,html.theme--catppuccin-frappe h5 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h5 .docs-heading-anchor:visited,html.theme--catppuccin-frappe h6 .docs-heading-anchor,html.theme--catppuccin-frappe h6 .docs-heading-anchor:hover,html.theme--catppuccin-frappe h6 .docs-heading-anchor:visited{color:#c6d0f5}html.theme--catppuccin-frappe h1 .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h2 .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h3 .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h4 .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h5 .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}html.theme--catppuccin-frappe h1 .docs-heading-anchor-permalink::before,html.theme--catppuccin-frappe h2 .docs-heading-anchor-permalink::before,html.theme--catppuccin-frappe h3 .docs-heading-anchor-permalink::before,html.theme--catppuccin-frappe h4 .docs-heading-anchor-permalink::before,html.theme--catppuccin-frappe h5 .docs-heading-anchor-permalink::before,html.theme--catppuccin-frappe h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}html.theme--catppuccin-frappe h1:hover .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h2:hover .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h3:hover .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h4:hover .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h5:hover .docs-heading-anchor-permalink,html.theme--catppuccin-frappe h6:hover .docs-heading-anchor-permalink{visibility:visible}html.theme--catppuccin-frappe .docs-light-only{display:none !important}html.theme--catppuccin-frappe pre{position:relative;overflow:hidden}html.theme--catppuccin-frappe pre code,html.theme--catppuccin-frappe pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}html.theme--catppuccin-frappe pre code:first-of-type,html.theme--catppuccin-frappe pre code.hljs:first-of-type{padding-top:0.5rem !important}html.theme--catppuccin-frappe pre code:last-of-type,html.theme--catppuccin-frappe pre code.hljs:last-of-type{padding-bottom:0.5rem !important}html.theme--catppuccin-frappe pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#c6d0f5;cursor:pointer;text-align:center}html.theme--catppuccin-frappe pre .copy-button:focus,html.theme--catppuccin-frappe pre .copy-button:hover{opacity:1;background:rgba(198,208,245,0.1);color:#8caaee}html.theme--catppuccin-frappe pre .copy-button.success{color:#a6d189;opacity:1}html.theme--catppuccin-frappe pre .copy-button.error{color:#e78284;opacity:1}html.theme--catppuccin-frappe pre:hover .copy-button{opacity:1}html.theme--catppuccin-frappe .admonition{background-color:#292c3c;border-style:solid;border-width:2px;border-color:#b5bfe2;border-radius:4px;font-size:1rem}html.theme--catppuccin-frappe .admonition strong{color:currentColor}html.theme--catppuccin-frappe .admonition.is-small,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}html.theme--catppuccin-frappe .admonition.is-medium{font-size:1.25rem}html.theme--catppuccin-frappe .admonition.is-large{font-size:1.5rem}html.theme--catppuccin-frappe .admonition.is-default{background-color:#292c3c;border-color:#b5bfe2}html.theme--catppuccin-frappe .admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#b5bfe2}html.theme--catppuccin-frappe .admonition.is-default>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition.is-info{background-color:#292c3c;border-color:#81c8be}html.theme--catppuccin-frappe .admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#81c8be}html.theme--catppuccin-frappe .admonition.is-info>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition.is-success{background-color:#292c3c;border-color:#a6d189}html.theme--catppuccin-frappe .admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#a6d189}html.theme--catppuccin-frappe .admonition.is-success>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition.is-warning{background-color:#292c3c;border-color:#e5c890}html.theme--catppuccin-frappe .admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#e5c890}html.theme--catppuccin-frappe .admonition.is-warning>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition.is-danger{background-color:#292c3c;border-color:#e78284}html.theme--catppuccin-frappe .admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#e78284}html.theme--catppuccin-frappe .admonition.is-danger>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition.is-compat{background-color:#292c3c;border-color:#99d1db}html.theme--catppuccin-frappe .admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#99d1db}html.theme--catppuccin-frappe .admonition.is-compat>.admonition-body{color:#c6d0f5}html.theme--catppuccin-frappe .admonition-header{color:#b5bfe2;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}html.theme--catppuccin-frappe .admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}html.theme--catppuccin-frappe details.admonition.is-details>.admonition-header{list-style:none}html.theme--catppuccin-frappe details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}html.theme--catppuccin-frappe details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}html.theme--catppuccin-frappe .admonition-body{color:#c6d0f5;padding:0.5rem .75rem}html.theme--catppuccin-frappe .admonition-body pre{background-color:#292c3c}html.theme--catppuccin-frappe .admonition-body code{background-color:#292c3c}html.theme--catppuccin-frappe .docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #626880;border-radius:4px;box-shadow:none;max-width:100%}html.theme--catppuccin-frappe .docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#292c3c;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #626880;overflow:auto}html.theme--catppuccin-frappe .docstring>header code{background-color:transparent}html.theme--catppuccin-frappe .docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}html.theme--catppuccin-frappe .docstring>header .docstring-binding{margin-right:0.3em}html.theme--catppuccin-frappe .docstring>header .docstring-category{margin-left:0.3em}html.theme--catppuccin-frappe .docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #626880}html.theme--catppuccin-frappe .docstring>section:last-child{border-bottom:none}html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:focus{opacity:1 !important}html.theme--catppuccin-frappe .docstring:hover>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-frappe .docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-frappe .docstring>section:hover a.docs-sourcelink{opacity:1}html.theme--catppuccin-frappe .documenter-example-output{background-color:#303446}html.theme--catppuccin-frappe .outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#292c3c;color:#c6d0f5;border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}html.theme--catppuccin-frappe .outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}html.theme--catppuccin-frappe .outdated-warning-overlay a{color:#8caaee}html.theme--catppuccin-frappe .outdated-warning-overlay a:hover{color:#99d1db}html.theme--catppuccin-frappe .content pre{border:2px solid #626880;border-radius:4px}html.theme--catppuccin-frappe .content code{font-weight:inherit}html.theme--catppuccin-frappe .content a code{color:#8caaee}html.theme--catppuccin-frappe .content a:hover code{color:#99d1db}html.theme--catppuccin-frappe .content h1 code,html.theme--catppuccin-frappe .content h2 code,html.theme--catppuccin-frappe .content h3 code,html.theme--catppuccin-frappe .content h4 code,html.theme--catppuccin-frappe .content h5 code,html.theme--catppuccin-frappe .content h6 code{color:#c6d0f5}html.theme--catppuccin-frappe .content table{display:block;width:initial;max-width:100%;overflow-x:auto}html.theme--catppuccin-frappe .content blockquote>ul:first-child,html.theme--catppuccin-frappe .content blockquote>ol:first-child,html.theme--catppuccin-frappe .content .admonition-body>ul:first-child,html.theme--catppuccin-frappe .content .admonition-body>ol:first-child{margin-top:0}html.theme--catppuccin-frappe pre,html.theme--catppuccin-frappe code{font-variant-ligatures:no-contextual}html.theme--catppuccin-frappe .breadcrumb a.is-disabled{cursor:default;pointer-events:none}html.theme--catppuccin-frappe .breadcrumb a.is-disabled,html.theme--catppuccin-frappe .breadcrumb a.is-disabled:hover{color:#b0bef1}html.theme--catppuccin-frappe .hljs{background:initial !important}html.theme--catppuccin-frappe .katex .katex-mathml{top:0;right:0}html.theme--catppuccin-frappe .katex-display,html.theme--catppuccin-frappe mjx-container,html.theme--catppuccin-frappe .MathJax_Display{margin:0.5em 0 !important}html.theme--catppuccin-frappe html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}html.theme--catppuccin-frappe li.no-marker{list-style:none}html.theme--catppuccin-frappe #documenter .docs-main>article{overflow-wrap:break-word}html.theme--catppuccin-frappe #documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe #documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe #documenter .docs-main{width:100%}html.theme--catppuccin-frappe #documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}html.theme--catppuccin-frappe #documenter .docs-main>header,html.theme--catppuccin-frappe #documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar{background-color:#303446;border-bottom:1px solid #626880;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-right .docs-icon,html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #171717;transition-duration:0.7s;-webkit-transition-duration:0.7s}html.theme--catppuccin-frappe #documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}html.theme--catppuccin-frappe #documenter .docs-main section.footnotes{border-top:1px solid #626880}html.theme--catppuccin-frappe #documenter .docs-main section.footnotes li .tag:first-child,html.theme--catppuccin-frappe #documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,html.theme--catppuccin-frappe #documenter .docs-main section.footnotes li .content kbd:first-child,html.theme--catppuccin-frappe .content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}html.theme--catppuccin-frappe #documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #626880;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe #documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}html.theme--catppuccin-frappe #documenter .docs-main .docs-footer .docs-footer-nextpage,html.theme--catppuccin-frappe #documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}html.theme--catppuccin-frappe #documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}html.theme--catppuccin-frappe #documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}html.theme--catppuccin-frappe #documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}html.theme--catppuccin-frappe #documenter .docs-sidebar{display:flex;flex-direction:column;color:#c6d0f5;background-color:#292c3c;border-right:1px solid #626880;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}html.theme--catppuccin-frappe #documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #171717}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe #documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe #documenter .docs-sidebar{left:0;top:0}}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-package-name a,html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-package-name a:hover{color:#c6d0f5}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-version-selector{border-top:1px solid #626880;display:none;padding:0.5rem}html.theme--catppuccin-frappe #documenter .docs-sidebar .docs-version-selector.visible{display:flex}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #626880;padding-bottom:1.5rem}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #626880}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu .tocitem,html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#c6d0f5;background:#292c3c}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu a.tocitem:hover,html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#c6d0f5;background-color:#313548}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #626880;border-bottom:1px solid #626880;background-color:#232634}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#232634;color:#c6d0f5}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#313548;color:#c6d0f5}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #626880}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input{width:14.4rem}html.theme--catppuccin-frappe #documenter .docs-sidebar #documenter-search-query{color:#868c98;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#3a3e54}html.theme--catppuccin-frappe #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#4a506c}}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe #documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-frappe #documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-frappe #documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#3a3e54}html.theme--catppuccin-frappe #documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#4a506c}}html.theme--catppuccin-frappe kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(245,245,245,0.6);box-shadow:0 2px 0 1px rgba(245,245,245,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}html.theme--catppuccin-frappe .search-min-width-50{min-width:50%}html.theme--catppuccin-frappe .search-min-height-100{min-height:100%}html.theme--catppuccin-frappe .search-modal-card-body{max-height:calc(100vh - 15rem)}html.theme--catppuccin-frappe .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-frappe .search-result-link:hover,html.theme--catppuccin-frappe .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--catppuccin-frappe .search-result-link .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-frappe .property-search-result-badge,html.theme--catppuccin-frappe .search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}html.theme--catppuccin-frappe .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link:hover .search-filter,html.theme--catppuccin-frappe .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link:focus .search-filter{color:#333;background-color:#f1f5f9}html.theme--catppuccin-frappe .search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}html.theme--catppuccin-frappe .search-filter:hover,html.theme--catppuccin-frappe .search-filter:focus{color:#333}html.theme--catppuccin-frappe .search-filter-selected{color:#414559;background-color:#babbf1}html.theme--catppuccin-frappe .search-filter-selected:hover,html.theme--catppuccin-frappe .search-filter-selected:focus{color:#414559}html.theme--catppuccin-frappe .search-result-highlight{background-color:#ffdd57;color:black}html.theme--catppuccin-frappe .search-divider{border-bottom:1px solid #626880}html.theme--catppuccin-frappe .search-result-title{width:85%;color:#f5f5f5}html.theme--catppuccin-frappe .search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-frappe #search-modal .modal-card-body::-webkit-scrollbar,html.theme--catppuccin-frappe #search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}html.theme--catppuccin-frappe #search-modal .modal-card-body::-webkit-scrollbar-thumb,html.theme--catppuccin-frappe #search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}html.theme--catppuccin-frappe #search-modal .modal-card-body::-webkit-scrollbar-track,html.theme--catppuccin-frappe #search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}html.theme--catppuccin-frappe .w-100{width:100%}html.theme--catppuccin-frappe .gap-2{gap:0.5rem}html.theme--catppuccin-frappe .gap-4{gap:1rem}html.theme--catppuccin-frappe .gap-8{gap:2rem}html.theme--catppuccin-frappe{background-color:#303446;font-size:16px;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-frappe a{transition:all 200ms ease}html.theme--catppuccin-frappe .label{color:#c6d0f5}html.theme--catppuccin-frappe .button,html.theme--catppuccin-frappe .control.has-icons-left .icon,html.theme--catppuccin-frappe .control.has-icons-right .icon,html.theme--catppuccin-frappe .input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe .pagination-ellipsis,html.theme--catppuccin-frappe .pagination-link,html.theme--catppuccin-frappe .pagination-next,html.theme--catppuccin-frappe .pagination-previous,html.theme--catppuccin-frappe .select,html.theme--catppuccin-frappe .select select,html.theme--catppuccin-frappe .textarea{height:2.5em;color:#c6d0f5}html.theme--catppuccin-frappe .input,html.theme--catppuccin-frappe #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-frappe .textarea{transition:all 200ms ease;box-shadow:none;border-width:1px;padding-left:1em;padding-right:1em;color:#c6d0f5}html.theme--catppuccin-frappe .select:after,html.theme--catppuccin-frappe .select select{border-width:1px}html.theme--catppuccin-frappe .menu-list a{transition:all 300ms ease}html.theme--catppuccin-frappe .modal-card-foot,html.theme--catppuccin-frappe .modal-card-head{border-color:#626880}html.theme--catppuccin-frappe .navbar{border-radius:.4em}html.theme--catppuccin-frappe .navbar.is-transparent{background:none}html.theme--catppuccin-frappe .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-frappe .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#8caaee}@media screen and (max-width: 1055px){html.theme--catppuccin-frappe .navbar .navbar-menu{background-color:#8caaee;border-radius:0 0 .4em .4em}}html.theme--catppuccin-frappe .docstring>section>a.docs-sourcelink:not(body){color:#414559}html.theme--catppuccin-frappe .tag.is-link:not(body),html.theme--catppuccin-frappe .docstring>section>a.is-link.docs-sourcelink:not(body),html.theme--catppuccin-frappe .content kbd.is-link:not(body){color:#414559}html.theme--catppuccin-frappe .ansi span.sgr1{font-weight:bolder}html.theme--catppuccin-frappe .ansi span.sgr2{font-weight:lighter}html.theme--catppuccin-frappe .ansi span.sgr3{font-style:italic}html.theme--catppuccin-frappe .ansi span.sgr4{text-decoration:underline}html.theme--catppuccin-frappe .ansi span.sgr7{color:#303446;background-color:#c6d0f5}html.theme--catppuccin-frappe .ansi span.sgr8{color:transparent}html.theme--catppuccin-frappe .ansi span.sgr8 span{color:transparent}html.theme--catppuccin-frappe .ansi span.sgr9{text-decoration:line-through}html.theme--catppuccin-frappe .ansi span.sgr30{color:#51576d}html.theme--catppuccin-frappe .ansi span.sgr31{color:#e78284}html.theme--catppuccin-frappe .ansi span.sgr32{color:#a6d189}html.theme--catppuccin-frappe .ansi span.sgr33{color:#e5c890}html.theme--catppuccin-frappe .ansi span.sgr34{color:#8caaee}html.theme--catppuccin-frappe .ansi span.sgr35{color:#f4b8e4}html.theme--catppuccin-frappe .ansi span.sgr36{color:#81c8be}html.theme--catppuccin-frappe .ansi span.sgr37{color:#b5bfe2}html.theme--catppuccin-frappe .ansi span.sgr40{background-color:#51576d}html.theme--catppuccin-frappe .ansi span.sgr41{background-color:#e78284}html.theme--catppuccin-frappe .ansi span.sgr42{background-color:#a6d189}html.theme--catppuccin-frappe .ansi span.sgr43{background-color:#e5c890}html.theme--catppuccin-frappe .ansi span.sgr44{background-color:#8caaee}html.theme--catppuccin-frappe .ansi span.sgr45{background-color:#f4b8e4}html.theme--catppuccin-frappe .ansi span.sgr46{background-color:#81c8be}html.theme--catppuccin-frappe .ansi span.sgr47{background-color:#b5bfe2}html.theme--catppuccin-frappe .ansi span.sgr90{color:#626880}html.theme--catppuccin-frappe .ansi span.sgr91{color:#e78284}html.theme--catppuccin-frappe .ansi span.sgr92{color:#a6d189}html.theme--catppuccin-frappe .ansi span.sgr93{color:#e5c890}html.theme--catppuccin-frappe .ansi span.sgr94{color:#8caaee}html.theme--catppuccin-frappe .ansi span.sgr95{color:#f4b8e4}html.theme--catppuccin-frappe .ansi span.sgr96{color:#81c8be}html.theme--catppuccin-frappe .ansi span.sgr97{color:#a5adce}html.theme--catppuccin-frappe .ansi span.sgr100{background-color:#626880}html.theme--catppuccin-frappe .ansi span.sgr101{background-color:#e78284}html.theme--catppuccin-frappe .ansi span.sgr102{background-color:#a6d189}html.theme--catppuccin-frappe .ansi span.sgr103{background-color:#e5c890}html.theme--catppuccin-frappe .ansi span.sgr104{background-color:#8caaee}html.theme--catppuccin-frappe .ansi span.sgr105{background-color:#f4b8e4}html.theme--catppuccin-frappe .ansi span.sgr106{background-color:#81c8be}html.theme--catppuccin-frappe .ansi span.sgr107{background-color:#a5adce}html.theme--catppuccin-frappe code.language-julia-repl>span.hljs-meta{color:#a6d189;font-weight:bolder}html.theme--catppuccin-frappe code .hljs{color:#c6d0f5;background:#303446}html.theme--catppuccin-frappe code .hljs-keyword{color:#ca9ee6}html.theme--catppuccin-frappe code .hljs-built_in{color:#e78284}html.theme--catppuccin-frappe code .hljs-type{color:#e5c890}html.theme--catppuccin-frappe code .hljs-literal{color:#ef9f76}html.theme--catppuccin-frappe code .hljs-number{color:#ef9f76}html.theme--catppuccin-frappe code .hljs-operator{color:#81c8be}html.theme--catppuccin-frappe code .hljs-punctuation{color:#b5bfe2}html.theme--catppuccin-frappe code .hljs-property{color:#81c8be}html.theme--catppuccin-frappe code .hljs-regexp{color:#f4b8e4}html.theme--catppuccin-frappe code .hljs-string{color:#a6d189}html.theme--catppuccin-frappe code .hljs-char.escape_{color:#a6d189}html.theme--catppuccin-frappe code .hljs-subst{color:#a5adce}html.theme--catppuccin-frappe code .hljs-symbol{color:#eebebe}html.theme--catppuccin-frappe code .hljs-variable{color:#ca9ee6}html.theme--catppuccin-frappe code .hljs-variable.language_{color:#ca9ee6}html.theme--catppuccin-frappe code .hljs-variable.constant_{color:#ef9f76}html.theme--catppuccin-frappe code .hljs-title{color:#8caaee}html.theme--catppuccin-frappe code .hljs-title.class_{color:#e5c890}html.theme--catppuccin-frappe code .hljs-title.function_{color:#8caaee}html.theme--catppuccin-frappe code .hljs-params{color:#c6d0f5}html.theme--catppuccin-frappe code .hljs-comment{color:#626880}html.theme--catppuccin-frappe code .hljs-doctag{color:#e78284}html.theme--catppuccin-frappe code .hljs-meta{color:#ef9f76}html.theme--catppuccin-frappe code .hljs-section{color:#8caaee}html.theme--catppuccin-frappe code .hljs-tag{color:#a5adce}html.theme--catppuccin-frappe code .hljs-name{color:#ca9ee6}html.theme--catppuccin-frappe code .hljs-attr{color:#8caaee}html.theme--catppuccin-frappe code .hljs-attribute{color:#a6d189}html.theme--catppuccin-frappe code .hljs-bullet{color:#81c8be}html.theme--catppuccin-frappe code .hljs-code{color:#a6d189}html.theme--catppuccin-frappe code .hljs-emphasis{color:#e78284;font-style:italic}html.theme--catppuccin-frappe code .hljs-strong{color:#e78284;font-weight:bold}html.theme--catppuccin-frappe code .hljs-formula{color:#81c8be}html.theme--catppuccin-frappe code .hljs-link{color:#85c1dc;font-style:italic}html.theme--catppuccin-frappe code .hljs-quote{color:#a6d189;font-style:italic}html.theme--catppuccin-frappe code .hljs-selector-tag{color:#e5c890}html.theme--catppuccin-frappe code .hljs-selector-id{color:#8caaee}html.theme--catppuccin-frappe code .hljs-selector-class{color:#81c8be}html.theme--catppuccin-frappe code .hljs-selector-attr{color:#ca9ee6}html.theme--catppuccin-frappe code .hljs-selector-pseudo{color:#81c8be}html.theme--catppuccin-frappe code .hljs-template-tag{color:#eebebe}html.theme--catppuccin-frappe code .hljs-template-variable{color:#eebebe}html.theme--catppuccin-frappe code .hljs-addition{color:#a6d189;background:rgba(166,227,161,0.15)}html.theme--catppuccin-frappe code .hljs-deletion{color:#e78284;background:rgba(243,139,168,0.15)}html.theme--catppuccin-frappe .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-frappe .search-result-link:hover,html.theme--catppuccin-frappe .search-result-link:focus{background-color:#414559}html.theme--catppuccin-frappe .search-result-link .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-frappe .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link:hover .search-filter,html.theme--catppuccin-frappe .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-frappe .search-result-link:focus .search-filter{color:#414559 !important;background-color:#babbf1 !important}html.theme--catppuccin-frappe .search-result-title{color:#c6d0f5}html.theme--catppuccin-frappe .search-result-highlight{background-color:#e78284;color:#292c3c}html.theme--catppuccin-frappe .search-divider{border-bottom:1px solid #5e6d6f50}html.theme--catppuccin-frappe .w-100{width:100%}html.theme--catppuccin-frappe .gap-2{gap:0.5rem}html.theme--catppuccin-frappe .gap-4{gap:1rem} diff --git a/previews/PR92/assets/themes/catppuccin-latte.css b/previews/PR92/assets/themes/catppuccin-latte.css new file mode 100644 index 00000000..ca172b63 --- /dev/null +++ b/previews/PR92/assets/themes/catppuccin-latte.css @@ -0,0 +1 @@ +html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte .pagination-ellipsis,html.theme--catppuccin-latte .file-cta,html.theme--catppuccin-latte .file-name,html.theme--catppuccin-latte .select select,html.theme--catppuccin-latte .textarea,html.theme--catppuccin-latte .input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte .button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:.4em;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}html.theme--catppuccin-latte .pagination-previous:focus,html.theme--catppuccin-latte .pagination-next:focus,html.theme--catppuccin-latte .pagination-link:focus,html.theme--catppuccin-latte .pagination-ellipsis:focus,html.theme--catppuccin-latte .file-cta:focus,html.theme--catppuccin-latte .file-name:focus,html.theme--catppuccin-latte .select select:focus,html.theme--catppuccin-latte .textarea:focus,html.theme--catppuccin-latte .input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-latte .button:focus,html.theme--catppuccin-latte .is-focused.pagination-previous,html.theme--catppuccin-latte .is-focused.pagination-next,html.theme--catppuccin-latte .is-focused.pagination-link,html.theme--catppuccin-latte .is-focused.pagination-ellipsis,html.theme--catppuccin-latte .is-focused.file-cta,html.theme--catppuccin-latte .is-focused.file-name,html.theme--catppuccin-latte .select select.is-focused,html.theme--catppuccin-latte .is-focused.textarea,html.theme--catppuccin-latte .is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-focused.button,html.theme--catppuccin-latte .pagination-previous:active,html.theme--catppuccin-latte .pagination-next:active,html.theme--catppuccin-latte .pagination-link:active,html.theme--catppuccin-latte .pagination-ellipsis:active,html.theme--catppuccin-latte .file-cta:active,html.theme--catppuccin-latte .file-name:active,html.theme--catppuccin-latte .select select:active,html.theme--catppuccin-latte .textarea:active,html.theme--catppuccin-latte .input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-latte .button:active,html.theme--catppuccin-latte .is-active.pagination-previous,html.theme--catppuccin-latte .is-active.pagination-next,html.theme--catppuccin-latte .is-active.pagination-link,html.theme--catppuccin-latte .is-active.pagination-ellipsis,html.theme--catppuccin-latte .is-active.file-cta,html.theme--catppuccin-latte .is-active.file-name,html.theme--catppuccin-latte .select select.is-active,html.theme--catppuccin-latte .is-active.textarea,html.theme--catppuccin-latte .is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-latte .is-active.button{outline:none}html.theme--catppuccin-latte .pagination-previous[disabled],html.theme--catppuccin-latte .pagination-next[disabled],html.theme--catppuccin-latte .pagination-link[disabled],html.theme--catppuccin-latte .pagination-ellipsis[disabled],html.theme--catppuccin-latte .file-cta[disabled],html.theme--catppuccin-latte .file-name[disabled],html.theme--catppuccin-latte .select select[disabled],html.theme--catppuccin-latte .textarea[disabled],html.theme--catppuccin-latte .input[disabled],html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled],html.theme--catppuccin-latte .button[disabled],fieldset[disabled] html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte fieldset[disabled] .pagination-previous,fieldset[disabled] html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte fieldset[disabled] .pagination-next,fieldset[disabled] html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte fieldset[disabled] .pagination-link,fieldset[disabled] html.theme--catppuccin-latte .pagination-ellipsis,html.theme--catppuccin-latte fieldset[disabled] .pagination-ellipsis,fieldset[disabled] html.theme--catppuccin-latte .file-cta,html.theme--catppuccin-latte fieldset[disabled] .file-cta,fieldset[disabled] html.theme--catppuccin-latte .file-name,html.theme--catppuccin-latte fieldset[disabled] .file-name,fieldset[disabled] html.theme--catppuccin-latte .select select,fieldset[disabled] html.theme--catppuccin-latte .textarea,fieldset[disabled] html.theme--catppuccin-latte .input,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte fieldset[disabled] .select select,html.theme--catppuccin-latte .select fieldset[disabled] select,html.theme--catppuccin-latte fieldset[disabled] .textarea,html.theme--catppuccin-latte fieldset[disabled] .input,html.theme--catppuccin-latte fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] html.theme--catppuccin-latte .button,html.theme--catppuccin-latte fieldset[disabled] .button{cursor:not-allowed}html.theme--catppuccin-latte .tabs,html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte .pagination-ellipsis,html.theme--catppuccin-latte .breadcrumb,html.theme--catppuccin-latte .file,html.theme--catppuccin-latte .button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}html.theme--catppuccin-latte .navbar-link:not(.is-arrowless)::after,html.theme--catppuccin-latte .select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}html.theme--catppuccin-latte .admonition:not(:last-child),html.theme--catppuccin-latte .tabs:not(:last-child),html.theme--catppuccin-latte .pagination:not(:last-child),html.theme--catppuccin-latte .message:not(:last-child),html.theme--catppuccin-latte .level:not(:last-child),html.theme--catppuccin-latte .breadcrumb:not(:last-child),html.theme--catppuccin-latte .block:not(:last-child),html.theme--catppuccin-latte .title:not(:last-child),html.theme--catppuccin-latte .subtitle:not(:last-child),html.theme--catppuccin-latte .table-container:not(:last-child),html.theme--catppuccin-latte .table:not(:last-child),html.theme--catppuccin-latte .progress:not(:last-child),html.theme--catppuccin-latte .notification:not(:last-child),html.theme--catppuccin-latte .content:not(:last-child),html.theme--catppuccin-latte .box:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-latte .modal-close,html.theme--catppuccin-latte .delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}html.theme--catppuccin-latte .modal-close::before,html.theme--catppuccin-latte .delete::before,html.theme--catppuccin-latte .modal-close::after,html.theme--catppuccin-latte .delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-latte .modal-close::before,html.theme--catppuccin-latte .delete::before{height:2px;width:50%}html.theme--catppuccin-latte .modal-close::after,html.theme--catppuccin-latte .delete::after{height:50%;width:2px}html.theme--catppuccin-latte .modal-close:hover,html.theme--catppuccin-latte .delete:hover,html.theme--catppuccin-latte .modal-close:focus,html.theme--catppuccin-latte .delete:focus{background-color:rgba(10,10,10,0.3)}html.theme--catppuccin-latte .modal-close:active,html.theme--catppuccin-latte .delete:active{background-color:rgba(10,10,10,0.4)}html.theme--catppuccin-latte .is-small.modal-close,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.modal-close,html.theme--catppuccin-latte .is-small.delete,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}html.theme--catppuccin-latte .is-medium.modal-close,html.theme--catppuccin-latte .is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}html.theme--catppuccin-latte .is-large.modal-close,html.theme--catppuccin-latte .is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}html.theme--catppuccin-latte .control.is-loading::after,html.theme--catppuccin-latte .select.is-loading::after,html.theme--catppuccin-latte .loader,html.theme--catppuccin-latte .button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #8c8fa1;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}html.theme--catppuccin-latte .hero-video,html.theme--catppuccin-latte .modal-background,html.theme--catppuccin-latte .modal,html.theme--catppuccin-latte .image.is-square img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-latte .image.is-square .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-latte .image.is-1by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-latte .image.is-1by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-latte .image.is-5by4 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-latte .image.is-5by4 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-latte .image.is-4by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-latte .image.is-4by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-latte .image.is-3by2 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-latte .image.is-3by2 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-latte .image.is-5by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-latte .image.is-5by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-latte .image.is-16by9 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-latte .image.is-16by9 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-latte .image.is-2by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-latte .image.is-2by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-latte .image.is-3by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-latte .image.is-3by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-latte .image.is-4by5 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-latte .image.is-4by5 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-latte .image.is-3by4 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-latte .image.is-3by4 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-latte .image.is-2by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-latte .image.is-2by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-latte .image.is-3by5 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-latte .image.is-3by5 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-latte .image.is-9by16 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-latte .image.is-9by16 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-latte .image.is-1by2 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-latte .image.is-1by2 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-latte .image.is-1by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-latte .image.is-1by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}html.theme--catppuccin-latte .navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#f5f5f5 !important}a.has-text-light:hover,a.has-text-light:focus{color:#dbdbdb !important}.has-background-light{background-color:#f5f5f5 !important}.has-text-dark{color:#ccd0da !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#aeb5c5 !important}.has-background-dark{background-color:#ccd0da !important}.has-text-primary{color:#1e66f5 !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#0a4ed6 !important}.has-background-primary{background-color:#1e66f5 !important}.has-text-primary-light{color:#ebf2fe !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#bbd1fc !important}.has-background-primary-light{background-color:#ebf2fe !important}.has-text-primary-dark{color:#0a52e1 !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#286df5 !important}.has-background-primary-dark{background-color:#0a52e1 !important}.has-text-link{color:#1e66f5 !important}a.has-text-link:hover,a.has-text-link:focus{color:#0a4ed6 !important}.has-background-link{background-color:#1e66f5 !important}.has-text-link-light{color:#ebf2fe !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#bbd1fc !important}.has-background-link-light{background-color:#ebf2fe !important}.has-text-link-dark{color:#0a52e1 !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#286df5 !important}.has-background-link-dark{background-color:#0a52e1 !important}.has-text-info{color:#179299 !important}a.has-text-info:hover,a.has-text-info:focus{color:#10686d !important}.has-background-info{background-color:#179299 !important}.has-text-info-light{color:#edfcfc !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#c1f3f6 !important}.has-background-info-light{background-color:#edfcfc !important}.has-text-info-dark{color:#1cb2ba !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#2ad5df !important}.has-background-info-dark{background-color:#1cb2ba !important}.has-text-success{color:#40a02b !important}a.has-text-success:hover,a.has-text-success:focus{color:#307820 !important}.has-background-success{background-color:#40a02b !important}.has-text-success-light{color:#f1fbef !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#cef0c7 !important}.has-background-success-light{background-color:#f1fbef !important}.has-text-success-dark{color:#40a12b !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#50c936 !important}.has-background-success-dark{background-color:#40a12b !important}.has-text-warning{color:#df8e1d !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#b27117 !important}.has-background-warning{background-color:#df8e1d !important}.has-text-warning-light{color:#fdf6ed !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#f7e0c0 !important}.has-background-warning-light{background-color:#fdf6ed !important}.has-text-warning-dark{color:#9e6515 !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#cb811a !important}.has-background-warning-dark{background-color:#9e6515 !important}.has-text-danger{color:#d20f39 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#a20c2c !important}.has-background-danger{background-color:#d20f39 !important}.has-text-danger-light{color:#feecf0 !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#fabcca !important}.has-background-danger-light{background-color:#feecf0 !important}.has-text-danger-dark{color:#e9113f !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#f13c63 !important}.has-background-danger-dark{background-color:#e9113f !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#ccd0da !important}.has-background-grey-darker{background-color:#ccd0da !important}.has-text-grey-dark{color:#bcc0cc !important}.has-background-grey-dark{background-color:#bcc0cc !important}.has-text-grey{color:#acb0be !important}.has-background-grey{background-color:#acb0be !important}.has-text-grey-light{color:#9ca0b0 !important}.has-background-grey-light{background-color:#9ca0b0 !important}.has-text-grey-lighter{color:#8c8fa1 !important}.has-background-grey-lighter{background-color:#8c8fa1 !important}.has-text-white-ter{color:#f5f5f5 !important}.has-background-white-ter{background-color:#f5f5f5 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}html.theme--catppuccin-latte html{background-color:#eff1f5;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-latte article,html.theme--catppuccin-latte aside,html.theme--catppuccin-latte figure,html.theme--catppuccin-latte footer,html.theme--catppuccin-latte header,html.theme--catppuccin-latte hgroup,html.theme--catppuccin-latte section{display:block}html.theme--catppuccin-latte body,html.theme--catppuccin-latte button,html.theme--catppuccin-latte input,html.theme--catppuccin-latte optgroup,html.theme--catppuccin-latte select,html.theme--catppuccin-latte textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}html.theme--catppuccin-latte code,html.theme--catppuccin-latte pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-latte body{color:#4c4f69;font-size:1em;font-weight:400;line-height:1.5}html.theme--catppuccin-latte a{color:#1e66f5;cursor:pointer;text-decoration:none}html.theme--catppuccin-latte a strong{color:currentColor}html.theme--catppuccin-latte a:hover{color:#04a5e5}html.theme--catppuccin-latte code{background-color:#e6e9ef;color:#4c4f69;font-size:.875em;font-weight:normal;padding:.1em}html.theme--catppuccin-latte hr{background-color:#e6e9ef;border:none;display:block;height:2px;margin:1.5rem 0}html.theme--catppuccin-latte img{height:auto;max-width:100%}html.theme--catppuccin-latte input[type="checkbox"],html.theme--catppuccin-latte input[type="radio"]{vertical-align:baseline}html.theme--catppuccin-latte small{font-size:.875em}html.theme--catppuccin-latte span{font-style:inherit;font-weight:inherit}html.theme--catppuccin-latte strong{color:#41445a;font-weight:700}html.theme--catppuccin-latte fieldset{border:none}html.theme--catppuccin-latte pre{-webkit-overflow-scrolling:touch;background-color:#e6e9ef;color:#4c4f69;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}html.theme--catppuccin-latte pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}html.theme--catppuccin-latte table td,html.theme--catppuccin-latte table th{vertical-align:top}html.theme--catppuccin-latte table td:not([align]),html.theme--catppuccin-latte table th:not([align]){text-align:inherit}html.theme--catppuccin-latte table th{color:#41445a}html.theme--catppuccin-latte .box{background-color:#bcc0cc;border-radius:8px;box-shadow:none;color:#4c4f69;display:block;padding:1.25rem}html.theme--catppuccin-latte a.box:hover,html.theme--catppuccin-latte a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #1e66f5}html.theme--catppuccin-latte a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #1e66f5}html.theme--catppuccin-latte .button{background-color:#e6e9ef;border-color:#fff;border-width:1px;color:#1e66f5;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}html.theme--catppuccin-latte .button strong{color:inherit}html.theme--catppuccin-latte .button .icon,html.theme--catppuccin-latte .button .icon.is-small,html.theme--catppuccin-latte .button #documenter .docs-sidebar form.docs-search>input.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .button form.docs-search>input.icon,html.theme--catppuccin-latte .button .icon.is-medium,html.theme--catppuccin-latte .button .icon.is-large{height:1.5em;width:1.5em}html.theme--catppuccin-latte .button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}html.theme--catppuccin-latte .button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-latte .button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-latte .button:hover,html.theme--catppuccin-latte .button.is-hovered{border-color:#9ca0b0;color:#41445a}html.theme--catppuccin-latte .button:focus,html.theme--catppuccin-latte .button.is-focused{border-color:#9ca0b0;color:#0b57ef}html.theme--catppuccin-latte .button:focus:not(:active),html.theme--catppuccin-latte .button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .button:active,html.theme--catppuccin-latte .button.is-active{border-color:#bcc0cc;color:#41445a}html.theme--catppuccin-latte .button.is-text{background-color:transparent;border-color:transparent;color:#4c4f69;text-decoration:underline}html.theme--catppuccin-latte .button.is-text:hover,html.theme--catppuccin-latte .button.is-text.is-hovered,html.theme--catppuccin-latte .button.is-text:focus,html.theme--catppuccin-latte .button.is-text.is-focused{background-color:#e6e9ef;color:#41445a}html.theme--catppuccin-latte .button.is-text:active,html.theme--catppuccin-latte .button.is-text.is-active{background-color:#d6dbe5;color:#41445a}html.theme--catppuccin-latte .button.is-text[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}html.theme--catppuccin-latte .button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#1e66f5;text-decoration:none}html.theme--catppuccin-latte .button.is-ghost:hover,html.theme--catppuccin-latte .button.is-ghost.is-hovered{color:#1e66f5;text-decoration:underline}html.theme--catppuccin-latte .button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white:hover,html.theme--catppuccin-latte .button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white:focus,html.theme--catppuccin-latte .button.is-white.is-focused{border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white:focus:not(:active),html.theme--catppuccin-latte .button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-latte .button.is-white:active,html.theme--catppuccin-latte .button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}html.theme--catppuccin-latte .button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .button.is-white.is-inverted:hover,html.theme--catppuccin-latte .button.is-white.is-inverted.is-hovered{background-color:#000}html.theme--catppuccin-latte .button.is-white.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-latte .button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-white.is-outlined:hover,html.theme--catppuccin-latte .button.is-white.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-white.is-outlined:focus,html.theme--catppuccin-latte .button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-white.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-white.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-white.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-latte .button.is-white.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-black:hover,html.theme--catppuccin-latte .button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-black:focus,html.theme--catppuccin-latte .button.is-black.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-black:focus:not(:active),html.theme--catppuccin-latte .button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-latte .button.is-black:active,html.theme--catppuccin-latte .button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-black[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}html.theme--catppuccin-latte .button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black.is-inverted:hover,html.theme--catppuccin-latte .button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-black.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black.is-outlined:hover,html.theme--catppuccin-latte .button.is-black.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-black.is-outlined:focus,html.theme--catppuccin-latte .button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-latte .button.is-black.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-black.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-black.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-black.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-light{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light:hover,html.theme--catppuccin-latte .button.is-light.is-hovered{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light:focus,html.theme--catppuccin-latte .button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light:focus:not(:active),html.theme--catppuccin-latte .button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-latte .button.is-light:active,html.theme--catppuccin-latte .button.is-light.is-active{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-light{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none}html.theme--catppuccin-latte .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-latte .button.is-light.is-inverted:hover,html.theme--catppuccin-latte .button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-latte .button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-latte .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;color:#f5f5f5}html.theme--catppuccin-latte .button.is-light.is-outlined:hover,html.theme--catppuccin-latte .button.is-light.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-light.is-outlined:focus,html.theme--catppuccin-latte .button.is-light.is-outlined.is-focused{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-latte .button.is-light.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-light.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-light.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-latte .button.is-light.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark,html.theme--catppuccin-latte .content kbd.button{background-color:#ccd0da;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark:hover,html.theme--catppuccin-latte .content kbd.button:hover,html.theme--catppuccin-latte .button.is-dark.is-hovered,html.theme--catppuccin-latte .content kbd.button.is-hovered{background-color:#c5c9d5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark:focus,html.theme--catppuccin-latte .content kbd.button:focus,html.theme--catppuccin-latte .button.is-dark.is-focused,html.theme--catppuccin-latte .content kbd.button.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark:focus:not(:active),html.theme--catppuccin-latte .content kbd.button:focus:not(:active),html.theme--catppuccin-latte .button.is-dark.is-focused:not(:active),html.theme--catppuccin-latte .content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(204,208,218,0.25)}html.theme--catppuccin-latte .button.is-dark:active,html.theme--catppuccin-latte .content kbd.button:active,html.theme--catppuccin-latte .button.is-dark.is-active,html.theme--catppuccin-latte .content kbd.button.is-active{background-color:#bdc2cf;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark[disabled],html.theme--catppuccin-latte .content kbd.button[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-dark,fieldset[disabled] html.theme--catppuccin-latte .content kbd.button{background-color:#ccd0da;border-color:#ccd0da;box-shadow:none}html.theme--catppuccin-latte .button.is-dark.is-inverted,html.theme--catppuccin-latte .content kbd.button.is-inverted{background-color:rgba(0,0,0,0.7);color:#ccd0da}html.theme--catppuccin-latte .button.is-dark.is-inverted:hover,html.theme--catppuccin-latte .content kbd.button.is-inverted:hover,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-hovered,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark.is-inverted[disabled],html.theme--catppuccin-latte .content kbd.button.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-dark.is-inverted,fieldset[disabled] html.theme--catppuccin-latte .content kbd.button.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#ccd0da}html.theme--catppuccin-latte .button.is-dark.is-loading::after,html.theme--catppuccin-latte .content kbd.button.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-latte .button.is-dark.is-outlined,html.theme--catppuccin-latte .content kbd.button.is-outlined{background-color:transparent;border-color:#ccd0da;color:#ccd0da}html.theme--catppuccin-latte .button.is-dark.is-outlined:hover,html.theme--catppuccin-latte .content kbd.button.is-outlined:hover,html.theme--catppuccin-latte .button.is-dark.is-outlined.is-hovered,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-dark.is-outlined:focus,html.theme--catppuccin-latte .content kbd.button.is-outlined:focus,html.theme--catppuccin-latte .button.is-dark.is-outlined.is-focused,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-focused{background-color:#ccd0da;border-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark.is-outlined.is-loading::after,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #ccd0da #ccd0da !important}html.theme--catppuccin-latte .button.is-dark.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-dark.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-dark.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-dark.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-latte .content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-latte .button.is-dark.is-outlined[disabled],html.theme--catppuccin-latte .content kbd.button.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-dark.is-outlined,fieldset[disabled] html.theme--catppuccin-latte .content kbd.button.is-outlined{background-color:transparent;border-color:#ccd0da;box-shadow:none;color:#ccd0da}html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-focused,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#ccd0da}html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #ccd0da #ccd0da !important}html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined[disabled],html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-dark.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-latte .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .button.is-primary,html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink{background-color:#1e66f5;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-primary:hover,html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink:hover,html.theme--catppuccin-latte .button.is-primary.is-hovered,html.theme--catppuccin-latte .docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#125ef4;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-primary:focus,html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink:focus,html.theme--catppuccin-latte .button.is-primary.is-focused,html.theme--catppuccin-latte .docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-primary:focus:not(:active),html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink:focus:not(:active),html.theme--catppuccin-latte .button.is-primary.is-focused:not(:active),html.theme--catppuccin-latte .docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .button.is-primary:active,html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink:active,html.theme--catppuccin-latte .button.is-primary.is-active,html.theme--catppuccin-latte .docstring>section>a.button.is-active.docs-sourcelink{background-color:#0b57ef;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-primary[disabled],html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-primary,fieldset[disabled] html.theme--catppuccin-latte .docstring>section>a.button.docs-sourcelink{background-color:#1e66f5;border-color:#1e66f5;box-shadow:none}html.theme--catppuccin-latte .button.is-primary.is-inverted,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .button.is-primary.is-inverted:hover,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.docs-sourcelink:hover,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-hovered,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-primary.is-inverted[disabled],html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-primary.is-inverted,fieldset[disabled] html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#1e66f5}html.theme--catppuccin-latte .button.is-primary.is-loading::after,html.theme--catppuccin-latte .docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-primary.is-outlined,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#1e66f5;color:#1e66f5}html.theme--catppuccin-latte .button.is-primary.is-outlined:hover,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-latte .button.is-primary.is-outlined.is-hovered,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-latte .button.is-primary.is-outlined:focus,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-latte .button.is-primary.is-outlined.is-focused,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#1e66f5;border-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .button.is-primary.is-outlined.is-loading::after,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #1e66f5 #1e66f5 !important}html.theme--catppuccin-latte .button.is-primary.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-latte .button.is-primary.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-latte .button.is-primary.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-latte .button.is-primary.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-primary.is-outlined[disabled],html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-primary.is-outlined,fieldset[disabled] html.theme--catppuccin-latte .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#1e66f5;box-shadow:none;color:#1e66f5}html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-focused,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #1e66f5 #1e66f5 !important}html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined[disabled],html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-primary.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-latte .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-primary.is-light,html.theme--catppuccin-latte .docstring>section>a.button.is-light.docs-sourcelink{background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .button.is-primary.is-light:hover,html.theme--catppuccin-latte .docstring>section>a.button.is-light.docs-sourcelink:hover,html.theme--catppuccin-latte .button.is-primary.is-light.is-hovered,html.theme--catppuccin-latte .docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#dfe9fe;border-color:transparent;color:#0a52e1}html.theme--catppuccin-latte .button.is-primary.is-light:active,html.theme--catppuccin-latte .docstring>section>a.button.is-light.docs-sourcelink:active,html.theme--catppuccin-latte .button.is-primary.is-light.is-active,html.theme--catppuccin-latte .docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#d3e1fd;border-color:transparent;color:#0a52e1}html.theme--catppuccin-latte .button.is-link{background-color:#1e66f5;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-link:hover,html.theme--catppuccin-latte .button.is-link.is-hovered{background-color:#125ef4;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-link:focus,html.theme--catppuccin-latte .button.is-link.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-link:focus:not(:active),html.theme--catppuccin-latte .button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .button.is-link:active,html.theme--catppuccin-latte .button.is-link.is-active{background-color:#0b57ef;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-link[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-link{background-color:#1e66f5;border-color:#1e66f5;box-shadow:none}html.theme--catppuccin-latte .button.is-link.is-inverted{background-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .button.is-link.is-inverted:hover,html.theme--catppuccin-latte .button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-link.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#1e66f5}html.theme--catppuccin-latte .button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-link.is-outlined{background-color:transparent;border-color:#1e66f5;color:#1e66f5}html.theme--catppuccin-latte .button.is-link.is-outlined:hover,html.theme--catppuccin-latte .button.is-link.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-link.is-outlined:focus,html.theme--catppuccin-latte .button.is-link.is-outlined.is-focused{background-color:#1e66f5;border-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #1e66f5 #1e66f5 !important}html.theme--catppuccin-latte .button.is-link.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-link.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-link.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-link.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-link.is-outlined{background-color:transparent;border-color:#1e66f5;box-shadow:none;color:#1e66f5}html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #1e66f5 #1e66f5 !important}html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-link.is-light{background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .button.is-link.is-light:hover,html.theme--catppuccin-latte .button.is-link.is-light.is-hovered{background-color:#dfe9fe;border-color:transparent;color:#0a52e1}html.theme--catppuccin-latte .button.is-link.is-light:active,html.theme--catppuccin-latte .button.is-link.is-light.is-active{background-color:#d3e1fd;border-color:transparent;color:#0a52e1}html.theme--catppuccin-latte .button.is-info{background-color:#179299;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-info:hover,html.theme--catppuccin-latte .button.is-info.is-hovered{background-color:#15878e;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-info:focus,html.theme--catppuccin-latte .button.is-info.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-info:focus:not(:active),html.theme--catppuccin-latte .button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(23,146,153,0.25)}html.theme--catppuccin-latte .button.is-info:active,html.theme--catppuccin-latte .button.is-info.is-active{background-color:#147d83;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-info[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-info{background-color:#179299;border-color:#179299;box-shadow:none}html.theme--catppuccin-latte .button.is-info.is-inverted{background-color:#fff;color:#179299}html.theme--catppuccin-latte .button.is-info.is-inverted:hover,html.theme--catppuccin-latte .button.is-info.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-info.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-info.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#179299}html.theme--catppuccin-latte .button.is-info.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-info.is-outlined{background-color:transparent;border-color:#179299;color:#179299}html.theme--catppuccin-latte .button.is-info.is-outlined:hover,html.theme--catppuccin-latte .button.is-info.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-info.is-outlined:focus,html.theme--catppuccin-latte .button.is-info.is-outlined.is-focused{background-color:#179299;border-color:#179299;color:#fff}html.theme--catppuccin-latte .button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #179299 #179299 !important}html.theme--catppuccin-latte .button.is-info.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-info.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-info.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-info.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-info.is-outlined{background-color:transparent;border-color:#179299;box-shadow:none;color:#179299}html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-focused{background-color:#fff;color:#179299}html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #179299 #179299 !important}html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-info.is-light{background-color:#edfcfc;color:#1cb2ba}html.theme--catppuccin-latte .button.is-info.is-light:hover,html.theme--catppuccin-latte .button.is-info.is-light.is-hovered{background-color:#e2f9fb;border-color:transparent;color:#1cb2ba}html.theme--catppuccin-latte .button.is-info.is-light:active,html.theme--catppuccin-latte .button.is-info.is-light.is-active{background-color:#d7f7f9;border-color:transparent;color:#1cb2ba}html.theme--catppuccin-latte .button.is-success{background-color:#40a02b;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-success:hover,html.theme--catppuccin-latte .button.is-success.is-hovered{background-color:#3c9628;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-success:focus,html.theme--catppuccin-latte .button.is-success.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-success:focus:not(:active),html.theme--catppuccin-latte .button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(64,160,43,0.25)}html.theme--catppuccin-latte .button.is-success:active,html.theme--catppuccin-latte .button.is-success.is-active{background-color:#388c26;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-success[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-success{background-color:#40a02b;border-color:#40a02b;box-shadow:none}html.theme--catppuccin-latte .button.is-success.is-inverted{background-color:#fff;color:#40a02b}html.theme--catppuccin-latte .button.is-success.is-inverted:hover,html.theme--catppuccin-latte .button.is-success.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-success.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-success.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#40a02b}html.theme--catppuccin-latte .button.is-success.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-success.is-outlined{background-color:transparent;border-color:#40a02b;color:#40a02b}html.theme--catppuccin-latte .button.is-success.is-outlined:hover,html.theme--catppuccin-latte .button.is-success.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-success.is-outlined:focus,html.theme--catppuccin-latte .button.is-success.is-outlined.is-focused{background-color:#40a02b;border-color:#40a02b;color:#fff}html.theme--catppuccin-latte .button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #40a02b #40a02b !important}html.theme--catppuccin-latte .button.is-success.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-success.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-success.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-success.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-success.is-outlined{background-color:transparent;border-color:#40a02b;box-shadow:none;color:#40a02b}html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-focused{background-color:#fff;color:#40a02b}html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #40a02b #40a02b !important}html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-success.is-light{background-color:#f1fbef;color:#40a12b}html.theme--catppuccin-latte .button.is-success.is-light:hover,html.theme--catppuccin-latte .button.is-success.is-light.is-hovered{background-color:#e8f8e5;border-color:transparent;color:#40a12b}html.theme--catppuccin-latte .button.is-success.is-light:active,html.theme--catppuccin-latte .button.is-success.is-light.is-active{background-color:#e0f5db;border-color:transparent;color:#40a12b}html.theme--catppuccin-latte .button.is-warning{background-color:#df8e1d;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-warning:hover,html.theme--catppuccin-latte .button.is-warning.is-hovered{background-color:#d4871c;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-warning:focus,html.theme--catppuccin-latte .button.is-warning.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-warning:focus:not(:active),html.theme--catppuccin-latte .button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(223,142,29,0.25)}html.theme--catppuccin-latte .button.is-warning:active,html.theme--catppuccin-latte .button.is-warning.is-active{background-color:#c8801a;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-warning[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-warning{background-color:#df8e1d;border-color:#df8e1d;box-shadow:none}html.theme--catppuccin-latte .button.is-warning.is-inverted{background-color:#fff;color:#df8e1d}html.theme--catppuccin-latte .button.is-warning.is-inverted:hover,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-warning.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-warning.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#df8e1d}html.theme--catppuccin-latte .button.is-warning.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-warning.is-outlined{background-color:transparent;border-color:#df8e1d;color:#df8e1d}html.theme--catppuccin-latte .button.is-warning.is-outlined:hover,html.theme--catppuccin-latte .button.is-warning.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-warning.is-outlined:focus,html.theme--catppuccin-latte .button.is-warning.is-outlined.is-focused{background-color:#df8e1d;border-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #df8e1d #df8e1d !important}html.theme--catppuccin-latte .button.is-warning.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-warning.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-warning.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-warning.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-warning.is-outlined{background-color:transparent;border-color:#df8e1d;box-shadow:none;color:#df8e1d}html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-focused{background-color:#fff;color:#df8e1d}html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #df8e1d #df8e1d !important}html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-warning.is-light{background-color:#fdf6ed;color:#9e6515}html.theme--catppuccin-latte .button.is-warning.is-light:hover,html.theme--catppuccin-latte .button.is-warning.is-light.is-hovered{background-color:#fbf1e2;border-color:transparent;color:#9e6515}html.theme--catppuccin-latte .button.is-warning.is-light:active,html.theme--catppuccin-latte .button.is-warning.is-light.is-active{background-color:#faebd6;border-color:transparent;color:#9e6515}html.theme--catppuccin-latte .button.is-danger{background-color:#d20f39;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-danger:hover,html.theme--catppuccin-latte .button.is-danger.is-hovered{background-color:#c60e36;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-danger:focus,html.theme--catppuccin-latte .button.is-danger.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-danger:focus:not(:active),html.theme--catppuccin-latte .button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(210,15,57,0.25)}html.theme--catppuccin-latte .button.is-danger:active,html.theme--catppuccin-latte .button.is-danger.is-active{background-color:#ba0d33;border-color:transparent;color:#fff}html.theme--catppuccin-latte .button.is-danger[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-danger{background-color:#d20f39;border-color:#d20f39;box-shadow:none}html.theme--catppuccin-latte .button.is-danger.is-inverted{background-color:#fff;color:#d20f39}html.theme--catppuccin-latte .button.is-danger.is-inverted:hover,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-latte .button.is-danger.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#d20f39}html.theme--catppuccin-latte .button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-danger.is-outlined{background-color:transparent;border-color:#d20f39;color:#d20f39}html.theme--catppuccin-latte .button.is-danger.is-outlined:hover,html.theme--catppuccin-latte .button.is-danger.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-danger.is-outlined:focus,html.theme--catppuccin-latte .button.is-danger.is-outlined.is-focused{background-color:#d20f39;border-color:#d20f39;color:#fff}html.theme--catppuccin-latte .button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #d20f39 #d20f39 !important}html.theme--catppuccin-latte .button.is-danger.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-danger.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-danger.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-latte .button.is-danger.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-danger.is-outlined{background-color:transparent;border-color:#d20f39;box-shadow:none;color:#d20f39}html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined:hover,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined:focus,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#d20f39}html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #d20f39 #d20f39 !important}html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-latte .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-latte .button.is-danger.is-light{background-color:#feecf0;color:#e9113f}html.theme--catppuccin-latte .button.is-danger.is-light:hover,html.theme--catppuccin-latte .button.is-danger.is-light.is-hovered{background-color:#fde0e6;border-color:transparent;color:#e9113f}html.theme--catppuccin-latte .button.is-danger.is-light:active,html.theme--catppuccin-latte .button.is-danger.is-light.is-active{background-color:#fcd4dd;border-color:transparent;color:#e9113f}html.theme--catppuccin-latte .button.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}html.theme--catppuccin-latte .button.is-small:not(.is-rounded),html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:3px}html.theme--catppuccin-latte .button.is-normal{font-size:1rem}html.theme--catppuccin-latte .button.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .button.is-large{font-size:1.5rem}html.theme--catppuccin-latte .button[disabled],fieldset[disabled] html.theme--catppuccin-latte .button{background-color:#9ca0b0;border-color:#acb0be;box-shadow:none;opacity:.5}html.theme--catppuccin-latte .button.is-fullwidth{display:flex;width:100%}html.theme--catppuccin-latte .button.is-loading{color:transparent !important;pointer-events:none}html.theme--catppuccin-latte .button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}html.theme--catppuccin-latte .button.is-static{background-color:#e6e9ef;border-color:#acb0be;color:#8c8fa1;box-shadow:none;pointer-events:none}html.theme--catppuccin-latte .button.is-rounded,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}html.theme--catppuccin-latte .buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-latte .buttons .button{margin-bottom:0.5rem}html.theme--catppuccin-latte .buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}html.theme--catppuccin-latte .buttons:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-latte .buttons:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-latte .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}html.theme--catppuccin-latte .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:3px}html.theme--catppuccin-latte .buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}html.theme--catppuccin-latte .buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}html.theme--catppuccin-latte .buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-latte .buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}html.theme--catppuccin-latte .buttons.has-addons .button:last-child{margin-right:0}html.theme--catppuccin-latte .buttons.has-addons .button:hover,html.theme--catppuccin-latte .buttons.has-addons .button.is-hovered{z-index:2}html.theme--catppuccin-latte .buttons.has-addons .button:focus,html.theme--catppuccin-latte .buttons.has-addons .button.is-focused,html.theme--catppuccin-latte .buttons.has-addons .button:active,html.theme--catppuccin-latte .buttons.has-addons .button.is-active,html.theme--catppuccin-latte .buttons.has-addons .button.is-selected{z-index:3}html.theme--catppuccin-latte .buttons.has-addons .button:focus:hover,html.theme--catppuccin-latte .buttons.has-addons .button.is-focused:hover,html.theme--catppuccin-latte .buttons.has-addons .button:active:hover,html.theme--catppuccin-latte .buttons.has-addons .button.is-active:hover,html.theme--catppuccin-latte .buttons.has-addons .button.is-selected:hover{z-index:4}html.theme--catppuccin-latte .buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .buttons.is-centered{justify-content:center}html.theme--catppuccin-latte .buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}html.theme--catppuccin-latte .buttons.is-right{justify-content:flex-end}html.theme--catppuccin-latte .buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .button.is-responsive.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}html.theme--catppuccin-latte .button.is-responsive,html.theme--catppuccin-latte .button.is-responsive.is-normal{font-size:.65625rem}html.theme--catppuccin-latte .button.is-responsive.is-medium{font-size:.75rem}html.theme--catppuccin-latte .button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .button.is-responsive.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}html.theme--catppuccin-latte .button.is-responsive,html.theme--catppuccin-latte .button.is-responsive.is-normal{font-size:.75rem}html.theme--catppuccin-latte .button.is-responsive.is-medium{font-size:1rem}html.theme--catppuccin-latte .button.is-responsive.is-large{font-size:1.25rem}}html.theme--catppuccin-latte .container{flex-grow:1;margin:0 auto;position:relative;width:auto}html.theme--catppuccin-latte .container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .container{max-width:992px}}@media screen and (max-width: 1215px){html.theme--catppuccin-latte .container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){html.theme--catppuccin-latte .container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}html.theme--catppuccin-latte .content li+li{margin-top:0.25em}html.theme--catppuccin-latte .content p:not(:last-child),html.theme--catppuccin-latte .content dl:not(:last-child),html.theme--catppuccin-latte .content ol:not(:last-child),html.theme--catppuccin-latte .content ul:not(:last-child),html.theme--catppuccin-latte .content blockquote:not(:last-child),html.theme--catppuccin-latte .content pre:not(:last-child),html.theme--catppuccin-latte .content table:not(:last-child){margin-bottom:1em}html.theme--catppuccin-latte .content h1,html.theme--catppuccin-latte .content h2,html.theme--catppuccin-latte .content h3,html.theme--catppuccin-latte .content h4,html.theme--catppuccin-latte .content h5,html.theme--catppuccin-latte .content h6{color:#4c4f69;font-weight:600;line-height:1.125}html.theme--catppuccin-latte .content h1{font-size:2em;margin-bottom:0.5em}html.theme--catppuccin-latte .content h1:not(:first-child){margin-top:1em}html.theme--catppuccin-latte .content h2{font-size:1.75em;margin-bottom:0.5714em}html.theme--catppuccin-latte .content h2:not(:first-child){margin-top:1.1428em}html.theme--catppuccin-latte .content h3{font-size:1.5em;margin-bottom:0.6666em}html.theme--catppuccin-latte .content h3:not(:first-child){margin-top:1.3333em}html.theme--catppuccin-latte .content h4{font-size:1.25em;margin-bottom:0.8em}html.theme--catppuccin-latte .content h5{font-size:1.125em;margin-bottom:0.8888em}html.theme--catppuccin-latte .content h6{font-size:1em;margin-bottom:1em}html.theme--catppuccin-latte .content blockquote{background-color:#e6e9ef;border-left:5px solid #acb0be;padding:1.25em 1.5em}html.theme--catppuccin-latte .content ol{list-style-position:outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-latte .content ol:not([type]){list-style-type:decimal}html.theme--catppuccin-latte .content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}html.theme--catppuccin-latte .content ol.is-lower-roman:not([type]){list-style-type:lower-roman}html.theme--catppuccin-latte .content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}html.theme--catppuccin-latte .content ol.is-upper-roman:not([type]){list-style-type:upper-roman}html.theme--catppuccin-latte .content ul{list-style:disc outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-latte .content ul ul{list-style-type:circle;margin-top:0.5em}html.theme--catppuccin-latte .content ul ul ul{list-style-type:square}html.theme--catppuccin-latte .content dd{margin-left:2em}html.theme--catppuccin-latte .content figure{margin-left:2em;margin-right:2em;text-align:center}html.theme--catppuccin-latte .content figure:not(:first-child){margin-top:2em}html.theme--catppuccin-latte .content figure:not(:last-child){margin-bottom:2em}html.theme--catppuccin-latte .content figure img{display:inline-block}html.theme--catppuccin-latte .content figure figcaption{font-style:italic}html.theme--catppuccin-latte .content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}html.theme--catppuccin-latte .content sup,html.theme--catppuccin-latte .content sub{font-size:75%}html.theme--catppuccin-latte .content table{width:100%}html.theme--catppuccin-latte .content table td,html.theme--catppuccin-latte .content table th{border:1px solid #acb0be;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-latte .content table th{color:#41445a}html.theme--catppuccin-latte .content table th:not([align]){text-align:inherit}html.theme--catppuccin-latte .content table thead td,html.theme--catppuccin-latte .content table thead th{border-width:0 0 2px;color:#41445a}html.theme--catppuccin-latte .content table tfoot td,html.theme--catppuccin-latte .content table tfoot th{border-width:2px 0 0;color:#41445a}html.theme--catppuccin-latte .content table tbody tr:last-child td,html.theme--catppuccin-latte .content table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-latte .content .tabs li+li{margin-top:0}html.theme--catppuccin-latte .content.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}html.theme--catppuccin-latte .content.is-normal{font-size:1rem}html.theme--catppuccin-latte .content.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .content.is-large{font-size:1.5rem}html.theme--catppuccin-latte .icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}html.theme--catppuccin-latte .icon.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}html.theme--catppuccin-latte .icon.is-medium{height:2rem;width:2rem}html.theme--catppuccin-latte .icon.is-large{height:3rem;width:3rem}html.theme--catppuccin-latte .icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}html.theme--catppuccin-latte .icon-text .icon{flex-grow:0;flex-shrink:0}html.theme--catppuccin-latte .icon-text .icon:not(:last-child){margin-right:.25em}html.theme--catppuccin-latte .icon-text .icon:not(:first-child){margin-left:.25em}html.theme--catppuccin-latte div.icon-text{display:flex}html.theme--catppuccin-latte .image,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img{display:block;position:relative}html.theme--catppuccin-latte .image img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}html.theme--catppuccin-latte .image img.is-rounded,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}html.theme--catppuccin-latte .image.is-fullwidth,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}html.theme--catppuccin-latte .image.is-square img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-latte .image.is-square .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-latte .image.is-1by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-latte .image.is-1by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-latte .image.is-5by4 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-latte .image.is-5by4 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-latte .image.is-4by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-latte .image.is-4by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-latte .image.is-3by2 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-latte .image.is-3by2 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-latte .image.is-5by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-latte .image.is-5by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-latte .image.is-16by9 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-latte .image.is-16by9 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-latte .image.is-2by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-latte .image.is-2by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-latte .image.is-3by1 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-latte .image.is-3by1 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-latte .image.is-4by5 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-latte .image.is-4by5 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-latte .image.is-3by4 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-latte .image.is-3by4 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-latte .image.is-2by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-latte .image.is-2by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-latte .image.is-3by5 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-latte .image.is-3by5 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-latte .image.is-9by16 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-latte .image.is-9by16 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-latte .image.is-1by2 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-latte .image.is-1by2 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-latte .image.is-1by3 img,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-latte .image.is-1by3 .has-ratio,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}html.theme--catppuccin-latte .image.is-square,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-square,html.theme--catppuccin-latte .image.is-1by1,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}html.theme--catppuccin-latte .image.is-5by4,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}html.theme--catppuccin-latte .image.is-4by3,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}html.theme--catppuccin-latte .image.is-3by2,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}html.theme--catppuccin-latte .image.is-5by3,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}html.theme--catppuccin-latte .image.is-16by9,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}html.theme--catppuccin-latte .image.is-2by1,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}html.theme--catppuccin-latte .image.is-3by1,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}html.theme--catppuccin-latte .image.is-4by5,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}html.theme--catppuccin-latte .image.is-3by4,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}html.theme--catppuccin-latte .image.is-2by3,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}html.theme--catppuccin-latte .image.is-3by5,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}html.theme--catppuccin-latte .image.is-9by16,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}html.theme--catppuccin-latte .image.is-1by2,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}html.theme--catppuccin-latte .image.is-1by3,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}html.theme--catppuccin-latte .image.is-16x16,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}html.theme--catppuccin-latte .image.is-24x24,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}html.theme--catppuccin-latte .image.is-32x32,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}html.theme--catppuccin-latte .image.is-48x48,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}html.theme--catppuccin-latte .image.is-64x64,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}html.theme--catppuccin-latte .image.is-96x96,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}html.theme--catppuccin-latte .image.is-128x128,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}html.theme--catppuccin-latte .notification{background-color:#e6e9ef;border-radius:.4em;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}html.theme--catppuccin-latte .notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-latte .notification strong{color:currentColor}html.theme--catppuccin-latte .notification code,html.theme--catppuccin-latte .notification pre{background:#fff}html.theme--catppuccin-latte .notification pre code{background:transparent}html.theme--catppuccin-latte .notification>.delete{right:.5rem;position:absolute;top:0.5rem}html.theme--catppuccin-latte .notification .title,html.theme--catppuccin-latte .notification .subtitle,html.theme--catppuccin-latte .notification .content{color:currentColor}html.theme--catppuccin-latte .notification.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .notification.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .notification.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .notification.is-dark,html.theme--catppuccin-latte .content kbd.notification{background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .notification.is-primary,html.theme--catppuccin-latte .docstring>section>a.notification.docs-sourcelink{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .notification.is-primary.is-light,html.theme--catppuccin-latte .docstring>section>a.notification.is-light.docs-sourcelink{background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .notification.is-link{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .notification.is-link.is-light{background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .notification.is-info{background-color:#179299;color:#fff}html.theme--catppuccin-latte .notification.is-info.is-light{background-color:#edfcfc;color:#1cb2ba}html.theme--catppuccin-latte .notification.is-success{background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .notification.is-success.is-light{background-color:#f1fbef;color:#40a12b}html.theme--catppuccin-latte .notification.is-warning{background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .notification.is-warning.is-light{background-color:#fdf6ed;color:#9e6515}html.theme--catppuccin-latte .notification.is-danger{background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .notification.is-danger.is-light{background-color:#feecf0;color:#e9113f}html.theme--catppuccin-latte .progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}html.theme--catppuccin-latte .progress::-webkit-progress-bar{background-color:#bcc0cc}html.theme--catppuccin-latte .progress::-webkit-progress-value{background-color:#8c8fa1}html.theme--catppuccin-latte .progress::-moz-progress-bar{background-color:#8c8fa1}html.theme--catppuccin-latte .progress::-ms-fill{background-color:#8c8fa1;border:none}html.theme--catppuccin-latte .progress.is-white::-webkit-progress-value{background-color:#fff}html.theme--catppuccin-latte .progress.is-white::-moz-progress-bar{background-color:#fff}html.theme--catppuccin-latte .progress.is-white::-ms-fill{background-color:#fff}html.theme--catppuccin-latte .progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-black::-webkit-progress-value{background-color:#0a0a0a}html.theme--catppuccin-latte .progress.is-black::-moz-progress-bar{background-color:#0a0a0a}html.theme--catppuccin-latte .progress.is-black::-ms-fill{background-color:#0a0a0a}html.theme--catppuccin-latte .progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-light::-webkit-progress-value{background-color:#f5f5f5}html.theme--catppuccin-latte .progress.is-light::-moz-progress-bar{background-color:#f5f5f5}html.theme--catppuccin-latte .progress.is-light::-ms-fill{background-color:#f5f5f5}html.theme--catppuccin-latte .progress.is-light:indeterminate{background-image:linear-gradient(to right, #f5f5f5 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-dark::-webkit-progress-value,html.theme--catppuccin-latte .content kbd.progress::-webkit-progress-value{background-color:#ccd0da}html.theme--catppuccin-latte .progress.is-dark::-moz-progress-bar,html.theme--catppuccin-latte .content kbd.progress::-moz-progress-bar{background-color:#ccd0da}html.theme--catppuccin-latte .progress.is-dark::-ms-fill,html.theme--catppuccin-latte .content kbd.progress::-ms-fill{background-color:#ccd0da}html.theme--catppuccin-latte .progress.is-dark:indeterminate,html.theme--catppuccin-latte .content kbd.progress:indeterminate{background-image:linear-gradient(to right, #ccd0da 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-primary::-webkit-progress-value,html.theme--catppuccin-latte .docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-primary::-moz-progress-bar,html.theme--catppuccin-latte .docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-primary::-ms-fill,html.theme--catppuccin-latte .docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-primary:indeterminate,html.theme--catppuccin-latte .docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #1e66f5 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-link::-webkit-progress-value{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-link::-moz-progress-bar{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-link::-ms-fill{background-color:#1e66f5}html.theme--catppuccin-latte .progress.is-link:indeterminate{background-image:linear-gradient(to right, #1e66f5 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-info::-webkit-progress-value{background-color:#179299}html.theme--catppuccin-latte .progress.is-info::-moz-progress-bar{background-color:#179299}html.theme--catppuccin-latte .progress.is-info::-ms-fill{background-color:#179299}html.theme--catppuccin-latte .progress.is-info:indeterminate{background-image:linear-gradient(to right, #179299 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-success::-webkit-progress-value{background-color:#40a02b}html.theme--catppuccin-latte .progress.is-success::-moz-progress-bar{background-color:#40a02b}html.theme--catppuccin-latte .progress.is-success::-ms-fill{background-color:#40a02b}html.theme--catppuccin-latte .progress.is-success:indeterminate{background-image:linear-gradient(to right, #40a02b 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-warning::-webkit-progress-value{background-color:#df8e1d}html.theme--catppuccin-latte .progress.is-warning::-moz-progress-bar{background-color:#df8e1d}html.theme--catppuccin-latte .progress.is-warning::-ms-fill{background-color:#df8e1d}html.theme--catppuccin-latte .progress.is-warning:indeterminate{background-image:linear-gradient(to right, #df8e1d 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress.is-danger::-webkit-progress-value{background-color:#d20f39}html.theme--catppuccin-latte .progress.is-danger::-moz-progress-bar{background-color:#d20f39}html.theme--catppuccin-latte .progress.is-danger::-ms-fill{background-color:#d20f39}html.theme--catppuccin-latte .progress.is-danger:indeterminate{background-image:linear-gradient(to right, #d20f39 30%, #bcc0cc 30%)}html.theme--catppuccin-latte .progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#bcc0cc;background-image:linear-gradient(to right, #4c4f69 30%, #bcc0cc 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}html.theme--catppuccin-latte .progress:indeterminate::-webkit-progress-bar{background-color:transparent}html.theme--catppuccin-latte .progress:indeterminate::-moz-progress-bar{background-color:transparent}html.theme--catppuccin-latte .progress:indeterminate::-ms-fill{animation-name:none}html.theme--catppuccin-latte .progress.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}html.theme--catppuccin-latte .progress.is-medium{height:1.25rem}html.theme--catppuccin-latte .progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}html.theme--catppuccin-latte .table{background-color:#bcc0cc;color:#4c4f69}html.theme--catppuccin-latte .table td,html.theme--catppuccin-latte .table th{border:1px solid #acb0be;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-latte .table td.is-white,html.theme--catppuccin-latte .table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .table td.is-black,html.theme--catppuccin-latte .table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .table td.is-light,html.theme--catppuccin-latte .table th.is-light{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .table td.is-dark,html.theme--catppuccin-latte .table th.is-dark{background-color:#ccd0da;border-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .table td.is-primary,html.theme--catppuccin-latte .table th.is-primary{background-color:#1e66f5;border-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .table td.is-link,html.theme--catppuccin-latte .table th.is-link{background-color:#1e66f5;border-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .table td.is-info,html.theme--catppuccin-latte .table th.is-info{background-color:#179299;border-color:#179299;color:#fff}html.theme--catppuccin-latte .table td.is-success,html.theme--catppuccin-latte .table th.is-success{background-color:#40a02b;border-color:#40a02b;color:#fff}html.theme--catppuccin-latte .table td.is-warning,html.theme--catppuccin-latte .table th.is-warning{background-color:#df8e1d;border-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .table td.is-danger,html.theme--catppuccin-latte .table th.is-danger{background-color:#d20f39;border-color:#d20f39;color:#fff}html.theme--catppuccin-latte .table td.is-narrow,html.theme--catppuccin-latte .table th.is-narrow{white-space:nowrap;width:1%}html.theme--catppuccin-latte .table td.is-selected,html.theme--catppuccin-latte .table th.is-selected{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .table td.is-selected a,html.theme--catppuccin-latte .table td.is-selected strong,html.theme--catppuccin-latte .table th.is-selected a,html.theme--catppuccin-latte .table th.is-selected strong{color:currentColor}html.theme--catppuccin-latte .table td.is-vcentered,html.theme--catppuccin-latte .table th.is-vcentered{vertical-align:middle}html.theme--catppuccin-latte .table th{color:#41445a}html.theme--catppuccin-latte .table th:not([align]){text-align:left}html.theme--catppuccin-latte .table tr.is-selected{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .table tr.is-selected a,html.theme--catppuccin-latte .table tr.is-selected strong{color:currentColor}html.theme--catppuccin-latte .table tr.is-selected td,html.theme--catppuccin-latte .table tr.is-selected th{border-color:#fff;color:currentColor}html.theme--catppuccin-latte .table thead{background-color:rgba(0,0,0,0)}html.theme--catppuccin-latte .table thead td,html.theme--catppuccin-latte .table thead th{border-width:0 0 2px;color:#41445a}html.theme--catppuccin-latte .table tfoot{background-color:rgba(0,0,0,0)}html.theme--catppuccin-latte .table tfoot td,html.theme--catppuccin-latte .table tfoot th{border-width:2px 0 0;color:#41445a}html.theme--catppuccin-latte .table tbody{background-color:rgba(0,0,0,0)}html.theme--catppuccin-latte .table tbody tr:last-child td,html.theme--catppuccin-latte .table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-latte .table.is-bordered td,html.theme--catppuccin-latte .table.is-bordered th{border-width:1px}html.theme--catppuccin-latte .table.is-bordered tr:last-child td,html.theme--catppuccin-latte .table.is-bordered tr:last-child th{border-bottom-width:1px}html.theme--catppuccin-latte .table.is-fullwidth{width:100%}html.theme--catppuccin-latte .table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#ccd0da}html.theme--catppuccin-latte .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#ccd0da}html.theme--catppuccin-latte .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#d2d5de}html.theme--catppuccin-latte .table.is-narrow td,html.theme--catppuccin-latte .table.is-narrow th{padding:0.25em 0.5em}html.theme--catppuccin-latte .table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#ccd0da}html.theme--catppuccin-latte .table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}html.theme--catppuccin-latte .tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-latte .tags .tag,html.theme--catppuccin-latte .tags .content kbd,html.theme--catppuccin-latte .content .tags kbd,html.theme--catppuccin-latte .tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}html.theme--catppuccin-latte .tags .tag:not(:last-child),html.theme--catppuccin-latte .tags .content kbd:not(:last-child),html.theme--catppuccin-latte .content .tags kbd:not(:last-child),html.theme--catppuccin-latte .tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}html.theme--catppuccin-latte .tags:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-latte .tags:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-latte .tags.are-medium .tag:not(.is-normal):not(.is-large),html.theme--catppuccin-latte .tags.are-medium .content kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-latte .content .tags.are-medium kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-latte .tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}html.theme--catppuccin-latte .tags.are-large .tag:not(.is-normal):not(.is-medium),html.theme--catppuccin-latte .tags.are-large .content kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-latte .content .tags.are-large kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-latte .tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}html.theme--catppuccin-latte .tags.is-centered{justify-content:center}html.theme--catppuccin-latte .tags.is-centered .tag,html.theme--catppuccin-latte .tags.is-centered .content kbd,html.theme--catppuccin-latte .content .tags.is-centered kbd,html.theme--catppuccin-latte .tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}html.theme--catppuccin-latte .tags.is-right{justify-content:flex-end}html.theme--catppuccin-latte .tags.is-right .tag:not(:first-child),html.theme--catppuccin-latte .tags.is-right .content kbd:not(:first-child),html.theme--catppuccin-latte .content .tags.is-right kbd:not(:first-child),html.theme--catppuccin-latte .tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}html.theme--catppuccin-latte .tags.is-right .tag:not(:last-child),html.theme--catppuccin-latte .tags.is-right .content kbd:not(:last-child),html.theme--catppuccin-latte .content .tags.is-right kbd:not(:last-child),html.theme--catppuccin-latte .tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}html.theme--catppuccin-latte .tags.has-addons .tag,html.theme--catppuccin-latte .tags.has-addons .content kbd,html.theme--catppuccin-latte .content .tags.has-addons kbd,html.theme--catppuccin-latte .tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}html.theme--catppuccin-latte .tags.has-addons .tag:not(:first-child),html.theme--catppuccin-latte .tags.has-addons .content kbd:not(:first-child),html.theme--catppuccin-latte .content .tags.has-addons kbd:not(:first-child),html.theme--catppuccin-latte .tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}html.theme--catppuccin-latte .tags.has-addons .tag:not(:last-child),html.theme--catppuccin-latte .tags.has-addons .content kbd:not(:last-child),html.theme--catppuccin-latte .content .tags.has-addons kbd:not(:last-child),html.theme--catppuccin-latte .tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}html.theme--catppuccin-latte .tag:not(body),html.theme--catppuccin-latte .content kbd:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#e6e9ef;border-radius:.4em;color:#4c4f69;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}html.theme--catppuccin-latte .tag:not(body) .delete,html.theme--catppuccin-latte .content kbd:not(body) .delete,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}html.theme--catppuccin-latte .tag.is-white:not(body),html.theme--catppuccin-latte .content kbd.is-white:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .tag.is-black:not(body),html.theme--catppuccin-latte .content kbd.is-black:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .tag.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .tag.is-dark:not(body),html.theme--catppuccin-latte .content kbd:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-dark:not(body),html.theme--catppuccin-latte .content .docstring>section>kbd:not(body){background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .tag.is-primary:not(body),html.theme--catppuccin-latte .content kbd.is-primary:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body){background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .tag.is-primary.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-primary.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .tag.is-link:not(body),html.theme--catppuccin-latte .content kbd.is-link:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .tag.is-link.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-link.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#ebf2fe;color:#0a52e1}html.theme--catppuccin-latte .tag.is-info:not(body),html.theme--catppuccin-latte .content kbd.is-info:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#179299;color:#fff}html.theme--catppuccin-latte .tag.is-info.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-info.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#edfcfc;color:#1cb2ba}html.theme--catppuccin-latte .tag.is-success:not(body),html.theme--catppuccin-latte .content kbd.is-success:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .tag.is-success.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-success.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#f1fbef;color:#40a12b}html.theme--catppuccin-latte .tag.is-warning:not(body),html.theme--catppuccin-latte .content kbd.is-warning:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .tag.is-warning.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-warning.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fdf6ed;color:#9e6515}html.theme--catppuccin-latte .tag.is-danger:not(body),html.theme--catppuccin-latte .content kbd.is-danger:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .tag.is-danger.is-light:not(body),html.theme--catppuccin-latte .content kbd.is-danger.is-light:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#feecf0;color:#e9113f}html.theme--catppuccin-latte .tag.is-normal:not(body),html.theme--catppuccin-latte .content kbd.is-normal:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}html.theme--catppuccin-latte .tag.is-medium:not(body),html.theme--catppuccin-latte .content kbd.is-medium:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}html.theme--catppuccin-latte .tag.is-large:not(body),html.theme--catppuccin-latte .content kbd.is-large:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}html.theme--catppuccin-latte .tag:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-latte .content kbd:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}html.theme--catppuccin-latte .tag:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-latte .content kbd:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}html.theme--catppuccin-latte .tag:not(body) .icon:first-child:last-child,html.theme--catppuccin-latte .content kbd:not(body) .icon:first-child:last-child,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}html.theme--catppuccin-latte .tag.is-delete:not(body),html.theme--catppuccin-latte .content kbd.is-delete:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}html.theme--catppuccin-latte .tag.is-delete:not(body)::before,html.theme--catppuccin-latte .content kbd.is-delete:not(body)::before,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body)::before,html.theme--catppuccin-latte .tag.is-delete:not(body)::after,html.theme--catppuccin-latte .content kbd.is-delete:not(body)::after,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-latte .tag.is-delete:not(body)::before,html.theme--catppuccin-latte .content kbd.is-delete:not(body)::before,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}html.theme--catppuccin-latte .tag.is-delete:not(body)::after,html.theme--catppuccin-latte .content kbd.is-delete:not(body)::after,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}html.theme--catppuccin-latte .tag.is-delete:not(body):hover,html.theme--catppuccin-latte .content kbd.is-delete:not(body):hover,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body):hover,html.theme--catppuccin-latte .tag.is-delete:not(body):focus,html.theme--catppuccin-latte .content kbd.is-delete:not(body):focus,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#d6dbe5}html.theme--catppuccin-latte .tag.is-delete:not(body):active,html.theme--catppuccin-latte .content kbd.is-delete:not(body):active,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#c7cedb}html.theme--catppuccin-latte .tag.is-rounded:not(body),html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:not(body),html.theme--catppuccin-latte .content kbd.is-rounded:not(body),html.theme--catppuccin-latte #documenter .docs-sidebar .content form.docs-search>input:not(body),html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}html.theme--catppuccin-latte a.tag:hover,html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:hover{text-decoration:underline}html.theme--catppuccin-latte .title,html.theme--catppuccin-latte .subtitle{word-break:break-word}html.theme--catppuccin-latte .title em,html.theme--catppuccin-latte .title span,html.theme--catppuccin-latte .subtitle em,html.theme--catppuccin-latte .subtitle span{font-weight:inherit}html.theme--catppuccin-latte .title sub,html.theme--catppuccin-latte .subtitle sub{font-size:.75em}html.theme--catppuccin-latte .title sup,html.theme--catppuccin-latte .subtitle sup{font-size:.75em}html.theme--catppuccin-latte .title .tag,html.theme--catppuccin-latte .title .content kbd,html.theme--catppuccin-latte .content .title kbd,html.theme--catppuccin-latte .title .docstring>section>a.docs-sourcelink,html.theme--catppuccin-latte .subtitle .tag,html.theme--catppuccin-latte .subtitle .content kbd,html.theme--catppuccin-latte .content .subtitle kbd,html.theme--catppuccin-latte .subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}html.theme--catppuccin-latte .title{color:#fff;font-size:2rem;font-weight:500;line-height:1.125}html.theme--catppuccin-latte .title strong{color:inherit;font-weight:inherit}html.theme--catppuccin-latte .title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}html.theme--catppuccin-latte .title.is-1{font-size:3rem}html.theme--catppuccin-latte .title.is-2{font-size:2.5rem}html.theme--catppuccin-latte .title.is-3{font-size:2rem}html.theme--catppuccin-latte .title.is-4{font-size:1.5rem}html.theme--catppuccin-latte .title.is-5{font-size:1.25rem}html.theme--catppuccin-latte .title.is-6{font-size:1rem}html.theme--catppuccin-latte .title.is-7{font-size:.75rem}html.theme--catppuccin-latte .subtitle{color:#9ca0b0;font-size:1.25rem;font-weight:400;line-height:1.25}html.theme--catppuccin-latte .subtitle strong{color:#9ca0b0;font-weight:600}html.theme--catppuccin-latte .subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}html.theme--catppuccin-latte .subtitle.is-1{font-size:3rem}html.theme--catppuccin-latte .subtitle.is-2{font-size:2.5rem}html.theme--catppuccin-latte .subtitle.is-3{font-size:2rem}html.theme--catppuccin-latte .subtitle.is-4{font-size:1.5rem}html.theme--catppuccin-latte .subtitle.is-5{font-size:1.25rem}html.theme--catppuccin-latte .subtitle.is-6{font-size:1rem}html.theme--catppuccin-latte .subtitle.is-7{font-size:.75rem}html.theme--catppuccin-latte .heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}html.theme--catppuccin-latte .number{align-items:center;background-color:#e6e9ef;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}html.theme--catppuccin-latte .select select,html.theme--catppuccin-latte .textarea,html.theme--catppuccin-latte .input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{background-color:#eff1f5;border-color:#acb0be;border-radius:.4em;color:#8c8fa1}html.theme--catppuccin-latte .select select::-moz-placeholder,html.theme--catppuccin-latte .textarea::-moz-placeholder,html.theme--catppuccin-latte .input::-moz-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#868c98}html.theme--catppuccin-latte .select select::-webkit-input-placeholder,html.theme--catppuccin-latte .textarea::-webkit-input-placeholder,html.theme--catppuccin-latte .input::-webkit-input-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#868c98}html.theme--catppuccin-latte .select select:-moz-placeholder,html.theme--catppuccin-latte .textarea:-moz-placeholder,html.theme--catppuccin-latte .input:-moz-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#868c98}html.theme--catppuccin-latte .select select:-ms-input-placeholder,html.theme--catppuccin-latte .textarea:-ms-input-placeholder,html.theme--catppuccin-latte .input:-ms-input-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#868c98}html.theme--catppuccin-latte .select select:hover,html.theme--catppuccin-latte .textarea:hover,html.theme--catppuccin-latte .input:hover,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:hover,html.theme--catppuccin-latte .select select.is-hovered,html.theme--catppuccin-latte .is-hovered.textarea,html.theme--catppuccin-latte .is-hovered.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#9ca0b0}html.theme--catppuccin-latte .select select:focus,html.theme--catppuccin-latte .textarea:focus,html.theme--catppuccin-latte .input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-latte .select select.is-focused,html.theme--catppuccin-latte .is-focused.textarea,html.theme--catppuccin-latte .is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .select select:active,html.theme--catppuccin-latte .textarea:active,html.theme--catppuccin-latte .input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-latte .select select.is-active,html.theme--catppuccin-latte .is-active.textarea,html.theme--catppuccin-latte .is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{border-color:#1e66f5;box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .select select[disabled],html.theme--catppuccin-latte .textarea[disabled],html.theme--catppuccin-latte .input[disabled],html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] html.theme--catppuccin-latte .select select,fieldset[disabled] html.theme--catppuccin-latte .textarea,fieldset[disabled] html.theme--catppuccin-latte .input,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{background-color:#9ca0b0;border-color:#e6e9ef;box-shadow:none;color:#616587}html.theme--catppuccin-latte .select select[disabled]::-moz-placeholder,html.theme--catppuccin-latte .textarea[disabled]::-moz-placeholder,html.theme--catppuccin-latte .input[disabled]::-moz-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .select select::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .textarea::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .input::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:rgba(97,101,135,0.3)}html.theme--catppuccin-latte .select select[disabled]::-webkit-input-placeholder,html.theme--catppuccin-latte .textarea[disabled]::-webkit-input-placeholder,html.theme--catppuccin-latte .input[disabled]::-webkit-input-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .select select::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .textarea::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .input::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:rgba(97,101,135,0.3)}html.theme--catppuccin-latte .select select[disabled]:-moz-placeholder,html.theme--catppuccin-latte .textarea[disabled]:-moz-placeholder,html.theme--catppuccin-latte .input[disabled]:-moz-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .select select:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .textarea:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte .input:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:rgba(97,101,135,0.3)}html.theme--catppuccin-latte .select select[disabled]:-ms-input-placeholder,html.theme--catppuccin-latte .textarea[disabled]:-ms-input-placeholder,html.theme--catppuccin-latte .input[disabled]:-ms-input-placeholder,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .select select:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .textarea:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte .input:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:rgba(97,101,135,0.3)}html.theme--catppuccin-latte .textarea,html.theme--catppuccin-latte .input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}html.theme--catppuccin-latte .textarea[readonly],html.theme--catppuccin-latte .input[readonly],html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}html.theme--catppuccin-latte .is-white.textarea,html.theme--catppuccin-latte .is-white.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}html.theme--catppuccin-latte .is-white.textarea:focus,html.theme--catppuccin-latte .is-white.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-white:focus,html.theme--catppuccin-latte .is-white.is-focused.textarea,html.theme--catppuccin-latte .is-white.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-white.textarea:active,html.theme--catppuccin-latte .is-white.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-white:active,html.theme--catppuccin-latte .is-white.is-active.textarea,html.theme--catppuccin-latte .is-white.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-latte .is-black.textarea,html.theme--catppuccin-latte .is-black.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}html.theme--catppuccin-latte .is-black.textarea:focus,html.theme--catppuccin-latte .is-black.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-black:focus,html.theme--catppuccin-latte .is-black.is-focused.textarea,html.theme--catppuccin-latte .is-black.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-black.textarea:active,html.theme--catppuccin-latte .is-black.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-black:active,html.theme--catppuccin-latte .is-black.is-active.textarea,html.theme--catppuccin-latte .is-black.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-latte .is-light.textarea,html.theme--catppuccin-latte .is-light.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-light{border-color:#f5f5f5}html.theme--catppuccin-latte .is-light.textarea:focus,html.theme--catppuccin-latte .is-light.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-light:focus,html.theme--catppuccin-latte .is-light.is-focused.textarea,html.theme--catppuccin-latte .is-light.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-light.textarea:active,html.theme--catppuccin-latte .is-light.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-light:active,html.theme--catppuccin-latte .is-light.is-active.textarea,html.theme--catppuccin-latte .is-light.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-latte .is-dark.textarea,html.theme--catppuccin-latte .content kbd.textarea,html.theme--catppuccin-latte .is-dark.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-dark,html.theme--catppuccin-latte .content kbd.input{border-color:#ccd0da}html.theme--catppuccin-latte .is-dark.textarea:focus,html.theme--catppuccin-latte .content kbd.textarea:focus,html.theme--catppuccin-latte .is-dark.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-dark:focus,html.theme--catppuccin-latte .content kbd.input:focus,html.theme--catppuccin-latte .is-dark.is-focused.textarea,html.theme--catppuccin-latte .content kbd.is-focused.textarea,html.theme--catppuccin-latte .is-dark.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .content kbd.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar .content form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-dark.textarea:active,html.theme--catppuccin-latte .content kbd.textarea:active,html.theme--catppuccin-latte .is-dark.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-dark:active,html.theme--catppuccin-latte .content kbd.input:active,html.theme--catppuccin-latte .is-dark.is-active.textarea,html.theme--catppuccin-latte .content kbd.is-active.textarea,html.theme--catppuccin-latte .is-dark.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-latte .content kbd.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(204,208,218,0.25)}html.theme--catppuccin-latte .is-primary.textarea,html.theme--catppuccin-latte .docstring>section>a.textarea.docs-sourcelink,html.theme--catppuccin-latte .is-primary.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-primary,html.theme--catppuccin-latte .docstring>section>a.input.docs-sourcelink{border-color:#1e66f5}html.theme--catppuccin-latte .is-primary.textarea:focus,html.theme--catppuccin-latte .docstring>section>a.textarea.docs-sourcelink:focus,html.theme--catppuccin-latte .is-primary.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-primary:focus,html.theme--catppuccin-latte .docstring>section>a.input.docs-sourcelink:focus,html.theme--catppuccin-latte .is-primary.is-focused.textarea,html.theme--catppuccin-latte .docstring>section>a.is-focused.textarea.docs-sourcelink,html.theme--catppuccin-latte .is-primary.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .docstring>section>a.is-focused.input.docs-sourcelink,html.theme--catppuccin-latte .is-primary.textarea:active,html.theme--catppuccin-latte .docstring>section>a.textarea.docs-sourcelink:active,html.theme--catppuccin-latte .is-primary.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-primary:active,html.theme--catppuccin-latte .docstring>section>a.input.docs-sourcelink:active,html.theme--catppuccin-latte .is-primary.is-active.textarea,html.theme--catppuccin-latte .docstring>section>a.is-active.textarea.docs-sourcelink,html.theme--catppuccin-latte .is-primary.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-latte .docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .is-link.textarea,html.theme--catppuccin-latte .is-link.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-link{border-color:#1e66f5}html.theme--catppuccin-latte .is-link.textarea:focus,html.theme--catppuccin-latte .is-link.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-link:focus,html.theme--catppuccin-latte .is-link.is-focused.textarea,html.theme--catppuccin-latte .is-link.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-link.textarea:active,html.theme--catppuccin-latte .is-link.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-link:active,html.theme--catppuccin-latte .is-link.is-active.textarea,html.theme--catppuccin-latte .is-link.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .is-info.textarea,html.theme--catppuccin-latte .is-info.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-info{border-color:#179299}html.theme--catppuccin-latte .is-info.textarea:focus,html.theme--catppuccin-latte .is-info.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-info:focus,html.theme--catppuccin-latte .is-info.is-focused.textarea,html.theme--catppuccin-latte .is-info.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-info.textarea:active,html.theme--catppuccin-latte .is-info.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-info:active,html.theme--catppuccin-latte .is-info.is-active.textarea,html.theme--catppuccin-latte .is-info.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(23,146,153,0.25)}html.theme--catppuccin-latte .is-success.textarea,html.theme--catppuccin-latte .is-success.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-success{border-color:#40a02b}html.theme--catppuccin-latte .is-success.textarea:focus,html.theme--catppuccin-latte .is-success.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-success:focus,html.theme--catppuccin-latte .is-success.is-focused.textarea,html.theme--catppuccin-latte .is-success.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-success.textarea:active,html.theme--catppuccin-latte .is-success.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-success:active,html.theme--catppuccin-latte .is-success.is-active.textarea,html.theme--catppuccin-latte .is-success.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(64,160,43,0.25)}html.theme--catppuccin-latte .is-warning.textarea,html.theme--catppuccin-latte .is-warning.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#df8e1d}html.theme--catppuccin-latte .is-warning.textarea:focus,html.theme--catppuccin-latte .is-warning.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-warning:focus,html.theme--catppuccin-latte .is-warning.is-focused.textarea,html.theme--catppuccin-latte .is-warning.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-warning.textarea:active,html.theme--catppuccin-latte .is-warning.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-warning:active,html.theme--catppuccin-latte .is-warning.is-active.textarea,html.theme--catppuccin-latte .is-warning.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(223,142,29,0.25)}html.theme--catppuccin-latte .is-danger.textarea,html.theme--catppuccin-latte .is-danger.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#d20f39}html.theme--catppuccin-latte .is-danger.textarea:focus,html.theme--catppuccin-latte .is-danger.input:focus,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-danger:focus,html.theme--catppuccin-latte .is-danger.is-focused.textarea,html.theme--catppuccin-latte .is-danger.is-focused.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-latte .is-danger.textarea:active,html.theme--catppuccin-latte .is-danger.input:active,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-danger:active,html.theme--catppuccin-latte .is-danger.is-active.textarea,html.theme--catppuccin-latte .is-danger.is-active.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(210,15,57,0.25)}html.theme--catppuccin-latte .is-small.textarea,html.theme--catppuccin-latte .is-small.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{border-radius:3px;font-size:.75rem}html.theme--catppuccin-latte .is-medium.textarea,html.theme--catppuccin-latte .is-medium.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .is-large.textarea,html.theme--catppuccin-latte .is-large.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}html.theme--catppuccin-latte .is-fullwidth.textarea,html.theme--catppuccin-latte .is-fullwidth.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}html.theme--catppuccin-latte .is-inline.textarea,html.theme--catppuccin-latte .is-inline.input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}html.theme--catppuccin-latte .input.is-rounded,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}html.theme--catppuccin-latte .input.is-static,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}html.theme--catppuccin-latte .textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}html.theme--catppuccin-latte .textarea:not([rows]){max-height:40em;min-height:8em}html.theme--catppuccin-latte .textarea[rows]{height:initial}html.theme--catppuccin-latte .textarea.has-fixed-size{resize:none}html.theme--catppuccin-latte .radio,html.theme--catppuccin-latte .checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}html.theme--catppuccin-latte .radio input,html.theme--catppuccin-latte .checkbox input{cursor:pointer}html.theme--catppuccin-latte .radio:hover,html.theme--catppuccin-latte .checkbox:hover{color:#04a5e5}html.theme--catppuccin-latte .radio[disabled],html.theme--catppuccin-latte .checkbox[disabled],fieldset[disabled] html.theme--catppuccin-latte .radio,fieldset[disabled] html.theme--catppuccin-latte .checkbox,html.theme--catppuccin-latte .radio input[disabled],html.theme--catppuccin-latte .checkbox input[disabled]{color:#616587;cursor:not-allowed}html.theme--catppuccin-latte .radio+.radio{margin-left:.5em}html.theme--catppuccin-latte .select{display:inline-block;max-width:100%;position:relative;vertical-align:top}html.theme--catppuccin-latte .select:not(.is-multiple){height:2.5em}html.theme--catppuccin-latte .select:not(.is-multiple):not(.is-loading)::after{border-color:#1e66f5;right:1.125em;z-index:4}html.theme--catppuccin-latte .select.is-rounded select,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}html.theme--catppuccin-latte .select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}html.theme--catppuccin-latte .select select::-ms-expand{display:none}html.theme--catppuccin-latte .select select[disabled]:hover,fieldset[disabled] html.theme--catppuccin-latte .select select:hover{border-color:#e6e9ef}html.theme--catppuccin-latte .select select:not([multiple]){padding-right:2.5em}html.theme--catppuccin-latte .select select[multiple]{height:auto;padding:0}html.theme--catppuccin-latte .select select[multiple] option{padding:0.5em 1em}html.theme--catppuccin-latte .select:not(.is-multiple):not(.is-loading):hover::after{border-color:#04a5e5}html.theme--catppuccin-latte .select.is-white:not(:hover)::after{border-color:#fff}html.theme--catppuccin-latte .select.is-white select{border-color:#fff}html.theme--catppuccin-latte .select.is-white select:hover,html.theme--catppuccin-latte .select.is-white select.is-hovered{border-color:#f2f2f2}html.theme--catppuccin-latte .select.is-white select:focus,html.theme--catppuccin-latte .select.is-white select.is-focused,html.theme--catppuccin-latte .select.is-white select:active,html.theme--catppuccin-latte .select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-latte .select.is-black:not(:hover)::after{border-color:#0a0a0a}html.theme--catppuccin-latte .select.is-black select{border-color:#0a0a0a}html.theme--catppuccin-latte .select.is-black select:hover,html.theme--catppuccin-latte .select.is-black select.is-hovered{border-color:#000}html.theme--catppuccin-latte .select.is-black select:focus,html.theme--catppuccin-latte .select.is-black select.is-focused,html.theme--catppuccin-latte .select.is-black select:active,html.theme--catppuccin-latte .select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-latte .select.is-light:not(:hover)::after{border-color:#f5f5f5}html.theme--catppuccin-latte .select.is-light select{border-color:#f5f5f5}html.theme--catppuccin-latte .select.is-light select:hover,html.theme--catppuccin-latte .select.is-light select.is-hovered{border-color:#e8e8e8}html.theme--catppuccin-latte .select.is-light select:focus,html.theme--catppuccin-latte .select.is-light select.is-focused,html.theme--catppuccin-latte .select.is-light select:active,html.theme--catppuccin-latte .select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-latte .select.is-dark:not(:hover)::after,html.theme--catppuccin-latte .content kbd.select:not(:hover)::after{border-color:#ccd0da}html.theme--catppuccin-latte .select.is-dark select,html.theme--catppuccin-latte .content kbd.select select{border-color:#ccd0da}html.theme--catppuccin-latte .select.is-dark select:hover,html.theme--catppuccin-latte .content kbd.select select:hover,html.theme--catppuccin-latte .select.is-dark select.is-hovered,html.theme--catppuccin-latte .content kbd.select select.is-hovered{border-color:#bdc2cf}html.theme--catppuccin-latte .select.is-dark select:focus,html.theme--catppuccin-latte .content kbd.select select:focus,html.theme--catppuccin-latte .select.is-dark select.is-focused,html.theme--catppuccin-latte .content kbd.select select.is-focused,html.theme--catppuccin-latte .select.is-dark select:active,html.theme--catppuccin-latte .content kbd.select select:active,html.theme--catppuccin-latte .select.is-dark select.is-active,html.theme--catppuccin-latte .content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(204,208,218,0.25)}html.theme--catppuccin-latte .select.is-primary:not(:hover)::after,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#1e66f5}html.theme--catppuccin-latte .select.is-primary select,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select{border-color:#1e66f5}html.theme--catppuccin-latte .select.is-primary select:hover,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select:hover,html.theme--catppuccin-latte .select.is-primary select.is-hovered,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#0b57ef}html.theme--catppuccin-latte .select.is-primary select:focus,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select:focus,html.theme--catppuccin-latte .select.is-primary select.is-focused,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select.is-focused,html.theme--catppuccin-latte .select.is-primary select:active,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select:active,html.theme--catppuccin-latte .select.is-primary select.is-active,html.theme--catppuccin-latte .docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .select.is-link:not(:hover)::after{border-color:#1e66f5}html.theme--catppuccin-latte .select.is-link select{border-color:#1e66f5}html.theme--catppuccin-latte .select.is-link select:hover,html.theme--catppuccin-latte .select.is-link select.is-hovered{border-color:#0b57ef}html.theme--catppuccin-latte .select.is-link select:focus,html.theme--catppuccin-latte .select.is-link select.is-focused,html.theme--catppuccin-latte .select.is-link select:active,html.theme--catppuccin-latte .select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(30,102,245,0.25)}html.theme--catppuccin-latte .select.is-info:not(:hover)::after{border-color:#179299}html.theme--catppuccin-latte .select.is-info select{border-color:#179299}html.theme--catppuccin-latte .select.is-info select:hover,html.theme--catppuccin-latte .select.is-info select.is-hovered{border-color:#147d83}html.theme--catppuccin-latte .select.is-info select:focus,html.theme--catppuccin-latte .select.is-info select.is-focused,html.theme--catppuccin-latte .select.is-info select:active,html.theme--catppuccin-latte .select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(23,146,153,0.25)}html.theme--catppuccin-latte .select.is-success:not(:hover)::after{border-color:#40a02b}html.theme--catppuccin-latte .select.is-success select{border-color:#40a02b}html.theme--catppuccin-latte .select.is-success select:hover,html.theme--catppuccin-latte .select.is-success select.is-hovered{border-color:#388c26}html.theme--catppuccin-latte .select.is-success select:focus,html.theme--catppuccin-latte .select.is-success select.is-focused,html.theme--catppuccin-latte .select.is-success select:active,html.theme--catppuccin-latte .select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(64,160,43,0.25)}html.theme--catppuccin-latte .select.is-warning:not(:hover)::after{border-color:#df8e1d}html.theme--catppuccin-latte .select.is-warning select{border-color:#df8e1d}html.theme--catppuccin-latte .select.is-warning select:hover,html.theme--catppuccin-latte .select.is-warning select.is-hovered{border-color:#c8801a}html.theme--catppuccin-latte .select.is-warning select:focus,html.theme--catppuccin-latte .select.is-warning select.is-focused,html.theme--catppuccin-latte .select.is-warning select:active,html.theme--catppuccin-latte .select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(223,142,29,0.25)}html.theme--catppuccin-latte .select.is-danger:not(:hover)::after{border-color:#d20f39}html.theme--catppuccin-latte .select.is-danger select{border-color:#d20f39}html.theme--catppuccin-latte .select.is-danger select:hover,html.theme--catppuccin-latte .select.is-danger select.is-hovered{border-color:#ba0d33}html.theme--catppuccin-latte .select.is-danger select:focus,html.theme--catppuccin-latte .select.is-danger select.is-focused,html.theme--catppuccin-latte .select.is-danger select:active,html.theme--catppuccin-latte .select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(210,15,57,0.25)}html.theme--catppuccin-latte .select.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.select{border-radius:3px;font-size:.75rem}html.theme--catppuccin-latte .select.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .select.is-large{font-size:1.5rem}html.theme--catppuccin-latte .select.is-disabled::after{border-color:#616587 !important;opacity:0.5}html.theme--catppuccin-latte .select.is-fullwidth{width:100%}html.theme--catppuccin-latte .select.is-fullwidth select{width:100%}html.theme--catppuccin-latte .select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}html.theme--catppuccin-latte .select.is-loading.is-small:after,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-latte .select.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-latte .select.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-latte .file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}html.theme--catppuccin-latte .file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .file.is-white:hover .file-cta,html.theme--catppuccin-latte .file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .file.is-white:focus .file-cta,html.theme--catppuccin-latte .file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}html.theme--catppuccin-latte .file.is-white:active .file-cta,html.theme--catppuccin-latte .file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-latte .file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-black:hover .file-cta,html.theme--catppuccin-latte .file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-black:focus .file-cta,html.theme--catppuccin-latte .file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}html.theme--catppuccin-latte .file.is-black:active .file-cta,html.theme--catppuccin-latte .file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-light .file-cta{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-light:hover .file-cta,html.theme--catppuccin-latte .file.is-light.is-hovered .file-cta{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-light:focus .file-cta,html.theme--catppuccin-latte .file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(245,245,245,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-light:active .file-cta,html.theme--catppuccin-latte .file.is-light.is-active .file-cta{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-dark .file-cta,html.theme--catppuccin-latte .content kbd.file .file-cta{background-color:#ccd0da;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-dark:hover .file-cta,html.theme--catppuccin-latte .content kbd.file:hover .file-cta,html.theme--catppuccin-latte .file.is-dark.is-hovered .file-cta,html.theme--catppuccin-latte .content kbd.file.is-hovered .file-cta{background-color:#c5c9d5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-dark:focus .file-cta,html.theme--catppuccin-latte .content kbd.file:focus .file-cta,html.theme--catppuccin-latte .file.is-dark.is-focused .file-cta,html.theme--catppuccin-latte .content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(204,208,218,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-dark:active .file-cta,html.theme--catppuccin-latte .content kbd.file:active .file-cta,html.theme--catppuccin-latte .file.is-dark.is-active .file-cta,html.theme--catppuccin-latte .content kbd.file.is-active .file-cta{background-color:#bdc2cf;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .file.is-primary .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.docs-sourcelink .file-cta{background-color:#1e66f5;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-primary:hover .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.docs-sourcelink:hover .file-cta,html.theme--catppuccin-latte .file.is-primary.is-hovered .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#125ef4;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-primary:focus .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.docs-sourcelink:focus .file-cta,html.theme--catppuccin-latte .file.is-primary.is-focused .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(30,102,245,0.25);color:#fff}html.theme--catppuccin-latte .file.is-primary:active .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.docs-sourcelink:active .file-cta,html.theme--catppuccin-latte .file.is-primary.is-active .file-cta,html.theme--catppuccin-latte .docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#0b57ef;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-link .file-cta{background-color:#1e66f5;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-link:hover .file-cta,html.theme--catppuccin-latte .file.is-link.is-hovered .file-cta{background-color:#125ef4;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-link:focus .file-cta,html.theme--catppuccin-latte .file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(30,102,245,0.25);color:#fff}html.theme--catppuccin-latte .file.is-link:active .file-cta,html.theme--catppuccin-latte .file.is-link.is-active .file-cta{background-color:#0b57ef;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-info .file-cta{background-color:#179299;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-info:hover .file-cta,html.theme--catppuccin-latte .file.is-info.is-hovered .file-cta{background-color:#15878e;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-info:focus .file-cta,html.theme--catppuccin-latte .file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(23,146,153,0.25);color:#fff}html.theme--catppuccin-latte .file.is-info:active .file-cta,html.theme--catppuccin-latte .file.is-info.is-active .file-cta{background-color:#147d83;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-success .file-cta{background-color:#40a02b;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-success:hover .file-cta,html.theme--catppuccin-latte .file.is-success.is-hovered .file-cta{background-color:#3c9628;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-success:focus .file-cta,html.theme--catppuccin-latte .file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(64,160,43,0.25);color:#fff}html.theme--catppuccin-latte .file.is-success:active .file-cta,html.theme--catppuccin-latte .file.is-success.is-active .file-cta{background-color:#388c26;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-warning .file-cta{background-color:#df8e1d;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-warning:hover .file-cta,html.theme--catppuccin-latte .file.is-warning.is-hovered .file-cta{background-color:#d4871c;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-warning:focus .file-cta,html.theme--catppuccin-latte .file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(223,142,29,0.25);color:#fff}html.theme--catppuccin-latte .file.is-warning:active .file-cta,html.theme--catppuccin-latte .file.is-warning.is-active .file-cta{background-color:#c8801a;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-danger .file-cta{background-color:#d20f39;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-danger:hover .file-cta,html.theme--catppuccin-latte .file.is-danger.is-hovered .file-cta{background-color:#c60e36;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-danger:focus .file-cta,html.theme--catppuccin-latte .file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(210,15,57,0.25);color:#fff}html.theme--catppuccin-latte .file.is-danger:active .file-cta,html.theme--catppuccin-latte .file.is-danger.is-active .file-cta{background-color:#ba0d33;border-color:transparent;color:#fff}html.theme--catppuccin-latte .file.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}html.theme--catppuccin-latte .file.is-normal{font-size:1rem}html.theme--catppuccin-latte .file.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .file.is-medium .file-icon .fa{font-size:21px}html.theme--catppuccin-latte .file.is-large{font-size:1.5rem}html.theme--catppuccin-latte .file.is-large .file-icon .fa{font-size:28px}html.theme--catppuccin-latte .file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-latte .file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-latte .file.has-name.is-empty .file-cta{border-radius:.4em}html.theme--catppuccin-latte .file.has-name.is-empty .file-name{display:none}html.theme--catppuccin-latte .file.is-boxed .file-label{flex-direction:column}html.theme--catppuccin-latte .file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}html.theme--catppuccin-latte .file.is-boxed .file-name{border-width:0 1px 1px}html.theme--catppuccin-latte .file.is-boxed .file-icon{height:1.5em;width:1.5em}html.theme--catppuccin-latte .file.is-boxed .file-icon .fa{font-size:21px}html.theme--catppuccin-latte .file.is-boxed.is-small .file-icon .fa,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}html.theme--catppuccin-latte .file.is-boxed.is-medium .file-icon .fa{font-size:28px}html.theme--catppuccin-latte .file.is-boxed.is-large .file-icon .fa{font-size:35px}html.theme--catppuccin-latte .file.is-boxed.has-name .file-cta{border-radius:.4em .4em 0 0}html.theme--catppuccin-latte .file.is-boxed.has-name .file-name{border-radius:0 0 .4em .4em;border-width:0 1px 1px}html.theme--catppuccin-latte .file.is-centered{justify-content:center}html.theme--catppuccin-latte .file.is-fullwidth .file-label{width:100%}html.theme--catppuccin-latte .file.is-fullwidth .file-name{flex-grow:1;max-width:none}html.theme--catppuccin-latte .file.is-right{justify-content:flex-end}html.theme--catppuccin-latte .file.is-right .file-cta{border-radius:0 .4em .4em 0}html.theme--catppuccin-latte .file.is-right .file-name{border-radius:.4em 0 0 .4em;border-width:1px 0 1px 1px;order:-1}html.theme--catppuccin-latte .file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}html.theme--catppuccin-latte .file-label:hover .file-cta{background-color:#c5c9d5;color:#41445a}html.theme--catppuccin-latte .file-label:hover .file-name{border-color:#a5a9b8}html.theme--catppuccin-latte .file-label:active .file-cta{background-color:#bdc2cf;color:#41445a}html.theme--catppuccin-latte .file-label:active .file-name{border-color:#9ea2b3}html.theme--catppuccin-latte .file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}html.theme--catppuccin-latte .file-cta,html.theme--catppuccin-latte .file-name{border-color:#acb0be;border-radius:.4em;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}html.theme--catppuccin-latte .file-cta{background-color:#ccd0da;color:#4c4f69}html.theme--catppuccin-latte .file-name{border-color:#acb0be;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}html.theme--catppuccin-latte .file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}html.theme--catppuccin-latte .file-icon .fa{font-size:14px}html.theme--catppuccin-latte .label{color:#41445a;display:block;font-size:1rem;font-weight:700}html.theme--catppuccin-latte .label:not(:last-child){margin-bottom:0.5em}html.theme--catppuccin-latte .label.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}html.theme--catppuccin-latte .label.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .label.is-large{font-size:1.5rem}html.theme--catppuccin-latte .help{display:block;font-size:.75rem;margin-top:0.25rem}html.theme--catppuccin-latte .help.is-white{color:#fff}html.theme--catppuccin-latte .help.is-black{color:#0a0a0a}html.theme--catppuccin-latte .help.is-light{color:#f5f5f5}html.theme--catppuccin-latte .help.is-dark,html.theme--catppuccin-latte .content kbd.help{color:#ccd0da}html.theme--catppuccin-latte .help.is-primary,html.theme--catppuccin-latte .docstring>section>a.help.docs-sourcelink{color:#1e66f5}html.theme--catppuccin-latte .help.is-link{color:#1e66f5}html.theme--catppuccin-latte .help.is-info{color:#179299}html.theme--catppuccin-latte .help.is-success{color:#40a02b}html.theme--catppuccin-latte .help.is-warning{color:#df8e1d}html.theme--catppuccin-latte .help.is-danger{color:#d20f39}html.theme--catppuccin-latte .field:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-latte .field.has-addons{display:flex;justify-content:flex-start}html.theme--catppuccin-latte .field.has-addons .control:not(:last-child){margin-right:-1px}html.theme--catppuccin-latte .field.has-addons .control:not(:first-child):not(:last-child) .button,html.theme--catppuccin-latte .field.has-addons .control:not(:first-child):not(:last-child) .input,html.theme--catppuccin-latte .field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,html.theme--catppuccin-latte .field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}html.theme--catppuccin-latte .field.has-addons .control:first-child:not(:only-child) .button,html.theme--catppuccin-latte .field.has-addons .control:first-child:not(:only-child) .input,html.theme--catppuccin-latte .field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-latte .field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-latte .field.has-addons .control:last-child:not(:only-child) .button,html.theme--catppuccin-latte .field.has-addons .control:last-child:not(:only-child) .input,html.theme--catppuccin-latte .field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-latte .field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-latte .field.has-addons .control .button:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .button.is-hovered:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .input:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .input.is-hovered:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .select select:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}html.theme--catppuccin-latte .field.has-addons .control .button:not([disabled]):focus,html.theme--catppuccin-latte .field.has-addons .control .button.is-focused:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .button:not([disabled]):active,html.theme--catppuccin-latte .field.has-addons .control .button.is-active:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .input:not([disabled]):focus,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-latte .field.has-addons .control .input.is-focused:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .input:not([disabled]):active,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,html.theme--catppuccin-latte .field.has-addons .control .input.is-active:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .select select:not([disabled]):focus,html.theme--catppuccin-latte .field.has-addons .control .select select.is-focused:not([disabled]),html.theme--catppuccin-latte .field.has-addons .control .select select:not([disabled]):active,html.theme--catppuccin-latte .field.has-addons .control .select select.is-active:not([disabled]){z-index:3}html.theme--catppuccin-latte .field.has-addons .control .button:not([disabled]):focus:hover,html.theme--catppuccin-latte .field.has-addons .control .button.is-focused:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .button:not([disabled]):active:hover,html.theme--catppuccin-latte .field.has-addons .control .button.is-active:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .input:not([disabled]):focus:hover,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-latte .field.has-addons .control .input.is-focused:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .input:not([disabled]):active:hover,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-latte .field.has-addons .control .input.is-active:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-latte #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .select select:not([disabled]):focus:hover,html.theme--catppuccin-latte .field.has-addons .control .select select.is-focused:not([disabled]):hover,html.theme--catppuccin-latte .field.has-addons .control .select select:not([disabled]):active:hover,html.theme--catppuccin-latte .field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}html.theme--catppuccin-latte .field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .field.has-addons.has-addons-centered{justify-content:center}html.theme--catppuccin-latte .field.has-addons.has-addons-right{justify-content:flex-end}html.theme--catppuccin-latte .field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}html.theme--catppuccin-latte .field.is-grouped{display:flex;justify-content:flex-start}html.theme--catppuccin-latte .field.is-grouped>.control{flex-shrink:0}html.theme--catppuccin-latte .field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-latte .field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .field.is-grouped.is-grouped-centered{justify-content:center}html.theme--catppuccin-latte .field.is-grouped.is-grouped-right{justify-content:flex-end}html.theme--catppuccin-latte .field.is-grouped.is-grouped-multiline{flex-wrap:wrap}html.theme--catppuccin-latte .field.is-grouped.is-grouped-multiline>.control:last-child,html.theme--catppuccin-latte .field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-latte .field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}html.theme--catppuccin-latte .field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .field.is-horizontal{display:flex}}html.theme--catppuccin-latte .field-label .label{font-size:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-latte .field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}html.theme--catppuccin-latte .field-label.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}html.theme--catppuccin-latte .field-label.is-normal{padding-top:0.375em}html.theme--catppuccin-latte .field-label.is-medium{font-size:1.25rem;padding-top:0.375em}html.theme--catppuccin-latte .field-label.is-large{font-size:1.5rem;padding-top:0.375em}}html.theme--catppuccin-latte .field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}html.theme--catppuccin-latte .field-body .field{margin-bottom:0}html.theme--catppuccin-latte .field-body>.field{flex-shrink:1}html.theme--catppuccin-latte .field-body>.field:not(.is-narrow){flex-grow:1}html.theme--catppuccin-latte .field-body>.field:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-latte .control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}html.theme--catppuccin-latte .control.has-icons-left .input:focus~.icon,html.theme--catppuccin-latte .control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,html.theme--catppuccin-latte .control.has-icons-left .select:focus~.icon,html.theme--catppuccin-latte .control.has-icons-right .input:focus~.icon,html.theme--catppuccin-latte .control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,html.theme--catppuccin-latte .control.has-icons-right .select:focus~.icon{color:#ccd0da}html.theme--catppuccin-latte .control.has-icons-left .input.is-small~.icon,html.theme--catppuccin-latte .control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,html.theme--catppuccin-latte .control.has-icons-left .select.is-small~.icon,html.theme--catppuccin-latte .control.has-icons-right .input.is-small~.icon,html.theme--catppuccin-latte .control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,html.theme--catppuccin-latte .control.has-icons-right .select.is-small~.icon{font-size:.75rem}html.theme--catppuccin-latte .control.has-icons-left .input.is-medium~.icon,html.theme--catppuccin-latte .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,html.theme--catppuccin-latte .control.has-icons-left .select.is-medium~.icon,html.theme--catppuccin-latte .control.has-icons-right .input.is-medium~.icon,html.theme--catppuccin-latte .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,html.theme--catppuccin-latte .control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}html.theme--catppuccin-latte .control.has-icons-left .input.is-large~.icon,html.theme--catppuccin-latte .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,html.theme--catppuccin-latte .control.has-icons-left .select.is-large~.icon,html.theme--catppuccin-latte .control.has-icons-right .input.is-large~.icon,html.theme--catppuccin-latte .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,html.theme--catppuccin-latte .control.has-icons-right .select.is-large~.icon{font-size:1.5rem}html.theme--catppuccin-latte .control.has-icons-left .icon,html.theme--catppuccin-latte .control.has-icons-right .icon{color:#acb0be;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}html.theme--catppuccin-latte .control.has-icons-left .input,html.theme--catppuccin-latte .control.has-icons-left #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-left form.docs-search>input,html.theme--catppuccin-latte .control.has-icons-left .select select{padding-left:2.5em}html.theme--catppuccin-latte .control.has-icons-left .icon.is-left{left:0}html.theme--catppuccin-latte .control.has-icons-right .input,html.theme--catppuccin-latte .control.has-icons-right #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte #documenter .docs-sidebar .control.has-icons-right form.docs-search>input,html.theme--catppuccin-latte .control.has-icons-right .select select{padding-right:2.5em}html.theme--catppuccin-latte .control.has-icons-right .icon.is-right{right:0}html.theme--catppuccin-latte .control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}html.theme--catppuccin-latte .control.is-loading.is-small:after,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-latte .control.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-latte .control.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-latte .breadcrumb{font-size:1rem;white-space:nowrap}html.theme--catppuccin-latte .breadcrumb a{align-items:center;color:#1e66f5;display:flex;justify-content:center;padding:0 .75em}html.theme--catppuccin-latte .breadcrumb a:hover{color:#04a5e5}html.theme--catppuccin-latte .breadcrumb li{align-items:center;display:flex}html.theme--catppuccin-latte .breadcrumb li:first-child a{padding-left:0}html.theme--catppuccin-latte .breadcrumb li.is-active a{color:#41445a;cursor:default;pointer-events:none}html.theme--catppuccin-latte .breadcrumb li+li::before{color:#9ca0b0;content:"\0002f"}html.theme--catppuccin-latte .breadcrumb ul,html.theme--catppuccin-latte .breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-latte .breadcrumb .icon:first-child{margin-right:.5em}html.theme--catppuccin-latte .breadcrumb .icon:last-child{margin-left:.5em}html.theme--catppuccin-latte .breadcrumb.is-centered ol,html.theme--catppuccin-latte .breadcrumb.is-centered ul{justify-content:center}html.theme--catppuccin-latte .breadcrumb.is-right ol,html.theme--catppuccin-latte .breadcrumb.is-right ul{justify-content:flex-end}html.theme--catppuccin-latte .breadcrumb.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}html.theme--catppuccin-latte .breadcrumb.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .breadcrumb.is-large{font-size:1.5rem}html.theme--catppuccin-latte .breadcrumb.has-arrow-separator li+li::before{content:"\02192"}html.theme--catppuccin-latte .breadcrumb.has-bullet-separator li+li::before{content:"\02022"}html.theme--catppuccin-latte .breadcrumb.has-dot-separator li+li::before{content:"\000b7"}html.theme--catppuccin-latte .breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}html.theme--catppuccin-latte .card{background-color:#fff;border-radius:.25rem;box-shadow:#171717;color:#4c4f69;max-width:100%;position:relative}html.theme--catppuccin-latte .card-footer:first-child,html.theme--catppuccin-latte .card-content:first-child,html.theme--catppuccin-latte .card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-latte .card-footer:last-child,html.theme--catppuccin-latte .card-content:last-child,html.theme--catppuccin-latte .card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-latte .card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}html.theme--catppuccin-latte .card-header-title{align-items:center;color:#41445a;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}html.theme--catppuccin-latte .card-header-title.is-centered{justify-content:center}html.theme--catppuccin-latte .card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}html.theme--catppuccin-latte .card-image{display:block;position:relative}html.theme--catppuccin-latte .card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-latte .card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-latte .card-content{background-color:rgba(0,0,0,0);padding:1.5rem}html.theme--catppuccin-latte .card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}html.theme--catppuccin-latte .card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}html.theme--catppuccin-latte .card-footer-item:not(:last-child){border-right:1px solid #ededed}html.theme--catppuccin-latte .card .media:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-latte .dropdown{display:inline-flex;position:relative;vertical-align:top}html.theme--catppuccin-latte .dropdown.is-active .dropdown-menu,html.theme--catppuccin-latte .dropdown.is-hoverable:hover .dropdown-menu{display:block}html.theme--catppuccin-latte .dropdown.is-right .dropdown-menu{left:auto;right:0}html.theme--catppuccin-latte .dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}html.theme--catppuccin-latte .dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}html.theme--catppuccin-latte .dropdown-content{background-color:#e6e9ef;border-radius:.4em;box-shadow:#171717;padding-bottom:.5rem;padding-top:.5rem}html.theme--catppuccin-latte .dropdown-item{color:#4c4f69;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}html.theme--catppuccin-latte a.dropdown-item,html.theme--catppuccin-latte button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}html.theme--catppuccin-latte a.dropdown-item:hover,html.theme--catppuccin-latte button.dropdown-item:hover{background-color:#e6e9ef;color:#0a0a0a}html.theme--catppuccin-latte a.dropdown-item.is-active,html.theme--catppuccin-latte button.dropdown-item.is-active{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}html.theme--catppuccin-latte .level{align-items:center;justify-content:space-between}html.theme--catppuccin-latte .level code{border-radius:.4em}html.theme--catppuccin-latte .level img{display:inline-block;vertical-align:top}html.theme--catppuccin-latte .level.is-mobile{display:flex}html.theme--catppuccin-latte .level.is-mobile .level-left,html.theme--catppuccin-latte .level.is-mobile .level-right{display:flex}html.theme--catppuccin-latte .level.is-mobile .level-left+.level-right{margin-top:0}html.theme--catppuccin-latte .level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-latte .level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .level{display:flex}html.theme--catppuccin-latte .level>.level-item:not(.is-narrow){flex-grow:1}}html.theme--catppuccin-latte .level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}html.theme--catppuccin-latte .level-item .title,html.theme--catppuccin-latte .level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){html.theme--catppuccin-latte .level-item:not(:last-child){margin-bottom:.75rem}}html.theme--catppuccin-latte .level-left,html.theme--catppuccin-latte .level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-latte .level-left .level-item.is-flexible,html.theme--catppuccin-latte .level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .level-left .level-item:not(:last-child),html.theme--catppuccin-latte .level-right .level-item:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-latte .level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){html.theme--catppuccin-latte .level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .level-left{display:flex}}html.theme--catppuccin-latte .level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .level-right{display:flex}}html.theme--catppuccin-latte .media{align-items:flex-start;display:flex;text-align:inherit}html.theme--catppuccin-latte .media .content:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-latte .media .media{border-top:1px solid rgba(172,176,190,0.5);display:flex;padding-top:.75rem}html.theme--catppuccin-latte .media .media .content:not(:last-child),html.theme--catppuccin-latte .media .media .control:not(:last-child){margin-bottom:.5rem}html.theme--catppuccin-latte .media .media .media{padding-top:.5rem}html.theme--catppuccin-latte .media .media .media+.media{margin-top:.5rem}html.theme--catppuccin-latte .media+.media{border-top:1px solid rgba(172,176,190,0.5);margin-top:1rem;padding-top:1rem}html.theme--catppuccin-latte .media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}html.theme--catppuccin-latte .media-left,html.theme--catppuccin-latte .media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-latte .media-left{margin-right:1rem}html.theme--catppuccin-latte .media-right{margin-left:1rem}html.theme--catppuccin-latte .media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-latte .media-content{overflow-x:auto}}html.theme--catppuccin-latte .menu{font-size:1rem}html.theme--catppuccin-latte .menu.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}html.theme--catppuccin-latte .menu.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .menu.is-large{font-size:1.5rem}html.theme--catppuccin-latte .menu-list{line-height:1.25}html.theme--catppuccin-latte .menu-list a{border-radius:3px;color:#4c4f69;display:block;padding:0.5em 0.75em}html.theme--catppuccin-latte .menu-list a:hover{background-color:#e6e9ef;color:#41445a}html.theme--catppuccin-latte .menu-list a.is-active{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .menu-list li ul{border-left:1px solid #acb0be;margin:.75em;padding-left:.75em}html.theme--catppuccin-latte .menu-label{color:#616587;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}html.theme--catppuccin-latte .menu-label:not(:first-child){margin-top:1em}html.theme--catppuccin-latte .menu-label:not(:last-child){margin-bottom:1em}html.theme--catppuccin-latte .message{background-color:#e6e9ef;border-radius:.4em;font-size:1rem}html.theme--catppuccin-latte .message strong{color:currentColor}html.theme--catppuccin-latte .message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-latte .message.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}html.theme--catppuccin-latte .message.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .message.is-large{font-size:1.5rem}html.theme--catppuccin-latte .message.is-white{background-color:#fff}html.theme--catppuccin-latte .message.is-white .message-header{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .message.is-white .message-body{border-color:#fff}html.theme--catppuccin-latte .message.is-black{background-color:#fafafa}html.theme--catppuccin-latte .message.is-black .message-header{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .message.is-black .message-body{border-color:#0a0a0a}html.theme--catppuccin-latte .message.is-light{background-color:#fafafa}html.theme--catppuccin-latte .message.is-light .message-header{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .message.is-light .message-body{border-color:#f5f5f5}html.theme--catppuccin-latte .message.is-dark,html.theme--catppuccin-latte .content kbd.message{background-color:#f9fafb}html.theme--catppuccin-latte .message.is-dark .message-header,html.theme--catppuccin-latte .content kbd.message .message-header{background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .message.is-dark .message-body,html.theme--catppuccin-latte .content kbd.message .message-body{border-color:#ccd0da}html.theme--catppuccin-latte .message.is-primary,html.theme--catppuccin-latte .docstring>section>a.message.docs-sourcelink{background-color:#ebf2fe}html.theme--catppuccin-latte .message.is-primary .message-header,html.theme--catppuccin-latte .docstring>section>a.message.docs-sourcelink .message-header{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .message.is-primary .message-body,html.theme--catppuccin-latte .docstring>section>a.message.docs-sourcelink .message-body{border-color:#1e66f5;color:#0a52e1}html.theme--catppuccin-latte .message.is-link{background-color:#ebf2fe}html.theme--catppuccin-latte .message.is-link .message-header{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .message.is-link .message-body{border-color:#1e66f5;color:#0a52e1}html.theme--catppuccin-latte .message.is-info{background-color:#edfcfc}html.theme--catppuccin-latte .message.is-info .message-header{background-color:#179299;color:#fff}html.theme--catppuccin-latte .message.is-info .message-body{border-color:#179299;color:#1cb2ba}html.theme--catppuccin-latte .message.is-success{background-color:#f1fbef}html.theme--catppuccin-latte .message.is-success .message-header{background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .message.is-success .message-body{border-color:#40a02b;color:#40a12b}html.theme--catppuccin-latte .message.is-warning{background-color:#fdf6ed}html.theme--catppuccin-latte .message.is-warning .message-header{background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .message.is-warning .message-body{border-color:#df8e1d;color:#9e6515}html.theme--catppuccin-latte .message.is-danger{background-color:#feecf0}html.theme--catppuccin-latte .message.is-danger .message-header{background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .message.is-danger .message-body{border-color:#d20f39;color:#e9113f}html.theme--catppuccin-latte .message-header{align-items:center;background-color:#4c4f69;border-radius:.4em .4em 0 0;color:#fff;display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}html.theme--catppuccin-latte .message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}html.theme--catppuccin-latte .message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}html.theme--catppuccin-latte .message-body{border-color:#acb0be;border-radius:.4em;border-style:solid;border-width:0 0 0 4px;color:#4c4f69;padding:1.25em 1.5em}html.theme--catppuccin-latte .message-body code,html.theme--catppuccin-latte .message-body pre{background-color:#fff}html.theme--catppuccin-latte .message-body pre code{background-color:rgba(0,0,0,0)}html.theme--catppuccin-latte .modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}html.theme--catppuccin-latte .modal.is-active{display:flex}html.theme--catppuccin-latte .modal-background{background-color:rgba(10,10,10,0.86)}html.theme--catppuccin-latte .modal-content,html.theme--catppuccin-latte .modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){html.theme--catppuccin-latte .modal-content,html.theme--catppuccin-latte .modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}html.theme--catppuccin-latte .modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}html.theme--catppuccin-latte .modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}html.theme--catppuccin-latte .modal-card-head,html.theme--catppuccin-latte .modal-card-foot{align-items:center;background-color:#e6e9ef;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}html.theme--catppuccin-latte .modal-card-head{border-bottom:1px solid #acb0be;border-top-left-radius:8px;border-top-right-radius:8px}html.theme--catppuccin-latte .modal-card-title{color:#4c4f69;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}html.theme--catppuccin-latte .modal-card-foot{border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid #acb0be}html.theme--catppuccin-latte .modal-card-foot .button:not(:last-child){margin-right:.5em}html.theme--catppuccin-latte .modal-card-body{-webkit-overflow-scrolling:touch;background-color:#eff1f5;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}html.theme--catppuccin-latte .navbar{background-color:#1e66f5;min-height:4rem;position:relative;z-index:30}html.theme--catppuccin-latte .navbar.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-white .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-white .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-white .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-white .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-white .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-white .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-white .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-white .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-latte .navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}html.theme--catppuccin-latte .navbar.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-black .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-black .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-black .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-black .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-black .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-black .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-black .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-black .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-black .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-black .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}html.theme--catppuccin-latte .navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}html.theme--catppuccin-latte .navbar.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-light .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-light .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-light .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-light .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-light .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-light .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-light .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-light .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-light .navbar-end .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-latte .navbar.is-dark,html.theme--catppuccin-latte .content kbd.navbar{background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-brand>.navbar-item,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-brand .navbar-link.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#bdc2cf;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-brand .navbar-link::after,html.theme--catppuccin-latte .content kbd.navbar .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-burger,html.theme--catppuccin-latte .content kbd.navbar .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-dark .navbar-start>.navbar-item,html.theme--catppuccin-latte .content kbd.navbar .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-dark .navbar-start .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-dark .navbar-end>.navbar-item,html.theme--catppuccin-latte .content kbd.navbar .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-dark .navbar-end .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-dark .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-dark .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-dark .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .content kbd.navbar .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-dark .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .content kbd.navbar .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-dark .navbar-end .navbar-link.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#bdc2cf;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-start .navbar-link::after,html.theme--catppuccin-latte .content kbd.navbar .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-dark .navbar-end .navbar-link::after,html.theme--catppuccin-latte .content kbd.navbar .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-latte .content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#bdc2cf;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .navbar.is-dark .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-latte .content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#ccd0da;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-latte .navbar.is-primary,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-brand>.navbar-item,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-brand .navbar-link.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-brand .navbar-link::after,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-burger,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-primary .navbar-start>.navbar-item,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-primary .navbar-start .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-primary .navbar-end>.navbar-item,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-primary .navbar-end .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-primary .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-primary .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-primary .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-primary .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-primary .navbar-end .navbar-link.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-start .navbar-link::after,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-primary .navbar-end .navbar-link::after,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#1e66f5;color:#fff}}html.theme--catppuccin-latte .navbar.is-link{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-link .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-link .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-link .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-link .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-link .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-link .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-link .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-link .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-link .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-link .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-link .navbar-end .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#1e66f5;color:#fff}}html.theme--catppuccin-latte .navbar.is-info{background-color:#179299;color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-info .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-info .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#147d83;color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-info .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-info .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-info .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-info .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-info .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-info .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-info .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-info .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-info .navbar-end .navbar-link.is-active{background-color:#147d83;color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-info .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#147d83;color:#fff}html.theme--catppuccin-latte .navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#179299;color:#fff}}html.theme--catppuccin-latte .navbar.is-success{background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-success .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-success .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#388c26;color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-success .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-success .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-success .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-success .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-success .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-success .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-success .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-success .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-success .navbar-end .navbar-link.is-active{background-color:#388c26;color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-success .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#388c26;color:#fff}html.theme--catppuccin-latte .navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#40a02b;color:#fff}}html.theme--catppuccin-latte .navbar.is-warning{background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#c8801a;color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-warning .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-warning .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-warning .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-warning .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-warning .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-warning .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-warning .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-warning .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#c8801a;color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-warning .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#c8801a;color:#fff}html.theme--catppuccin-latte .navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#df8e1d;color:#fff}}html.theme--catppuccin-latte .navbar.is-danger{background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-brand>.navbar-item,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#ba0d33;color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar.is-danger .navbar-start>.navbar-item,html.theme--catppuccin-latte .navbar.is-danger .navbar-start .navbar-link,html.theme--catppuccin-latte .navbar.is-danger .navbar-end>.navbar-item,html.theme--catppuccin-latte .navbar.is-danger .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-start>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-start>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-danger .navbar-start .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-start .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-start .navbar-link.is-active,html.theme--catppuccin-latte .navbar.is-danger .navbar-end>a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-end>a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-danger .navbar-end .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-danger .navbar-end .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#ba0d33;color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-start .navbar-link::after,html.theme--catppuccin-latte .navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#ba0d33;color:#fff}html.theme--catppuccin-latte .navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#d20f39;color:#fff}}html.theme--catppuccin-latte .navbar>.container{align-items:stretch;display:flex;min-height:4rem;width:100%}html.theme--catppuccin-latte .navbar.has-shadow{box-shadow:0 2px 0 0 #e6e9ef}html.theme--catppuccin-latte .navbar.is-fixed-bottom,html.theme--catppuccin-latte .navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-latte .navbar.is-fixed-bottom{bottom:0}html.theme--catppuccin-latte .navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #e6e9ef}html.theme--catppuccin-latte .navbar.is-fixed-top{top:0}html.theme--catppuccin-latte html.has-navbar-fixed-top,html.theme--catppuccin-latte body.has-navbar-fixed-top{padding-top:4rem}html.theme--catppuccin-latte html.has-navbar-fixed-bottom,html.theme--catppuccin-latte body.has-navbar-fixed-bottom{padding-bottom:4rem}html.theme--catppuccin-latte .navbar-brand,html.theme--catppuccin-latte .navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:4rem}html.theme--catppuccin-latte .navbar-brand a.navbar-item:focus,html.theme--catppuccin-latte .navbar-brand a.navbar-item:hover{background-color:transparent}html.theme--catppuccin-latte .navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}html.theme--catppuccin-latte .navbar-burger{color:#4c4f69;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:4rem;position:relative;width:4rem;margin-left:auto}html.theme--catppuccin-latte .navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}html.theme--catppuccin-latte .navbar-burger span:nth-child(1){top:calc(50% - 6px)}html.theme--catppuccin-latte .navbar-burger span:nth-child(2){top:calc(50% - 1px)}html.theme--catppuccin-latte .navbar-burger span:nth-child(3){top:calc(50% + 4px)}html.theme--catppuccin-latte .navbar-burger:hover{background-color:rgba(0,0,0,0.05)}html.theme--catppuccin-latte .navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}html.theme--catppuccin-latte .navbar-burger.is-active span:nth-child(2){opacity:0}html.theme--catppuccin-latte .navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}html.theme--catppuccin-latte .navbar-menu{display:none}html.theme--catppuccin-latte .navbar-item,html.theme--catppuccin-latte .navbar-link{color:#4c4f69;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}html.theme--catppuccin-latte .navbar-item .icon:only-child,html.theme--catppuccin-latte .navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}html.theme--catppuccin-latte a.navbar-item,html.theme--catppuccin-latte .navbar-link{cursor:pointer}html.theme--catppuccin-latte a.navbar-item:focus,html.theme--catppuccin-latte a.navbar-item:focus-within,html.theme--catppuccin-latte a.navbar-item:hover,html.theme--catppuccin-latte a.navbar-item.is-active,html.theme--catppuccin-latte .navbar-link:focus,html.theme--catppuccin-latte .navbar-link:focus-within,html.theme--catppuccin-latte .navbar-link:hover,html.theme--catppuccin-latte .navbar-link.is-active{background-color:rgba(0,0,0,0);color:#1e66f5}html.theme--catppuccin-latte .navbar-item{flex-grow:0;flex-shrink:0}html.theme--catppuccin-latte .navbar-item img{max-height:1.75rem}html.theme--catppuccin-latte .navbar-item.has-dropdown{padding:0}html.theme--catppuccin-latte .navbar-item.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .navbar-item.is-tab{border-bottom:1px solid transparent;min-height:4rem;padding-bottom:calc(0.5rem - 1px)}html.theme--catppuccin-latte .navbar-item.is-tab:focus,html.theme--catppuccin-latte .navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#1e66f5}html.theme--catppuccin-latte .navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#1e66f5;border-bottom-style:solid;border-bottom-width:3px;color:#1e66f5;padding-bottom:calc(0.5rem - 3px)}html.theme--catppuccin-latte .navbar-content{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .navbar-link:not(.is-arrowless){padding-right:2.5em}html.theme--catppuccin-latte .navbar-link:not(.is-arrowless)::after{border-color:#fff;margin-top:-0.375em;right:1.125em}html.theme--catppuccin-latte .navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}html.theme--catppuccin-latte .navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}html.theme--catppuccin-latte .navbar-divider{background-color:rgba(0,0,0,0.2);border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .navbar>.container{display:block}html.theme--catppuccin-latte .navbar-brand .navbar-item,html.theme--catppuccin-latte .navbar-tabs .navbar-item{align-items:center;display:flex}html.theme--catppuccin-latte .navbar-link::after{display:none}html.theme--catppuccin-latte .navbar-menu{background-color:#1e66f5;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}html.theme--catppuccin-latte .navbar-menu.is-active{display:block}html.theme--catppuccin-latte .navbar.is-fixed-bottom-touch,html.theme--catppuccin-latte .navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-latte .navbar.is-fixed-bottom-touch{bottom:0}html.theme--catppuccin-latte .navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-latte .navbar.is-fixed-top-touch{top:0}html.theme--catppuccin-latte .navbar.is-fixed-top .navbar-menu,html.theme--catppuccin-latte .navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 4rem);overflow:auto}html.theme--catppuccin-latte html.has-navbar-fixed-top-touch,html.theme--catppuccin-latte body.has-navbar-fixed-top-touch{padding-top:4rem}html.theme--catppuccin-latte html.has-navbar-fixed-bottom-touch,html.theme--catppuccin-latte body.has-navbar-fixed-bottom-touch{padding-bottom:4rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .navbar,html.theme--catppuccin-latte .navbar-menu,html.theme--catppuccin-latte .navbar-start,html.theme--catppuccin-latte .navbar-end{align-items:stretch;display:flex}html.theme--catppuccin-latte .navbar{min-height:4rem}html.theme--catppuccin-latte .navbar.is-spaced{padding:1rem 2rem}html.theme--catppuccin-latte .navbar.is-spaced .navbar-start,html.theme--catppuccin-latte .navbar.is-spaced .navbar-end{align-items:center}html.theme--catppuccin-latte .navbar.is-spaced a.navbar-item,html.theme--catppuccin-latte .navbar.is-spaced .navbar-link{border-radius:.4em}html.theme--catppuccin-latte .navbar.is-transparent a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-transparent a.navbar-item:hover,html.theme--catppuccin-latte .navbar.is-transparent a.navbar-item.is-active,html.theme--catppuccin-latte .navbar.is-transparent .navbar-link:focus,html.theme--catppuccin-latte .navbar.is-transparent .navbar-link:hover,html.theme--catppuccin-latte .navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}html.theme--catppuccin-latte .navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-latte .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,html.theme--catppuccin-latte .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,html.theme--catppuccin-latte .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}html.theme--catppuccin-latte .navbar.is-transparent .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-latte .navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#8c8fa1}html.theme--catppuccin-latte .navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#1e66f5}html.theme--catppuccin-latte .navbar-burger{display:none}html.theme--catppuccin-latte .navbar-item,html.theme--catppuccin-latte .navbar-link{align-items:center;display:flex}html.theme--catppuccin-latte .navbar-item.has-dropdown{align-items:stretch}html.theme--catppuccin-latte .navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}html.theme--catppuccin-latte .navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:1px solid rgba(0,0,0,0.2);border-radius:8px 8px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}html.theme--catppuccin-latte .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced html.theme--catppuccin-latte .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-latte .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-latte .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-latte .navbar-item.is-hoverable:hover .navbar-dropdown,html.theme--catppuccin-latte .navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}html.theme--catppuccin-latte .navbar-menu{flex-grow:1;flex-shrink:0}html.theme--catppuccin-latte .navbar-start{justify-content:flex-start;margin-right:auto}html.theme--catppuccin-latte .navbar-end{justify-content:flex-end;margin-left:auto}html.theme--catppuccin-latte .navbar-dropdown{background-color:#1e66f5;border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid rgba(0,0,0,0.2);box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}html.theme--catppuccin-latte .navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}html.theme--catppuccin-latte .navbar-dropdown a.navbar-item{padding-right:3rem}html.theme--catppuccin-latte .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-latte .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#8c8fa1}html.theme--catppuccin-latte .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#1e66f5}.navbar.is-spaced html.theme--catppuccin-latte .navbar-dropdown,html.theme--catppuccin-latte .navbar-dropdown.is-boxed{border-radius:8px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}html.theme--catppuccin-latte .navbar-dropdown.is-right{left:auto;right:0}html.theme--catppuccin-latte .navbar-divider{display:block}html.theme--catppuccin-latte .navbar>.container .navbar-brand,html.theme--catppuccin-latte .container>.navbar .navbar-brand{margin-left:-.75rem}html.theme--catppuccin-latte .navbar>.container .navbar-menu,html.theme--catppuccin-latte .container>.navbar .navbar-menu{margin-right:-.75rem}html.theme--catppuccin-latte .navbar.is-fixed-bottom-desktop,html.theme--catppuccin-latte .navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-latte .navbar.is-fixed-bottom-desktop{bottom:0}html.theme--catppuccin-latte .navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-latte .navbar.is-fixed-top-desktop{top:0}html.theme--catppuccin-latte html.has-navbar-fixed-top-desktop,html.theme--catppuccin-latte body.has-navbar-fixed-top-desktop{padding-top:4rem}html.theme--catppuccin-latte html.has-navbar-fixed-bottom-desktop,html.theme--catppuccin-latte body.has-navbar-fixed-bottom-desktop{padding-bottom:4rem}html.theme--catppuccin-latte html.has-spaced-navbar-fixed-top,html.theme--catppuccin-latte body.has-spaced-navbar-fixed-top{padding-top:6rem}html.theme--catppuccin-latte html.has-spaced-navbar-fixed-bottom,html.theme--catppuccin-latte body.has-spaced-navbar-fixed-bottom{padding-bottom:6rem}html.theme--catppuccin-latte a.navbar-item.is-active,html.theme--catppuccin-latte .navbar-link.is-active{color:#1e66f5}html.theme--catppuccin-latte a.navbar-item.is-active:not(:focus):not(:hover),html.theme--catppuccin-latte .navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}html.theme--catppuccin-latte .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-latte .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-latte .navbar-item.has-dropdown.is-active .navbar-link{background-color:rgba(0,0,0,0)}}html.theme--catppuccin-latte .hero.is-fullheight-with-navbar{min-height:calc(100vh - 4rem)}html.theme--catppuccin-latte .pagination{font-size:1rem;margin:-.25rem}html.theme--catppuccin-latte .pagination.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}html.theme--catppuccin-latte .pagination.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .pagination.is-large{font-size:1.5rem}html.theme--catppuccin-latte .pagination.is-rounded .pagination-previous,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,html.theme--catppuccin-latte .pagination.is-rounded .pagination-next,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}html.theme--catppuccin-latte .pagination.is-rounded .pagination-link,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}html.theme--catppuccin-latte .pagination,html.theme--catppuccin-latte .pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte .pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-link{border-color:#acb0be;color:#1e66f5;min-width:2.5em}html.theme--catppuccin-latte .pagination-previous:hover,html.theme--catppuccin-latte .pagination-next:hover,html.theme--catppuccin-latte .pagination-link:hover{border-color:#9ca0b0;color:#04a5e5}html.theme--catppuccin-latte .pagination-previous:focus,html.theme--catppuccin-latte .pagination-next:focus,html.theme--catppuccin-latte .pagination-link:focus{border-color:#9ca0b0}html.theme--catppuccin-latte .pagination-previous:active,html.theme--catppuccin-latte .pagination-next:active,html.theme--catppuccin-latte .pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}html.theme--catppuccin-latte .pagination-previous[disabled],html.theme--catppuccin-latte .pagination-previous.is-disabled,html.theme--catppuccin-latte .pagination-next[disabled],html.theme--catppuccin-latte .pagination-next.is-disabled,html.theme--catppuccin-latte .pagination-link[disabled],html.theme--catppuccin-latte .pagination-link.is-disabled{background-color:#acb0be;border-color:#acb0be;box-shadow:none;color:#616587;opacity:0.5}html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}html.theme--catppuccin-latte .pagination-link.is-current{background-color:#1e66f5;border-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .pagination-ellipsis{color:#9ca0b0;pointer-events:none}html.theme--catppuccin-latte .pagination-list{flex-wrap:wrap}html.theme--catppuccin-latte .pagination-list li{list-style:none}@media screen and (max-width: 768px){html.theme--catppuccin-latte .pagination{flex-wrap:wrap}html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte .pagination-ellipsis{margin-bottom:0;margin-top:0}html.theme--catppuccin-latte .pagination-previous{order:2}html.theme--catppuccin-latte .pagination-next{order:3}html.theme--catppuccin-latte .pagination{justify-content:space-between;margin-bottom:0;margin-top:0}html.theme--catppuccin-latte .pagination.is-centered .pagination-previous{order:1}html.theme--catppuccin-latte .pagination.is-centered .pagination-list{justify-content:center;order:2}html.theme--catppuccin-latte .pagination.is-centered .pagination-next{order:3}html.theme--catppuccin-latte .pagination.is-right .pagination-previous{order:1}html.theme--catppuccin-latte .pagination.is-right .pagination-next{order:2}html.theme--catppuccin-latte .pagination.is-right .pagination-list{justify-content:flex-end;order:3}}html.theme--catppuccin-latte .panel{border-radius:8px;box-shadow:#171717;font-size:1rem}html.theme--catppuccin-latte .panel:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-latte .panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}html.theme--catppuccin-latte .panel.is-white .panel-block.is-active .panel-icon{color:#fff}html.theme--catppuccin-latte .panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}html.theme--catppuccin-latte .panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}html.theme--catppuccin-latte .panel.is-light .panel-heading{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .panel.is-light .panel-tabs a.is-active{border-bottom-color:#f5f5f5}html.theme--catppuccin-latte .panel.is-light .panel-block.is-active .panel-icon{color:#f5f5f5}html.theme--catppuccin-latte .panel.is-dark .panel-heading,html.theme--catppuccin-latte .content kbd.panel .panel-heading{background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .panel.is-dark .panel-tabs a.is-active,html.theme--catppuccin-latte .content kbd.panel .panel-tabs a.is-active{border-bottom-color:#ccd0da}html.theme--catppuccin-latte .panel.is-dark .panel-block.is-active .panel-icon,html.theme--catppuccin-latte .content kbd.panel .panel-block.is-active .panel-icon{color:#ccd0da}html.theme--catppuccin-latte .panel.is-primary .panel-heading,html.theme--catppuccin-latte .docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .panel.is-primary .panel-tabs a.is-active,html.theme--catppuccin-latte .docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#1e66f5}html.theme--catppuccin-latte .panel.is-primary .panel-block.is-active .panel-icon,html.theme--catppuccin-latte .docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#1e66f5}html.theme--catppuccin-latte .panel.is-link .panel-heading{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .panel.is-link .panel-tabs a.is-active{border-bottom-color:#1e66f5}html.theme--catppuccin-latte .panel.is-link .panel-block.is-active .panel-icon{color:#1e66f5}html.theme--catppuccin-latte .panel.is-info .panel-heading{background-color:#179299;color:#fff}html.theme--catppuccin-latte .panel.is-info .panel-tabs a.is-active{border-bottom-color:#179299}html.theme--catppuccin-latte .panel.is-info .panel-block.is-active .panel-icon{color:#179299}html.theme--catppuccin-latte .panel.is-success .panel-heading{background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .panel.is-success .panel-tabs a.is-active{border-bottom-color:#40a02b}html.theme--catppuccin-latte .panel.is-success .panel-block.is-active .panel-icon{color:#40a02b}html.theme--catppuccin-latte .panel.is-warning .panel-heading{background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .panel.is-warning .panel-tabs a.is-active{border-bottom-color:#df8e1d}html.theme--catppuccin-latte .panel.is-warning .panel-block.is-active .panel-icon{color:#df8e1d}html.theme--catppuccin-latte .panel.is-danger .panel-heading{background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .panel.is-danger .panel-tabs a.is-active{border-bottom-color:#d20f39}html.theme--catppuccin-latte .panel.is-danger .panel-block.is-active .panel-icon{color:#d20f39}html.theme--catppuccin-latte .panel-tabs:not(:last-child),html.theme--catppuccin-latte .panel-block:not(:last-child){border-bottom:1px solid #ededed}html.theme--catppuccin-latte .panel-heading{background-color:#bcc0cc;border-radius:8px 8px 0 0;color:#41445a;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}html.theme--catppuccin-latte .panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}html.theme--catppuccin-latte .panel-tabs a{border-bottom:1px solid #acb0be;margin-bottom:-1px;padding:0.5em}html.theme--catppuccin-latte .panel-tabs a.is-active{border-bottom-color:#bcc0cc;color:#0b57ef}html.theme--catppuccin-latte .panel-list a{color:#4c4f69}html.theme--catppuccin-latte .panel-list a:hover{color:#1e66f5}html.theme--catppuccin-latte .panel-block{align-items:center;color:#41445a;display:flex;justify-content:flex-start;padding:0.5em 0.75em}html.theme--catppuccin-latte .panel-block input[type="checkbox"]{margin-right:.75em}html.theme--catppuccin-latte .panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}html.theme--catppuccin-latte .panel-block.is-wrapped{flex-wrap:wrap}html.theme--catppuccin-latte .panel-block.is-active{border-left-color:#1e66f5;color:#0b57ef}html.theme--catppuccin-latte .panel-block.is-active .panel-icon{color:#1e66f5}html.theme--catppuccin-latte .panel-block:last-child{border-bottom-left-radius:8px;border-bottom-right-radius:8px}html.theme--catppuccin-latte a.panel-block,html.theme--catppuccin-latte label.panel-block{cursor:pointer}html.theme--catppuccin-latte a.panel-block:hover,html.theme--catppuccin-latte label.panel-block:hover{background-color:#e6e9ef}html.theme--catppuccin-latte .panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#616587;margin-right:.75em}html.theme--catppuccin-latte .panel-icon .fa{font-size:inherit;line-height:inherit}html.theme--catppuccin-latte .tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}html.theme--catppuccin-latte .tabs a{align-items:center;border-bottom-color:#acb0be;border-bottom-style:solid;border-bottom-width:1px;color:#4c4f69;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}html.theme--catppuccin-latte .tabs a:hover{border-bottom-color:#41445a;color:#41445a}html.theme--catppuccin-latte .tabs li{display:block}html.theme--catppuccin-latte .tabs li.is-active a{border-bottom-color:#1e66f5;color:#1e66f5}html.theme--catppuccin-latte .tabs ul{align-items:center;border-bottom-color:#acb0be;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}html.theme--catppuccin-latte .tabs ul.is-left{padding-right:0.75em}html.theme--catppuccin-latte .tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}html.theme--catppuccin-latte .tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}html.theme--catppuccin-latte .tabs .icon:first-child{margin-right:.5em}html.theme--catppuccin-latte .tabs .icon:last-child{margin-left:.5em}html.theme--catppuccin-latte .tabs.is-centered ul{justify-content:center}html.theme--catppuccin-latte .tabs.is-right ul{justify-content:flex-end}html.theme--catppuccin-latte .tabs.is-boxed a{border:1px solid transparent;border-radius:.4em .4em 0 0}html.theme--catppuccin-latte .tabs.is-boxed a:hover{background-color:#e6e9ef;border-bottom-color:#acb0be}html.theme--catppuccin-latte .tabs.is-boxed li.is-active a{background-color:#fff;border-color:#acb0be;border-bottom-color:rgba(0,0,0,0) !important}html.theme--catppuccin-latte .tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}html.theme--catppuccin-latte .tabs.is-toggle a{border-color:#acb0be;border-style:solid;border-width:1px;margin-bottom:0;position:relative}html.theme--catppuccin-latte .tabs.is-toggle a:hover{background-color:#e6e9ef;border-color:#9ca0b0;z-index:2}html.theme--catppuccin-latte .tabs.is-toggle li+li{margin-left:-1px}html.theme--catppuccin-latte .tabs.is-toggle li:first-child a{border-top-left-radius:.4em;border-bottom-left-radius:.4em}html.theme--catppuccin-latte .tabs.is-toggle li:last-child a{border-top-right-radius:.4em;border-bottom-right-radius:.4em}html.theme--catppuccin-latte .tabs.is-toggle li.is-active a{background-color:#1e66f5;border-color:#1e66f5;color:#fff;z-index:1}html.theme--catppuccin-latte .tabs.is-toggle ul{border-bottom:none}html.theme--catppuccin-latte .tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}html.theme--catppuccin-latte .tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}html.theme--catppuccin-latte .tabs.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}html.theme--catppuccin-latte .tabs.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .tabs.is-large{font-size:1.5rem}html.theme--catppuccin-latte .column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>html.theme--catppuccin-latte .column.is-narrow{flex:none;width:unset}.columns.is-mobile>html.theme--catppuccin-latte .column.is-full{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-half{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-half{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-0{flex:none;width:0%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-0{margin-left:0%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-3{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-3{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-6{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-6{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-9{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-9{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-12{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-latte .column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){html.theme--catppuccin-latte .column.is-narrow-mobile{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full-mobile{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters-mobile{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds-mobile{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half-mobile{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third-mobile{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter-mobile{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth-mobile{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths-mobile{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths-mobile{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths-mobile{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters-mobile{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds-mobile{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half-mobile{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third-mobile{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter-mobile{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth-mobile{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths-mobile{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths-mobile{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths-mobile{margin-left:80%}html.theme--catppuccin-latte .column.is-0-mobile{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0-mobile{margin-left:0%}html.theme--catppuccin-latte .column.is-1-mobile{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1-mobile{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2-mobile{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2-mobile{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3-mobile{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3-mobile{margin-left:25%}html.theme--catppuccin-latte .column.is-4-mobile{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4-mobile{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5-mobile{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5-mobile{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6-mobile{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6-mobile{margin-left:50%}html.theme--catppuccin-latte .column.is-7-mobile{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7-mobile{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8-mobile{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8-mobile{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9-mobile{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9-mobile{margin-left:75%}html.theme--catppuccin-latte .column.is-10-mobile{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10-mobile{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11-mobile{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11-mobile{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12-mobile{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .column.is-narrow,html.theme--catppuccin-latte .column.is-narrow-tablet{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full,html.theme--catppuccin-latte .column.is-full-tablet{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters,html.theme--catppuccin-latte .column.is-three-quarters-tablet{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds,html.theme--catppuccin-latte .column.is-two-thirds-tablet{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half,html.theme--catppuccin-latte .column.is-half-tablet{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third,html.theme--catppuccin-latte .column.is-one-third-tablet{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter,html.theme--catppuccin-latte .column.is-one-quarter-tablet{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth,html.theme--catppuccin-latte .column.is-one-fifth-tablet{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths,html.theme--catppuccin-latte .column.is-two-fifths-tablet{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths,html.theme--catppuccin-latte .column.is-three-fifths-tablet{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths,html.theme--catppuccin-latte .column.is-four-fifths-tablet{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters,html.theme--catppuccin-latte .column.is-offset-three-quarters-tablet{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds,html.theme--catppuccin-latte .column.is-offset-two-thirds-tablet{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half,html.theme--catppuccin-latte .column.is-offset-half-tablet{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third,html.theme--catppuccin-latte .column.is-offset-one-third-tablet{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter,html.theme--catppuccin-latte .column.is-offset-one-quarter-tablet{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth,html.theme--catppuccin-latte .column.is-offset-one-fifth-tablet{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths,html.theme--catppuccin-latte .column.is-offset-two-fifths-tablet{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths,html.theme--catppuccin-latte .column.is-offset-three-fifths-tablet{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths,html.theme--catppuccin-latte .column.is-offset-four-fifths-tablet{margin-left:80%}html.theme--catppuccin-latte .column.is-0,html.theme--catppuccin-latte .column.is-0-tablet{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0,html.theme--catppuccin-latte .column.is-offset-0-tablet{margin-left:0%}html.theme--catppuccin-latte .column.is-1,html.theme--catppuccin-latte .column.is-1-tablet{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1,html.theme--catppuccin-latte .column.is-offset-1-tablet{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2,html.theme--catppuccin-latte .column.is-2-tablet{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2,html.theme--catppuccin-latte .column.is-offset-2-tablet{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3,html.theme--catppuccin-latte .column.is-3-tablet{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3,html.theme--catppuccin-latte .column.is-offset-3-tablet{margin-left:25%}html.theme--catppuccin-latte .column.is-4,html.theme--catppuccin-latte .column.is-4-tablet{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4,html.theme--catppuccin-latte .column.is-offset-4-tablet{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5,html.theme--catppuccin-latte .column.is-5-tablet{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5,html.theme--catppuccin-latte .column.is-offset-5-tablet{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6,html.theme--catppuccin-latte .column.is-6-tablet{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6,html.theme--catppuccin-latte .column.is-offset-6-tablet{margin-left:50%}html.theme--catppuccin-latte .column.is-7,html.theme--catppuccin-latte .column.is-7-tablet{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7,html.theme--catppuccin-latte .column.is-offset-7-tablet{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8,html.theme--catppuccin-latte .column.is-8-tablet{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8,html.theme--catppuccin-latte .column.is-offset-8-tablet{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9,html.theme--catppuccin-latte .column.is-9-tablet{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9,html.theme--catppuccin-latte .column.is-offset-9-tablet{margin-left:75%}html.theme--catppuccin-latte .column.is-10,html.theme--catppuccin-latte .column.is-10-tablet{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10,html.theme--catppuccin-latte .column.is-offset-10-tablet{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11,html.theme--catppuccin-latte .column.is-11-tablet{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11,html.theme--catppuccin-latte .column.is-offset-11-tablet{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12,html.theme--catppuccin-latte .column.is-12-tablet{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12,html.theme--catppuccin-latte .column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .column.is-narrow-touch{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full-touch{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters-touch{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds-touch{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half-touch{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third-touch{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter-touch{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth-touch{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths-touch{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths-touch{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths-touch{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters-touch{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds-touch{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half-touch{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third-touch{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter-touch{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth-touch{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths-touch{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths-touch{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths-touch{margin-left:80%}html.theme--catppuccin-latte .column.is-0-touch{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0-touch{margin-left:0%}html.theme--catppuccin-latte .column.is-1-touch{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1-touch{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2-touch{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2-touch{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3-touch{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3-touch{margin-left:25%}html.theme--catppuccin-latte .column.is-4-touch{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4-touch{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5-touch{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5-touch{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6-touch{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6-touch{margin-left:50%}html.theme--catppuccin-latte .column.is-7-touch{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7-touch{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8-touch{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8-touch{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9-touch{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9-touch{margin-left:75%}html.theme--catppuccin-latte .column.is-10-touch{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10-touch{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11-touch{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11-touch{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12-touch{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .column.is-narrow-desktop{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full-desktop{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters-desktop{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds-desktop{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half-desktop{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third-desktop{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter-desktop{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth-desktop{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths-desktop{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths-desktop{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths-desktop{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters-desktop{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds-desktop{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half-desktop{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third-desktop{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter-desktop{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth-desktop{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths-desktop{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths-desktop{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths-desktop{margin-left:80%}html.theme--catppuccin-latte .column.is-0-desktop{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0-desktop{margin-left:0%}html.theme--catppuccin-latte .column.is-1-desktop{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1-desktop{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2-desktop{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2-desktop{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3-desktop{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3-desktop{margin-left:25%}html.theme--catppuccin-latte .column.is-4-desktop{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4-desktop{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5-desktop{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5-desktop{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6-desktop{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6-desktop{margin-left:50%}html.theme--catppuccin-latte .column.is-7-desktop{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7-desktop{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8-desktop{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8-desktop{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9-desktop{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9-desktop{margin-left:75%}html.theme--catppuccin-latte .column.is-10-desktop{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10-desktop{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11-desktop{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11-desktop{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12-desktop{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .column.is-narrow-widescreen{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full-widescreen{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters-widescreen{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds-widescreen{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half-widescreen{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third-widescreen{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter-widescreen{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth-widescreen{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths-widescreen{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths-widescreen{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths-widescreen{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters-widescreen{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds-widescreen{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half-widescreen{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third-widescreen{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter-widescreen{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth-widescreen{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths-widescreen{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths-widescreen{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths-widescreen{margin-left:80%}html.theme--catppuccin-latte .column.is-0-widescreen{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0-widescreen{margin-left:0%}html.theme--catppuccin-latte .column.is-1-widescreen{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1-widescreen{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2-widescreen{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2-widescreen{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3-widescreen{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3-widescreen{margin-left:25%}html.theme--catppuccin-latte .column.is-4-widescreen{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4-widescreen{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5-widescreen{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5-widescreen{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6-widescreen{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6-widescreen{margin-left:50%}html.theme--catppuccin-latte .column.is-7-widescreen{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7-widescreen{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8-widescreen{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8-widescreen{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9-widescreen{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9-widescreen{margin-left:75%}html.theme--catppuccin-latte .column.is-10-widescreen{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10-widescreen{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11-widescreen{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11-widescreen{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12-widescreen{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .column.is-narrow-fullhd{flex:none;width:unset}html.theme--catppuccin-latte .column.is-full-fullhd{flex:none;width:100%}html.theme--catppuccin-latte .column.is-three-quarters-fullhd{flex:none;width:75%}html.theme--catppuccin-latte .column.is-two-thirds-fullhd{flex:none;width:66.6666%}html.theme--catppuccin-latte .column.is-half-fullhd{flex:none;width:50%}html.theme--catppuccin-latte .column.is-one-third-fullhd{flex:none;width:33.3333%}html.theme--catppuccin-latte .column.is-one-quarter-fullhd{flex:none;width:25%}html.theme--catppuccin-latte .column.is-one-fifth-fullhd{flex:none;width:20%}html.theme--catppuccin-latte .column.is-two-fifths-fullhd{flex:none;width:40%}html.theme--catppuccin-latte .column.is-three-fifths-fullhd{flex:none;width:60%}html.theme--catppuccin-latte .column.is-four-fifths-fullhd{flex:none;width:80%}html.theme--catppuccin-latte .column.is-offset-three-quarters-fullhd{margin-left:75%}html.theme--catppuccin-latte .column.is-offset-two-thirds-fullhd{margin-left:66.6666%}html.theme--catppuccin-latte .column.is-offset-half-fullhd{margin-left:50%}html.theme--catppuccin-latte .column.is-offset-one-third-fullhd{margin-left:33.3333%}html.theme--catppuccin-latte .column.is-offset-one-quarter-fullhd{margin-left:25%}html.theme--catppuccin-latte .column.is-offset-one-fifth-fullhd{margin-left:20%}html.theme--catppuccin-latte .column.is-offset-two-fifths-fullhd{margin-left:40%}html.theme--catppuccin-latte .column.is-offset-three-fifths-fullhd{margin-left:60%}html.theme--catppuccin-latte .column.is-offset-four-fifths-fullhd{margin-left:80%}html.theme--catppuccin-latte .column.is-0-fullhd{flex:none;width:0%}html.theme--catppuccin-latte .column.is-offset-0-fullhd{margin-left:0%}html.theme--catppuccin-latte .column.is-1-fullhd{flex:none;width:8.33333337%}html.theme--catppuccin-latte .column.is-offset-1-fullhd{margin-left:8.33333337%}html.theme--catppuccin-latte .column.is-2-fullhd{flex:none;width:16.66666674%}html.theme--catppuccin-latte .column.is-offset-2-fullhd{margin-left:16.66666674%}html.theme--catppuccin-latte .column.is-3-fullhd{flex:none;width:25%}html.theme--catppuccin-latte .column.is-offset-3-fullhd{margin-left:25%}html.theme--catppuccin-latte .column.is-4-fullhd{flex:none;width:33.33333337%}html.theme--catppuccin-latte .column.is-offset-4-fullhd{margin-left:33.33333337%}html.theme--catppuccin-latte .column.is-5-fullhd{flex:none;width:41.66666674%}html.theme--catppuccin-latte .column.is-offset-5-fullhd{margin-left:41.66666674%}html.theme--catppuccin-latte .column.is-6-fullhd{flex:none;width:50%}html.theme--catppuccin-latte .column.is-offset-6-fullhd{margin-left:50%}html.theme--catppuccin-latte .column.is-7-fullhd{flex:none;width:58.33333337%}html.theme--catppuccin-latte .column.is-offset-7-fullhd{margin-left:58.33333337%}html.theme--catppuccin-latte .column.is-8-fullhd{flex:none;width:66.66666674%}html.theme--catppuccin-latte .column.is-offset-8-fullhd{margin-left:66.66666674%}html.theme--catppuccin-latte .column.is-9-fullhd{flex:none;width:75%}html.theme--catppuccin-latte .column.is-offset-9-fullhd{margin-left:75%}html.theme--catppuccin-latte .column.is-10-fullhd{flex:none;width:83.33333337%}html.theme--catppuccin-latte .column.is-offset-10-fullhd{margin-left:83.33333337%}html.theme--catppuccin-latte .column.is-11-fullhd{flex:none;width:91.66666674%}html.theme--catppuccin-latte .column.is-offset-11-fullhd{margin-left:91.66666674%}html.theme--catppuccin-latte .column.is-12-fullhd{flex:none;width:100%}html.theme--catppuccin-latte .column.is-offset-12-fullhd{margin-left:100%}}html.theme--catppuccin-latte .columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-latte .columns:last-child{margin-bottom:-.75rem}html.theme--catppuccin-latte .columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}html.theme--catppuccin-latte .columns.is-centered{justify-content:center}html.theme--catppuccin-latte .columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}html.theme--catppuccin-latte .columns.is-gapless>.column{margin:0;padding:0 !important}html.theme--catppuccin-latte .columns.is-gapless:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-latte .columns.is-gapless:last-child{margin-bottom:0}html.theme--catppuccin-latte .columns.is-mobile{display:flex}html.theme--catppuccin-latte .columns.is-multiline{flex-wrap:wrap}html.theme--catppuccin-latte .columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-desktop{display:flex}}html.theme--catppuccin-latte .columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}html.theme--catppuccin-latte .columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}html.theme--catppuccin-latte .columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-0-fullhd{--columnGap: 0rem}}html.theme--catppuccin-latte .columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-1-fullhd{--columnGap: .25rem}}html.theme--catppuccin-latte .columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-2-fullhd{--columnGap: .5rem}}html.theme--catppuccin-latte .columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-3-fullhd{--columnGap: .75rem}}html.theme--catppuccin-latte .columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-4-fullhd{--columnGap: 1rem}}html.theme--catppuccin-latte .columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}html.theme--catppuccin-latte .columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}html.theme--catppuccin-latte .columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}html.theme--catppuccin-latte .columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-latte .columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-latte .columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-latte .columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-latte .columns.is-variable.is-8-fullhd{--columnGap: 2rem}}html.theme--catppuccin-latte .tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}html.theme--catppuccin-latte .tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-latte .tile.is-ancestor:last-child{margin-bottom:-.75rem}html.theme--catppuccin-latte .tile.is-ancestor:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-latte .tile.is-child{margin:0 !important}html.theme--catppuccin-latte .tile.is-parent{padding:.75rem}html.theme--catppuccin-latte .tile.is-vertical{flex-direction:column}html.theme--catppuccin-latte .tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .tile:not(.is-child){display:flex}html.theme--catppuccin-latte .tile.is-1{flex:none;width:8.33333337%}html.theme--catppuccin-latte .tile.is-2{flex:none;width:16.66666674%}html.theme--catppuccin-latte .tile.is-3{flex:none;width:25%}html.theme--catppuccin-latte .tile.is-4{flex:none;width:33.33333337%}html.theme--catppuccin-latte .tile.is-5{flex:none;width:41.66666674%}html.theme--catppuccin-latte .tile.is-6{flex:none;width:50%}html.theme--catppuccin-latte .tile.is-7{flex:none;width:58.33333337%}html.theme--catppuccin-latte .tile.is-8{flex:none;width:66.66666674%}html.theme--catppuccin-latte .tile.is-9{flex:none;width:75%}html.theme--catppuccin-latte .tile.is-10{flex:none;width:83.33333337%}html.theme--catppuccin-latte .tile.is-11{flex:none;width:91.66666674%}html.theme--catppuccin-latte .tile.is-12{flex:none;width:100%}}html.theme--catppuccin-latte .hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}html.theme--catppuccin-latte .hero .navbar{background:none}html.theme--catppuccin-latte .hero .tabs ul{border-bottom:none}html.theme--catppuccin-latte .hero.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-white strong{color:inherit}html.theme--catppuccin-latte .hero.is-white .title{color:#0a0a0a}html.theme--catppuccin-latte .hero.is-white .subtitle{color:rgba(10,10,10,0.9)}html.theme--catppuccin-latte .hero.is-white .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-white .navbar-menu{background-color:#fff}}html.theme--catppuccin-latte .hero.is-white .navbar-item,html.theme--catppuccin-latte .hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}html.theme--catppuccin-latte .hero.is-white a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-white a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-white .navbar-link:hover,html.theme--catppuccin-latte .hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-latte .hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}html.theme--catppuccin-latte .hero.is-white .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}html.theme--catppuccin-latte .hero.is-white .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-white .tabs.is-toggle a{color:#0a0a0a}html.theme--catppuccin-latte .hero.is-white .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-white .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-white .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-white .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}html.theme--catppuccin-latte .hero.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-latte .hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-black strong{color:inherit}html.theme--catppuccin-latte .hero.is-black .title{color:#fff}html.theme--catppuccin-latte .hero.is-black .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-black .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-black .navbar-menu{background-color:#0a0a0a}}html.theme--catppuccin-latte .hero.is-black .navbar-item,html.theme--catppuccin-latte .hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-black a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-black a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-black .navbar-link:hover,html.theme--catppuccin-latte .hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-latte .hero.is-black .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-black .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}html.theme--catppuccin-latte .hero.is-black .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-black .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-black .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-black .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-black .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-black .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-latte .hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}html.theme--catppuccin-latte .hero.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-light strong{color:inherit}html.theme--catppuccin-latte .hero.is-light .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-light .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-latte .hero.is-light .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-light .navbar-menu{background-color:#f5f5f5}}html.theme--catppuccin-latte .hero.is-light .navbar-item,html.theme--catppuccin-latte .hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-light a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-light a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-light .navbar-link:hover,html.theme--catppuccin-latte .hero.is-light .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-latte .hero.is-light .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-light .tabs li.is-active a{color:#f5f5f5 !important;opacity:1}html.theme--catppuccin-latte .hero.is-light .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-light .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-light .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-light .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-light .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-latte .hero.is-light.is-bold{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}}html.theme--catppuccin-latte .hero.is-dark,html.theme--catppuccin-latte .content kbd.hero{background-color:#ccd0da;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-dark strong,html.theme--catppuccin-latte .content kbd.hero strong{color:inherit}html.theme--catppuccin-latte .hero.is-dark .title,html.theme--catppuccin-latte .content kbd.hero .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-dark .subtitle,html.theme--catppuccin-latte .content kbd.hero .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-latte .hero.is-dark .subtitle a:not(.button),html.theme--catppuccin-latte .content kbd.hero .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-dark .subtitle strong,html.theme--catppuccin-latte .content kbd.hero .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-dark .navbar-menu,html.theme--catppuccin-latte .content kbd.hero .navbar-menu{background-color:#ccd0da}}html.theme--catppuccin-latte .hero.is-dark .navbar-item,html.theme--catppuccin-latte .content kbd.hero .navbar-item,html.theme--catppuccin-latte .hero.is-dark .navbar-link,html.theme--catppuccin-latte .content kbd.hero .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-dark a.navbar-item:hover,html.theme--catppuccin-latte .content kbd.hero a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-dark a.navbar-item.is-active,html.theme--catppuccin-latte .content kbd.hero a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-dark .navbar-link:hover,html.theme--catppuccin-latte .content kbd.hero .navbar-link:hover,html.theme--catppuccin-latte .hero.is-dark .navbar-link.is-active,html.theme--catppuccin-latte .content kbd.hero .navbar-link.is-active{background-color:#bdc2cf;color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-dark .tabs a,html.theme--catppuccin-latte .content kbd.hero .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-latte .hero.is-dark .tabs a:hover,html.theme--catppuccin-latte .content kbd.hero .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-dark .tabs li.is-active a,html.theme--catppuccin-latte .content kbd.hero .tabs li.is-active a{color:#ccd0da !important;opacity:1}html.theme--catppuccin-latte .hero.is-dark .tabs.is-boxed a,html.theme--catppuccin-latte .content kbd.hero .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-dark .tabs.is-toggle a,html.theme--catppuccin-latte .content kbd.hero .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-latte .hero.is-dark .tabs.is-boxed a:hover,html.theme--catppuccin-latte .content kbd.hero .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-dark .tabs.is-toggle a:hover,html.theme--catppuccin-latte .content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-dark .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .content kbd.hero .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-dark .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-dark .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .content kbd.hero .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#ccd0da}html.theme--catppuccin-latte .hero.is-dark.is-bold,html.theme--catppuccin-latte .content kbd.hero.is-bold{background-image:linear-gradient(141deg, #a7b8cc 0%, #ccd0da 71%, #d9dbe6 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-dark.is-bold .navbar-menu,html.theme--catppuccin-latte .content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #a7b8cc 0%, #ccd0da 71%, #d9dbe6 100%)}}html.theme--catppuccin-latte .hero.is-primary,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-primary strong,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink strong{color:inherit}html.theme--catppuccin-latte .hero.is-primary .title,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .title{color:#fff}html.theme--catppuccin-latte .hero.is-primary .subtitle,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-primary .subtitle a:not(.button),html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-primary .subtitle strong,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-primary .navbar-menu,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#1e66f5}}html.theme--catppuccin-latte .hero.is-primary .navbar-item,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .navbar-item,html.theme--catppuccin-latte .hero.is-primary .navbar-link,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-primary a.navbar-item:hover,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-primary a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-primary .navbar-link:hover,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .navbar-link:hover,html.theme--catppuccin-latte .hero.is-primary .navbar-link.is-active,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .hero.is-primary .tabs a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-primary .tabs a:hover,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-primary .tabs li.is-active a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#1e66f5 !important;opacity:1}html.theme--catppuccin-latte .hero.is-primary .tabs.is-boxed a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-primary .tabs.is-toggle a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-primary .tabs.is-boxed a:hover,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-primary .tabs.is-toggle a:hover,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-primary .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-primary .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-primary .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .hero.is-primary.is-bold,html.theme--catppuccin-latte .docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #0070e0 0%, #1e66f5 71%, #3153fb 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-primary.is-bold .navbar-menu,html.theme--catppuccin-latte .docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #0070e0 0%, #1e66f5 71%, #3153fb 100%)}}html.theme--catppuccin-latte .hero.is-link{background-color:#1e66f5;color:#fff}html.theme--catppuccin-latte .hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-link strong{color:inherit}html.theme--catppuccin-latte .hero.is-link .title{color:#fff}html.theme--catppuccin-latte .hero.is-link .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-link .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-link .navbar-menu{background-color:#1e66f5}}html.theme--catppuccin-latte .hero.is-link .navbar-item,html.theme--catppuccin-latte .hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-link a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-link a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-link .navbar-link:hover,html.theme--catppuccin-latte .hero.is-link .navbar-link.is-active{background-color:#0b57ef;color:#fff}html.theme--catppuccin-latte .hero.is-link .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-link .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-link .tabs li.is-active a{color:#1e66f5 !important;opacity:1}html.theme--catppuccin-latte .hero.is-link .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-link .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-link .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-link .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-link .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-link .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#1e66f5}html.theme--catppuccin-latte .hero.is-link.is-bold{background-image:linear-gradient(141deg, #0070e0 0%, #1e66f5 71%, #3153fb 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #0070e0 0%, #1e66f5 71%, #3153fb 100%)}}html.theme--catppuccin-latte .hero.is-info{background-color:#179299;color:#fff}html.theme--catppuccin-latte .hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-info strong{color:inherit}html.theme--catppuccin-latte .hero.is-info .title{color:#fff}html.theme--catppuccin-latte .hero.is-info .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-info .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-info .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-info .navbar-menu{background-color:#179299}}html.theme--catppuccin-latte .hero.is-info .navbar-item,html.theme--catppuccin-latte .hero.is-info .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-info a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-info a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-info .navbar-link:hover,html.theme--catppuccin-latte .hero.is-info .navbar-link.is-active{background-color:#147d83;color:#fff}html.theme--catppuccin-latte .hero.is-info .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-info .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-info .tabs li.is-active a{color:#179299 !important;opacity:1}html.theme--catppuccin-latte .hero.is-info .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-info .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-info .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-info .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-info .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-info .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#179299}html.theme--catppuccin-latte .hero.is-info.is-bold{background-image:linear-gradient(141deg, #0a7367 0%, #179299 71%, #1591b4 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #0a7367 0%, #179299 71%, #1591b4 100%)}}html.theme--catppuccin-latte .hero.is-success{background-color:#40a02b;color:#fff}html.theme--catppuccin-latte .hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-success strong{color:inherit}html.theme--catppuccin-latte .hero.is-success .title{color:#fff}html.theme--catppuccin-latte .hero.is-success .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-success .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-success .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-success .navbar-menu{background-color:#40a02b}}html.theme--catppuccin-latte .hero.is-success .navbar-item,html.theme--catppuccin-latte .hero.is-success .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-success a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-success a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-success .navbar-link:hover,html.theme--catppuccin-latte .hero.is-success .navbar-link.is-active{background-color:#388c26;color:#fff}html.theme--catppuccin-latte .hero.is-success .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-success .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-success .tabs li.is-active a{color:#40a02b !important;opacity:1}html.theme--catppuccin-latte .hero.is-success .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-success .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-success .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-success .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-success .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-success .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#40a02b}html.theme--catppuccin-latte .hero.is-success.is-bold{background-image:linear-gradient(141deg, #3c7f19 0%, #40a02b 71%, #2dba2b 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #3c7f19 0%, #40a02b 71%, #2dba2b 100%)}}html.theme--catppuccin-latte .hero.is-warning{background-color:#df8e1d;color:#fff}html.theme--catppuccin-latte .hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-warning strong{color:inherit}html.theme--catppuccin-latte .hero.is-warning .title{color:#fff}html.theme--catppuccin-latte .hero.is-warning .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-warning .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-warning .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-warning .navbar-menu{background-color:#df8e1d}}html.theme--catppuccin-latte .hero.is-warning .navbar-item,html.theme--catppuccin-latte .hero.is-warning .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-warning a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-warning a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-warning .navbar-link:hover,html.theme--catppuccin-latte .hero.is-warning .navbar-link.is-active{background-color:#c8801a;color:#fff}html.theme--catppuccin-latte .hero.is-warning .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-warning .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-warning .tabs li.is-active a{color:#df8e1d !important;opacity:1}html.theme--catppuccin-latte .hero.is-warning .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-warning .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-warning .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-warning .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-warning .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-warning .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#df8e1d}html.theme--catppuccin-latte .hero.is-warning.is-bold{background-image:linear-gradient(141deg, #bc560d 0%, #df8e1d 71%, #eaba2b 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #bc560d 0%, #df8e1d 71%, #eaba2b 100%)}}html.theme--catppuccin-latte .hero.is-danger{background-color:#d20f39;color:#fff}html.theme--catppuccin-latte .hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-latte .hero.is-danger strong{color:inherit}html.theme--catppuccin-latte .hero.is-danger .title{color:#fff}html.theme--catppuccin-latte .hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-latte .hero.is-danger .subtitle a:not(.button),html.theme--catppuccin-latte .hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .hero.is-danger .navbar-menu{background-color:#d20f39}}html.theme--catppuccin-latte .hero.is-danger .navbar-item,html.theme--catppuccin-latte .hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-latte .hero.is-danger a.navbar-item:hover,html.theme--catppuccin-latte .hero.is-danger a.navbar-item.is-active,html.theme--catppuccin-latte .hero.is-danger .navbar-link:hover,html.theme--catppuccin-latte .hero.is-danger .navbar-link.is-active{background-color:#ba0d33;color:#fff}html.theme--catppuccin-latte .hero.is-danger .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-latte .hero.is-danger .tabs a:hover{opacity:1}html.theme--catppuccin-latte .hero.is-danger .tabs li.is-active a{color:#d20f39 !important;opacity:1}html.theme--catppuccin-latte .hero.is-danger .tabs.is-boxed a,html.theme--catppuccin-latte .hero.is-danger .tabs.is-toggle a{color:#fff}html.theme--catppuccin-latte .hero.is-danger .tabs.is-boxed a:hover,html.theme--catppuccin-latte .hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-latte .hero.is-danger .tabs.is-boxed li.is-active a,html.theme--catppuccin-latte .hero.is-danger .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-latte .hero.is-danger .tabs.is-toggle li.is-active a,html.theme--catppuccin-latte .hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#d20f39}html.theme--catppuccin-latte .hero.is-danger.is-bold{background-image:linear-gradient(141deg, #ab0343 0%, #d20f39 71%, #f00a16 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #ab0343 0%, #d20f39 71%, #f00a16 100%)}}html.theme--catppuccin-latte .hero.is-small .hero-body,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .hero.is-large .hero-body{padding:18rem 6rem}}html.theme--catppuccin-latte .hero.is-halfheight .hero-body,html.theme--catppuccin-latte .hero.is-fullheight .hero-body,html.theme--catppuccin-latte .hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}html.theme--catppuccin-latte .hero.is-halfheight .hero-body>.container,html.theme--catppuccin-latte .hero.is-fullheight .hero-body>.container,html.theme--catppuccin-latte .hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}html.theme--catppuccin-latte .hero.is-halfheight{min-height:50vh}html.theme--catppuccin-latte .hero.is-fullheight{min-height:100vh}html.theme--catppuccin-latte .hero-video{overflow:hidden}html.theme--catppuccin-latte .hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}html.theme--catppuccin-latte .hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero-video{display:none}}html.theme--catppuccin-latte .hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-latte .hero-buttons .button{display:flex}html.theme--catppuccin-latte .hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .hero-buttons{display:flex;justify-content:center}html.theme--catppuccin-latte .hero-buttons .button:not(:last-child){margin-right:1.5rem}}html.theme--catppuccin-latte .hero-head,html.theme--catppuccin-latte .hero-foot{flex-grow:0;flex-shrink:0}html.theme--catppuccin-latte .hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-latte .hero-body{padding:3rem 3rem}}html.theme--catppuccin-latte .section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){html.theme--catppuccin-latte .section{padding:3rem 3rem}html.theme--catppuccin-latte .section.is-medium{padding:9rem 4.5rem}html.theme--catppuccin-latte .section.is-large{padding:18rem 6rem}}html.theme--catppuccin-latte .footer{background-color:#e6e9ef;padding:3rem 1.5rem 6rem}html.theme--catppuccin-latte h1 .docs-heading-anchor,html.theme--catppuccin-latte h1 .docs-heading-anchor:hover,html.theme--catppuccin-latte h1 .docs-heading-anchor:visited,html.theme--catppuccin-latte h2 .docs-heading-anchor,html.theme--catppuccin-latte h2 .docs-heading-anchor:hover,html.theme--catppuccin-latte h2 .docs-heading-anchor:visited,html.theme--catppuccin-latte h3 .docs-heading-anchor,html.theme--catppuccin-latte h3 .docs-heading-anchor:hover,html.theme--catppuccin-latte h3 .docs-heading-anchor:visited,html.theme--catppuccin-latte h4 .docs-heading-anchor,html.theme--catppuccin-latte h4 .docs-heading-anchor:hover,html.theme--catppuccin-latte h4 .docs-heading-anchor:visited,html.theme--catppuccin-latte h5 .docs-heading-anchor,html.theme--catppuccin-latte h5 .docs-heading-anchor:hover,html.theme--catppuccin-latte h5 .docs-heading-anchor:visited,html.theme--catppuccin-latte h6 .docs-heading-anchor,html.theme--catppuccin-latte h6 .docs-heading-anchor:hover,html.theme--catppuccin-latte h6 .docs-heading-anchor:visited{color:#4c4f69}html.theme--catppuccin-latte h1 .docs-heading-anchor-permalink,html.theme--catppuccin-latte h2 .docs-heading-anchor-permalink,html.theme--catppuccin-latte h3 .docs-heading-anchor-permalink,html.theme--catppuccin-latte h4 .docs-heading-anchor-permalink,html.theme--catppuccin-latte h5 .docs-heading-anchor-permalink,html.theme--catppuccin-latte h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}html.theme--catppuccin-latte h1 .docs-heading-anchor-permalink::before,html.theme--catppuccin-latte h2 .docs-heading-anchor-permalink::before,html.theme--catppuccin-latte h3 .docs-heading-anchor-permalink::before,html.theme--catppuccin-latte h4 .docs-heading-anchor-permalink::before,html.theme--catppuccin-latte h5 .docs-heading-anchor-permalink::before,html.theme--catppuccin-latte h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}html.theme--catppuccin-latte h1:hover .docs-heading-anchor-permalink,html.theme--catppuccin-latte h2:hover .docs-heading-anchor-permalink,html.theme--catppuccin-latte h3:hover .docs-heading-anchor-permalink,html.theme--catppuccin-latte h4:hover .docs-heading-anchor-permalink,html.theme--catppuccin-latte h5:hover .docs-heading-anchor-permalink,html.theme--catppuccin-latte h6:hover .docs-heading-anchor-permalink{visibility:visible}html.theme--catppuccin-latte .docs-dark-only{display:none !important}html.theme--catppuccin-latte pre{position:relative;overflow:hidden}html.theme--catppuccin-latte pre code,html.theme--catppuccin-latte pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}html.theme--catppuccin-latte pre code:first-of-type,html.theme--catppuccin-latte pre code.hljs:first-of-type{padding-top:0.5rem !important}html.theme--catppuccin-latte pre code:last-of-type,html.theme--catppuccin-latte pre code.hljs:last-of-type{padding-bottom:0.5rem !important}html.theme--catppuccin-latte pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#4c4f69;cursor:pointer;text-align:center}html.theme--catppuccin-latte pre .copy-button:focus,html.theme--catppuccin-latte pre .copy-button:hover{opacity:1;background:rgba(76,79,105,0.1);color:#1e66f5}html.theme--catppuccin-latte pre .copy-button.success{color:#40a02b;opacity:1}html.theme--catppuccin-latte pre .copy-button.error{color:#d20f39;opacity:1}html.theme--catppuccin-latte pre:hover .copy-button{opacity:1}html.theme--catppuccin-latte .admonition{background-color:#e6e9ef;border-style:solid;border-width:2px;border-color:#5c5f77;border-radius:4px;font-size:1rem}html.theme--catppuccin-latte .admonition strong{color:currentColor}html.theme--catppuccin-latte .admonition.is-small,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}html.theme--catppuccin-latte .admonition.is-medium{font-size:1.25rem}html.theme--catppuccin-latte .admonition.is-large{font-size:1.5rem}html.theme--catppuccin-latte .admonition.is-default{background-color:#e6e9ef;border-color:#5c5f77}html.theme--catppuccin-latte .admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#5c5f77}html.theme--catppuccin-latte .admonition.is-default>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition.is-info{background-color:#e6e9ef;border-color:#179299}html.theme--catppuccin-latte .admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#179299}html.theme--catppuccin-latte .admonition.is-info>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition.is-success{background-color:#e6e9ef;border-color:#40a02b}html.theme--catppuccin-latte .admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#40a02b}html.theme--catppuccin-latte .admonition.is-success>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition.is-warning{background-color:#e6e9ef;border-color:#df8e1d}html.theme--catppuccin-latte .admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#df8e1d}html.theme--catppuccin-latte .admonition.is-warning>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition.is-danger{background-color:#e6e9ef;border-color:#d20f39}html.theme--catppuccin-latte .admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#d20f39}html.theme--catppuccin-latte .admonition.is-danger>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition.is-compat{background-color:#e6e9ef;border-color:#04a5e5}html.theme--catppuccin-latte .admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#04a5e5}html.theme--catppuccin-latte .admonition.is-compat>.admonition-body{color:#4c4f69}html.theme--catppuccin-latte .admonition-header{color:#5c5f77;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}html.theme--catppuccin-latte .admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}html.theme--catppuccin-latte details.admonition.is-details>.admonition-header{list-style:none}html.theme--catppuccin-latte details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}html.theme--catppuccin-latte details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}html.theme--catppuccin-latte .admonition-body{color:#4c4f69;padding:0.5rem .75rem}html.theme--catppuccin-latte .admonition-body pre{background-color:#e6e9ef}html.theme--catppuccin-latte .admonition-body code{background-color:#e6e9ef}html.theme--catppuccin-latte .docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #acb0be;border-radius:4px;box-shadow:none;max-width:100%}html.theme--catppuccin-latte .docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#e6e9ef;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #acb0be;overflow:auto}html.theme--catppuccin-latte .docstring>header code{background-color:transparent}html.theme--catppuccin-latte .docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}html.theme--catppuccin-latte .docstring>header .docstring-binding{margin-right:0.3em}html.theme--catppuccin-latte .docstring>header .docstring-category{margin-left:0.3em}html.theme--catppuccin-latte .docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #acb0be}html.theme--catppuccin-latte .docstring>section:last-child{border-bottom:none}html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:focus{opacity:1 !important}html.theme--catppuccin-latte .docstring:hover>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-latte .docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-latte .docstring>section:hover a.docs-sourcelink{opacity:1}html.theme--catppuccin-latte .documenter-example-output{background-color:#eff1f5}html.theme--catppuccin-latte .outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#e6e9ef;color:#4c4f69;border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}html.theme--catppuccin-latte .outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}html.theme--catppuccin-latte .outdated-warning-overlay a{color:#1e66f5}html.theme--catppuccin-latte .outdated-warning-overlay a:hover{color:#04a5e5}html.theme--catppuccin-latte .content pre{border:2px solid #acb0be;border-radius:4px}html.theme--catppuccin-latte .content code{font-weight:inherit}html.theme--catppuccin-latte .content a code{color:#1e66f5}html.theme--catppuccin-latte .content a:hover code{color:#04a5e5}html.theme--catppuccin-latte .content h1 code,html.theme--catppuccin-latte .content h2 code,html.theme--catppuccin-latte .content h3 code,html.theme--catppuccin-latte .content h4 code,html.theme--catppuccin-latte .content h5 code,html.theme--catppuccin-latte .content h6 code{color:#4c4f69}html.theme--catppuccin-latte .content table{display:block;width:initial;max-width:100%;overflow-x:auto}html.theme--catppuccin-latte .content blockquote>ul:first-child,html.theme--catppuccin-latte .content blockquote>ol:first-child,html.theme--catppuccin-latte .content .admonition-body>ul:first-child,html.theme--catppuccin-latte .content .admonition-body>ol:first-child{margin-top:0}html.theme--catppuccin-latte pre,html.theme--catppuccin-latte code{font-variant-ligatures:no-contextual}html.theme--catppuccin-latte .breadcrumb a.is-disabled{cursor:default;pointer-events:none}html.theme--catppuccin-latte .breadcrumb a.is-disabled,html.theme--catppuccin-latte .breadcrumb a.is-disabled:hover{color:#41445a}html.theme--catppuccin-latte .hljs{background:initial !important}html.theme--catppuccin-latte .katex .katex-mathml{top:0;right:0}html.theme--catppuccin-latte .katex-display,html.theme--catppuccin-latte mjx-container,html.theme--catppuccin-latte .MathJax_Display{margin:0.5em 0 !important}html.theme--catppuccin-latte html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}html.theme--catppuccin-latte li.no-marker{list-style:none}html.theme--catppuccin-latte #documenter .docs-main>article{overflow-wrap:break-word}html.theme--catppuccin-latte #documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){html.theme--catppuccin-latte #documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte #documenter .docs-main{width:100%}html.theme--catppuccin-latte #documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}html.theme--catppuccin-latte #documenter .docs-main>header,html.theme--catppuccin-latte #documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar{background-color:#eff1f5;border-bottom:1px solid #acb0be;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-right .docs-icon,html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #171717;transition-duration:0.7s;-webkit-transition-duration:0.7s}html.theme--catppuccin-latte #documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}html.theme--catppuccin-latte #documenter .docs-main section.footnotes{border-top:1px solid #acb0be}html.theme--catppuccin-latte #documenter .docs-main section.footnotes li .tag:first-child,html.theme--catppuccin-latte #documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,html.theme--catppuccin-latte #documenter .docs-main section.footnotes li .content kbd:first-child,html.theme--catppuccin-latte .content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}html.theme--catppuccin-latte #documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #acb0be;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){html.theme--catppuccin-latte #documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}html.theme--catppuccin-latte #documenter .docs-main .docs-footer .docs-footer-nextpage,html.theme--catppuccin-latte #documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}html.theme--catppuccin-latte #documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}html.theme--catppuccin-latte #documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}html.theme--catppuccin-latte #documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}html.theme--catppuccin-latte #documenter .docs-sidebar{display:flex;flex-direction:column;color:#4c4f69;background-color:#e6e9ef;border-right:1px solid #acb0be;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}html.theme--catppuccin-latte #documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #171717}@media screen and (min-width: 1056px){html.theme--catppuccin-latte #documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){html.theme--catppuccin-latte #documenter .docs-sidebar{left:0;top:0}}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-package-name a,html.theme--catppuccin-latte #documenter .docs-sidebar .docs-package-name a:hover{color:#4c4f69}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-version-selector{border-top:1px solid #acb0be;display:none;padding:0.5rem}html.theme--catppuccin-latte #documenter .docs-sidebar .docs-version-selector.visible{display:flex}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #acb0be;padding-bottom:1.5rem}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #acb0be}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu .tocitem,html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#4c4f69;background:#e6e9ef}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu a.tocitem:hover,html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#4c4f69;background-color:#f2f4f7}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #acb0be;border-bottom:1px solid #acb0be;background-color:#dce0e8}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#dce0e8;color:#4c4f69}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#f2f4f7;color:#4c4f69}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #acb0be}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input{width:14.4rem}html.theme--catppuccin-latte #documenter .docs-sidebar #documenter-search-query{color:#868c98;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#fff}html.theme--catppuccin-latte #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#fff}}@media screen and (max-width: 1055px){html.theme--catppuccin-latte #documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-latte #documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-latte #documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#fff}html.theme--catppuccin-latte #documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#fff}}html.theme--catppuccin-latte kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(245,245,245,0.6);box-shadow:0 2px 0 1px rgba(245,245,245,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}html.theme--catppuccin-latte .search-min-width-50{min-width:50%}html.theme--catppuccin-latte .search-min-height-100{min-height:100%}html.theme--catppuccin-latte .search-modal-card-body{max-height:calc(100vh - 15rem)}html.theme--catppuccin-latte .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-latte .search-result-link:hover,html.theme--catppuccin-latte .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--catppuccin-latte .search-result-link .property-search-result-badge,html.theme--catppuccin-latte .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-latte .property-search-result-badge,html.theme--catppuccin-latte .search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}html.theme--catppuccin-latte .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-latte .search-result-link:hover .search-filter,html.theme--catppuccin-latte .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-latte .search-result-link:focus .search-filter{color:#333;background-color:#f1f5f9}html.theme--catppuccin-latte .search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}html.theme--catppuccin-latte .search-filter:hover,html.theme--catppuccin-latte .search-filter:focus{color:#333}html.theme--catppuccin-latte .search-filter-selected{color:#ccd0da;background-color:#7287fd}html.theme--catppuccin-latte .search-filter-selected:hover,html.theme--catppuccin-latte .search-filter-selected:focus{color:#ccd0da}html.theme--catppuccin-latte .search-result-highlight{background-color:#ffdd57;color:black}html.theme--catppuccin-latte .search-divider{border-bottom:1px solid #acb0be}html.theme--catppuccin-latte .search-result-title{width:85%;color:#f5f5f5}html.theme--catppuccin-latte .search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-latte #search-modal .modal-card-body::-webkit-scrollbar,html.theme--catppuccin-latte #search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}html.theme--catppuccin-latte #search-modal .modal-card-body::-webkit-scrollbar-thumb,html.theme--catppuccin-latte #search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}html.theme--catppuccin-latte #search-modal .modal-card-body::-webkit-scrollbar-track,html.theme--catppuccin-latte #search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}html.theme--catppuccin-latte .w-100{width:100%}html.theme--catppuccin-latte .gap-2{gap:0.5rem}html.theme--catppuccin-latte .gap-4{gap:1rem}html.theme--catppuccin-latte .gap-8{gap:2rem}html.theme--catppuccin-latte{background-color:#eff1f5;font-size:16px;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-latte a{transition:all 200ms ease}html.theme--catppuccin-latte .label{color:#4c4f69}html.theme--catppuccin-latte .button,html.theme--catppuccin-latte .control.has-icons-left .icon,html.theme--catppuccin-latte .control.has-icons-right .icon,html.theme--catppuccin-latte .input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte .pagination-ellipsis,html.theme--catppuccin-latte .pagination-link,html.theme--catppuccin-latte .pagination-next,html.theme--catppuccin-latte .pagination-previous,html.theme--catppuccin-latte .select,html.theme--catppuccin-latte .select select,html.theme--catppuccin-latte .textarea{height:2.5em;color:#4c4f69}html.theme--catppuccin-latte .input,html.theme--catppuccin-latte #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-latte .textarea{transition:all 200ms ease;box-shadow:none;border-width:1px;padding-left:1em;padding-right:1em;color:#4c4f69}html.theme--catppuccin-latte .select:after,html.theme--catppuccin-latte .select select{border-width:1px}html.theme--catppuccin-latte .menu-list a{transition:all 300ms ease}html.theme--catppuccin-latte .modal-card-foot,html.theme--catppuccin-latte .modal-card-head{border-color:#acb0be}html.theme--catppuccin-latte .navbar{border-radius:.4em}html.theme--catppuccin-latte .navbar.is-transparent{background:none}html.theme--catppuccin-latte .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-latte .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#1e66f5}@media screen and (max-width: 1055px){html.theme--catppuccin-latte .navbar .navbar-menu{background-color:#1e66f5;border-radius:0 0 .4em .4em}}html.theme--catppuccin-latte .docstring>section>a.docs-sourcelink:not(body){color:#ccd0da}html.theme--catppuccin-latte .tag.is-link:not(body),html.theme--catppuccin-latte .docstring>section>a.is-link.docs-sourcelink:not(body),html.theme--catppuccin-latte .content kbd.is-link:not(body){color:#ccd0da}html.theme--catppuccin-latte .ansi span.sgr1{font-weight:bolder}html.theme--catppuccin-latte .ansi span.sgr2{font-weight:lighter}html.theme--catppuccin-latte .ansi span.sgr3{font-style:italic}html.theme--catppuccin-latte .ansi span.sgr4{text-decoration:underline}html.theme--catppuccin-latte .ansi span.sgr7{color:#eff1f5;background-color:#4c4f69}html.theme--catppuccin-latte .ansi span.sgr8{color:transparent}html.theme--catppuccin-latte .ansi span.sgr8 span{color:transparent}html.theme--catppuccin-latte .ansi span.sgr9{text-decoration:line-through}html.theme--catppuccin-latte .ansi span.sgr30{color:#5c5f77}html.theme--catppuccin-latte .ansi span.sgr31{color:#d20f39}html.theme--catppuccin-latte .ansi span.sgr32{color:#40a02b}html.theme--catppuccin-latte .ansi span.sgr33{color:#df8e1d}html.theme--catppuccin-latte .ansi span.sgr34{color:#1e66f5}html.theme--catppuccin-latte .ansi span.sgr35{color:#ea76cb}html.theme--catppuccin-latte .ansi span.sgr36{color:#179299}html.theme--catppuccin-latte .ansi span.sgr37{color:#acb0be}html.theme--catppuccin-latte .ansi span.sgr40{background-color:#5c5f77}html.theme--catppuccin-latte .ansi span.sgr41{background-color:#d20f39}html.theme--catppuccin-latte .ansi span.sgr42{background-color:#40a02b}html.theme--catppuccin-latte .ansi span.sgr43{background-color:#df8e1d}html.theme--catppuccin-latte .ansi span.sgr44{background-color:#1e66f5}html.theme--catppuccin-latte .ansi span.sgr45{background-color:#ea76cb}html.theme--catppuccin-latte .ansi span.sgr46{background-color:#179299}html.theme--catppuccin-latte .ansi span.sgr47{background-color:#acb0be}html.theme--catppuccin-latte .ansi span.sgr90{color:#6c6f85}html.theme--catppuccin-latte .ansi span.sgr91{color:#d20f39}html.theme--catppuccin-latte .ansi span.sgr92{color:#40a02b}html.theme--catppuccin-latte .ansi span.sgr93{color:#df8e1d}html.theme--catppuccin-latte .ansi span.sgr94{color:#1e66f5}html.theme--catppuccin-latte .ansi span.sgr95{color:#ea76cb}html.theme--catppuccin-latte .ansi span.sgr96{color:#179299}html.theme--catppuccin-latte .ansi span.sgr97{color:#bcc0cc}html.theme--catppuccin-latte .ansi span.sgr100{background-color:#6c6f85}html.theme--catppuccin-latte .ansi span.sgr101{background-color:#d20f39}html.theme--catppuccin-latte .ansi span.sgr102{background-color:#40a02b}html.theme--catppuccin-latte .ansi span.sgr103{background-color:#df8e1d}html.theme--catppuccin-latte .ansi span.sgr104{background-color:#1e66f5}html.theme--catppuccin-latte .ansi span.sgr105{background-color:#ea76cb}html.theme--catppuccin-latte .ansi span.sgr106{background-color:#179299}html.theme--catppuccin-latte .ansi span.sgr107{background-color:#bcc0cc}html.theme--catppuccin-latte code.language-julia-repl>span.hljs-meta{color:#40a02b;font-weight:bolder}html.theme--catppuccin-latte code .hljs{color:#4c4f69;background:#eff1f5}html.theme--catppuccin-latte code .hljs-keyword{color:#8839ef}html.theme--catppuccin-latte code .hljs-built_in{color:#d20f39}html.theme--catppuccin-latte code .hljs-type{color:#df8e1d}html.theme--catppuccin-latte code .hljs-literal{color:#fe640b}html.theme--catppuccin-latte code .hljs-number{color:#fe640b}html.theme--catppuccin-latte code .hljs-operator{color:#179299}html.theme--catppuccin-latte code .hljs-punctuation{color:#5c5f77}html.theme--catppuccin-latte code .hljs-property{color:#179299}html.theme--catppuccin-latte code .hljs-regexp{color:#ea76cb}html.theme--catppuccin-latte code .hljs-string{color:#40a02b}html.theme--catppuccin-latte code .hljs-char.escape_{color:#40a02b}html.theme--catppuccin-latte code .hljs-subst{color:#6c6f85}html.theme--catppuccin-latte code .hljs-symbol{color:#dd7878}html.theme--catppuccin-latte code .hljs-variable{color:#8839ef}html.theme--catppuccin-latte code .hljs-variable.language_{color:#8839ef}html.theme--catppuccin-latte code .hljs-variable.constant_{color:#fe640b}html.theme--catppuccin-latte code .hljs-title{color:#1e66f5}html.theme--catppuccin-latte code .hljs-title.class_{color:#df8e1d}html.theme--catppuccin-latte code .hljs-title.function_{color:#1e66f5}html.theme--catppuccin-latte code .hljs-params{color:#4c4f69}html.theme--catppuccin-latte code .hljs-comment{color:#acb0be}html.theme--catppuccin-latte code .hljs-doctag{color:#d20f39}html.theme--catppuccin-latte code .hljs-meta{color:#fe640b}html.theme--catppuccin-latte code .hljs-section{color:#1e66f5}html.theme--catppuccin-latte code .hljs-tag{color:#6c6f85}html.theme--catppuccin-latte code .hljs-name{color:#8839ef}html.theme--catppuccin-latte code .hljs-attr{color:#1e66f5}html.theme--catppuccin-latte code .hljs-attribute{color:#40a02b}html.theme--catppuccin-latte code .hljs-bullet{color:#179299}html.theme--catppuccin-latte code .hljs-code{color:#40a02b}html.theme--catppuccin-latte code .hljs-emphasis{color:#d20f39;font-style:italic}html.theme--catppuccin-latte code .hljs-strong{color:#d20f39;font-weight:bold}html.theme--catppuccin-latte code .hljs-formula{color:#179299}html.theme--catppuccin-latte code .hljs-link{color:#209fb5;font-style:italic}html.theme--catppuccin-latte code .hljs-quote{color:#40a02b;font-style:italic}html.theme--catppuccin-latte code .hljs-selector-tag{color:#df8e1d}html.theme--catppuccin-latte code .hljs-selector-id{color:#1e66f5}html.theme--catppuccin-latte code .hljs-selector-class{color:#179299}html.theme--catppuccin-latte code .hljs-selector-attr{color:#8839ef}html.theme--catppuccin-latte code .hljs-selector-pseudo{color:#179299}html.theme--catppuccin-latte code .hljs-template-tag{color:#dd7878}html.theme--catppuccin-latte code .hljs-template-variable{color:#dd7878}html.theme--catppuccin-latte code .hljs-addition{color:#40a02b;background:rgba(166,227,161,0.15)}html.theme--catppuccin-latte code .hljs-deletion{color:#d20f39;background:rgba(243,139,168,0.15)}html.theme--catppuccin-latte .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-latte .search-result-link:hover,html.theme--catppuccin-latte .search-result-link:focus{background-color:#ccd0da}html.theme--catppuccin-latte .search-result-link .property-search-result-badge,html.theme--catppuccin-latte .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-latte .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-latte .search-result-link:hover .search-filter,html.theme--catppuccin-latte .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-latte .search-result-link:focus .search-filter{color:#ccd0da !important;background-color:#7287fd !important}html.theme--catppuccin-latte .search-result-title{color:#4c4f69}html.theme--catppuccin-latte .search-result-highlight{background-color:#d20f39;color:#e6e9ef}html.theme--catppuccin-latte .search-divider{border-bottom:1px solid #5e6d6f50}html.theme--catppuccin-latte .w-100{width:100%}html.theme--catppuccin-latte .gap-2{gap:0.5rem}html.theme--catppuccin-latte .gap-4{gap:1rem} diff --git a/previews/PR92/assets/themes/catppuccin-macchiato.css b/previews/PR92/assets/themes/catppuccin-macchiato.css new file mode 100644 index 00000000..6ed16f8e --- /dev/null +++ b/previews/PR92/assets/themes/catppuccin-macchiato.css @@ -0,0 +1 @@ +html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato .pagination-ellipsis,html.theme--catppuccin-macchiato .file-cta,html.theme--catppuccin-macchiato .file-name,html.theme--catppuccin-macchiato .select select,html.theme--catppuccin-macchiato .textarea,html.theme--catppuccin-macchiato .input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato .button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:.4em;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}html.theme--catppuccin-macchiato .pagination-previous:focus,html.theme--catppuccin-macchiato .pagination-next:focus,html.theme--catppuccin-macchiato .pagination-link:focus,html.theme--catppuccin-macchiato .pagination-ellipsis:focus,html.theme--catppuccin-macchiato .file-cta:focus,html.theme--catppuccin-macchiato .file-name:focus,html.theme--catppuccin-macchiato .select select:focus,html.theme--catppuccin-macchiato .textarea:focus,html.theme--catppuccin-macchiato .input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-macchiato .button:focus,html.theme--catppuccin-macchiato .is-focused.pagination-previous,html.theme--catppuccin-macchiato .is-focused.pagination-next,html.theme--catppuccin-macchiato .is-focused.pagination-link,html.theme--catppuccin-macchiato .is-focused.pagination-ellipsis,html.theme--catppuccin-macchiato .is-focused.file-cta,html.theme--catppuccin-macchiato .is-focused.file-name,html.theme--catppuccin-macchiato .select select.is-focused,html.theme--catppuccin-macchiato .is-focused.textarea,html.theme--catppuccin-macchiato .is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-focused.button,html.theme--catppuccin-macchiato .pagination-previous:active,html.theme--catppuccin-macchiato .pagination-next:active,html.theme--catppuccin-macchiato .pagination-link:active,html.theme--catppuccin-macchiato .pagination-ellipsis:active,html.theme--catppuccin-macchiato .file-cta:active,html.theme--catppuccin-macchiato .file-name:active,html.theme--catppuccin-macchiato .select select:active,html.theme--catppuccin-macchiato .textarea:active,html.theme--catppuccin-macchiato .input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-macchiato .button:active,html.theme--catppuccin-macchiato .is-active.pagination-previous,html.theme--catppuccin-macchiato .is-active.pagination-next,html.theme--catppuccin-macchiato .is-active.pagination-link,html.theme--catppuccin-macchiato .is-active.pagination-ellipsis,html.theme--catppuccin-macchiato .is-active.file-cta,html.theme--catppuccin-macchiato .is-active.file-name,html.theme--catppuccin-macchiato .select select.is-active,html.theme--catppuccin-macchiato .is-active.textarea,html.theme--catppuccin-macchiato .is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-macchiato .is-active.button{outline:none}html.theme--catppuccin-macchiato .pagination-previous[disabled],html.theme--catppuccin-macchiato .pagination-next[disabled],html.theme--catppuccin-macchiato .pagination-link[disabled],html.theme--catppuccin-macchiato .pagination-ellipsis[disabled],html.theme--catppuccin-macchiato .file-cta[disabled],html.theme--catppuccin-macchiato .file-name[disabled],html.theme--catppuccin-macchiato .select select[disabled],html.theme--catppuccin-macchiato .textarea[disabled],html.theme--catppuccin-macchiato .input[disabled],html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled],html.theme--catppuccin-macchiato .button[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato fieldset[disabled] .pagination-previous,fieldset[disabled] html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato fieldset[disabled] .pagination-next,fieldset[disabled] html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato fieldset[disabled] .pagination-link,fieldset[disabled] html.theme--catppuccin-macchiato .pagination-ellipsis,html.theme--catppuccin-macchiato fieldset[disabled] .pagination-ellipsis,fieldset[disabled] html.theme--catppuccin-macchiato .file-cta,html.theme--catppuccin-macchiato fieldset[disabled] .file-cta,fieldset[disabled] html.theme--catppuccin-macchiato .file-name,html.theme--catppuccin-macchiato fieldset[disabled] .file-name,fieldset[disabled] html.theme--catppuccin-macchiato .select select,fieldset[disabled] html.theme--catppuccin-macchiato .textarea,fieldset[disabled] html.theme--catppuccin-macchiato .input,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato fieldset[disabled] .select select,html.theme--catppuccin-macchiato .select fieldset[disabled] select,html.theme--catppuccin-macchiato fieldset[disabled] .textarea,html.theme--catppuccin-macchiato fieldset[disabled] .input,html.theme--catppuccin-macchiato fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] html.theme--catppuccin-macchiato .button,html.theme--catppuccin-macchiato fieldset[disabled] .button{cursor:not-allowed}html.theme--catppuccin-macchiato .tabs,html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato .pagination-ellipsis,html.theme--catppuccin-macchiato .breadcrumb,html.theme--catppuccin-macchiato .file,html.theme--catppuccin-macchiato .button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}html.theme--catppuccin-macchiato .navbar-link:not(.is-arrowless)::after,html.theme--catppuccin-macchiato .select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}html.theme--catppuccin-macchiato .admonition:not(:last-child),html.theme--catppuccin-macchiato .tabs:not(:last-child),html.theme--catppuccin-macchiato .pagination:not(:last-child),html.theme--catppuccin-macchiato .message:not(:last-child),html.theme--catppuccin-macchiato .level:not(:last-child),html.theme--catppuccin-macchiato .breadcrumb:not(:last-child),html.theme--catppuccin-macchiato .block:not(:last-child),html.theme--catppuccin-macchiato .title:not(:last-child),html.theme--catppuccin-macchiato .subtitle:not(:last-child),html.theme--catppuccin-macchiato .table-container:not(:last-child),html.theme--catppuccin-macchiato .table:not(:last-child),html.theme--catppuccin-macchiato .progress:not(:last-child),html.theme--catppuccin-macchiato .notification:not(:last-child),html.theme--catppuccin-macchiato .content:not(:last-child),html.theme--catppuccin-macchiato .box:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-macchiato .modal-close,html.theme--catppuccin-macchiato .delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}html.theme--catppuccin-macchiato .modal-close::before,html.theme--catppuccin-macchiato .delete::before,html.theme--catppuccin-macchiato .modal-close::after,html.theme--catppuccin-macchiato .delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-macchiato .modal-close::before,html.theme--catppuccin-macchiato .delete::before{height:2px;width:50%}html.theme--catppuccin-macchiato .modal-close::after,html.theme--catppuccin-macchiato .delete::after{height:50%;width:2px}html.theme--catppuccin-macchiato .modal-close:hover,html.theme--catppuccin-macchiato .delete:hover,html.theme--catppuccin-macchiato .modal-close:focus,html.theme--catppuccin-macchiato .delete:focus{background-color:rgba(10,10,10,0.3)}html.theme--catppuccin-macchiato .modal-close:active,html.theme--catppuccin-macchiato .delete:active{background-color:rgba(10,10,10,0.4)}html.theme--catppuccin-macchiato .is-small.modal-close,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.modal-close,html.theme--catppuccin-macchiato .is-small.delete,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}html.theme--catppuccin-macchiato .is-medium.modal-close,html.theme--catppuccin-macchiato .is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}html.theme--catppuccin-macchiato .is-large.modal-close,html.theme--catppuccin-macchiato .is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}html.theme--catppuccin-macchiato .control.is-loading::after,html.theme--catppuccin-macchiato .select.is-loading::after,html.theme--catppuccin-macchiato .loader,html.theme--catppuccin-macchiato .button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #8087a2;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}html.theme--catppuccin-macchiato .hero-video,html.theme--catppuccin-macchiato .modal-background,html.theme--catppuccin-macchiato .modal,html.theme--catppuccin-macchiato .image.is-square img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-macchiato .image.is-square .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-macchiato .image.is-1by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-macchiato .image.is-1by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-5by4 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-macchiato .image.is-5by4 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-macchiato .image.is-4by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-macchiato .image.is-4by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by2 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-macchiato .image.is-3by2 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-macchiato .image.is-5by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-macchiato .image.is-5by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-16by9 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-macchiato .image.is-16by9 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-macchiato .image.is-2by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-macchiato .image.is-2by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-macchiato .image.is-3by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-4by5 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-macchiato .image.is-4by5 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by4 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-macchiato .image.is-3by4 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-macchiato .image.is-2by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-macchiato .image.is-2by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by5 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-macchiato .image.is-3by5 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-macchiato .image.is-9by16 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-macchiato .image.is-9by16 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-macchiato .image.is-1by2 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-macchiato .image.is-1by2 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-macchiato .image.is-1by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-macchiato .image.is-1by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}html.theme--catppuccin-macchiato .navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#f5f5f5 !important}a.has-text-light:hover,a.has-text-light:focus{color:#dbdbdb !important}.has-background-light{background-color:#f5f5f5 !important}.has-text-dark{color:#363a4f !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#212431 !important}.has-background-dark{background-color:#363a4f !important}.has-text-primary{color:#8aadf4 !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#5b8cf0 !important}.has-background-primary{background-color:#8aadf4 !important}.has-text-primary-light{color:#ecf2fd !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#bed1f9 !important}.has-background-primary-light{background-color:#ecf2fd !important}.has-text-primary-dark{color:#0e3b95 !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#124dc4 !important}.has-background-primary-dark{background-color:#0e3b95 !important}.has-text-link{color:#8aadf4 !important}a.has-text-link:hover,a.has-text-link:focus{color:#5b8cf0 !important}.has-background-link{background-color:#8aadf4 !important}.has-text-link-light{color:#ecf2fd !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#bed1f9 !important}.has-background-link-light{background-color:#ecf2fd !important}.has-text-link-dark{color:#0e3b95 !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#124dc4 !important}.has-background-link-dark{background-color:#0e3b95 !important}.has-text-info{color:#8bd5ca !important}a.has-text-info:hover,a.has-text-info:focus{color:#66c7b9 !important}.has-background-info{background-color:#8bd5ca !important}.has-text-info-light{color:#f0faf8 !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#cbece7 !important}.has-background-info-light{background-color:#f0faf8 !important}.has-text-info-dark{color:#276d62 !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#359284 !important}.has-background-info-dark{background-color:#276d62 !important}.has-text-success{color:#a6da95 !important}a.has-text-success:hover,a.has-text-success:focus{color:#86cd6f !important}.has-background-success{background-color:#a6da95 !important}.has-text-success-light{color:#f2faf0 !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#d3edca !important}.has-background-success-light{background-color:#f2faf0 !important}.has-text-success-dark{color:#386e26 !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#4b9333 !important}.has-background-success-dark{background-color:#386e26 !important}.has-text-warning{color:#eed49f !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#e6c174 !important}.has-background-warning{background-color:#eed49f !important}.has-text-warning-light{color:#fcf7ee !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#f4e4c2 !important}.has-background-warning-light{background-color:#fcf7ee !important}.has-text-warning-dark{color:#7e5c16 !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#a97b1e !important}.has-background-warning-dark{background-color:#7e5c16 !important}.has-text-danger{color:#ed8796 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#e65b6f !important}.has-background-danger{background-color:#ed8796 !important}.has-text-danger-light{color:#fcedef !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#f6c1c9 !important}.has-background-danger-light{background-color:#fcedef !important}.has-text-danger-dark{color:#971729 !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#c31d36 !important}.has-background-danger-dark{background-color:#971729 !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#363a4f !important}.has-background-grey-darker{background-color:#363a4f !important}.has-text-grey-dark{color:#494d64 !important}.has-background-grey-dark{background-color:#494d64 !important}.has-text-grey{color:#5b6078 !important}.has-background-grey{background-color:#5b6078 !important}.has-text-grey-light{color:#6e738d !important}.has-background-grey-light{background-color:#6e738d !important}.has-text-grey-lighter{color:#8087a2 !important}.has-background-grey-lighter{background-color:#8087a2 !important}.has-text-white-ter{color:#f5f5f5 !important}.has-background-white-ter{background-color:#f5f5f5 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}html.theme--catppuccin-macchiato html{background-color:#24273a;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-macchiato article,html.theme--catppuccin-macchiato aside,html.theme--catppuccin-macchiato figure,html.theme--catppuccin-macchiato footer,html.theme--catppuccin-macchiato header,html.theme--catppuccin-macchiato hgroup,html.theme--catppuccin-macchiato section{display:block}html.theme--catppuccin-macchiato body,html.theme--catppuccin-macchiato button,html.theme--catppuccin-macchiato input,html.theme--catppuccin-macchiato optgroup,html.theme--catppuccin-macchiato select,html.theme--catppuccin-macchiato textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}html.theme--catppuccin-macchiato code,html.theme--catppuccin-macchiato pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-macchiato body{color:#cad3f5;font-size:1em;font-weight:400;line-height:1.5}html.theme--catppuccin-macchiato a{color:#8aadf4;cursor:pointer;text-decoration:none}html.theme--catppuccin-macchiato a strong{color:currentColor}html.theme--catppuccin-macchiato a:hover{color:#91d7e3}html.theme--catppuccin-macchiato code{background-color:#1e2030;color:#cad3f5;font-size:.875em;font-weight:normal;padding:.1em}html.theme--catppuccin-macchiato hr{background-color:#1e2030;border:none;display:block;height:2px;margin:1.5rem 0}html.theme--catppuccin-macchiato img{height:auto;max-width:100%}html.theme--catppuccin-macchiato input[type="checkbox"],html.theme--catppuccin-macchiato input[type="radio"]{vertical-align:baseline}html.theme--catppuccin-macchiato small{font-size:.875em}html.theme--catppuccin-macchiato span{font-style:inherit;font-weight:inherit}html.theme--catppuccin-macchiato strong{color:#b5c1f1;font-weight:700}html.theme--catppuccin-macchiato fieldset{border:none}html.theme--catppuccin-macchiato pre{-webkit-overflow-scrolling:touch;background-color:#1e2030;color:#cad3f5;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}html.theme--catppuccin-macchiato pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}html.theme--catppuccin-macchiato table td,html.theme--catppuccin-macchiato table th{vertical-align:top}html.theme--catppuccin-macchiato table td:not([align]),html.theme--catppuccin-macchiato table th:not([align]){text-align:inherit}html.theme--catppuccin-macchiato table th{color:#b5c1f1}html.theme--catppuccin-macchiato .box{background-color:#494d64;border-radius:8px;box-shadow:none;color:#cad3f5;display:block;padding:1.25rem}html.theme--catppuccin-macchiato a.box:hover,html.theme--catppuccin-macchiato a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #8aadf4}html.theme--catppuccin-macchiato a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #8aadf4}html.theme--catppuccin-macchiato .button{background-color:#1e2030;border-color:#3b3f5f;border-width:1px;color:#8aadf4;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}html.theme--catppuccin-macchiato .button strong{color:inherit}html.theme--catppuccin-macchiato .button .icon,html.theme--catppuccin-macchiato .button .icon.is-small,html.theme--catppuccin-macchiato .button #documenter .docs-sidebar form.docs-search>input.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .button form.docs-search>input.icon,html.theme--catppuccin-macchiato .button .icon.is-medium,html.theme--catppuccin-macchiato .button .icon.is-large{height:1.5em;width:1.5em}html.theme--catppuccin-macchiato .button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}html.theme--catppuccin-macchiato .button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-macchiato .button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-macchiato .button:hover,html.theme--catppuccin-macchiato .button.is-hovered{border-color:#6e738d;color:#b5c1f1}html.theme--catppuccin-macchiato .button:focus,html.theme--catppuccin-macchiato .button.is-focused{border-color:#6e738d;color:#739df2}html.theme--catppuccin-macchiato .button:focus:not(:active),html.theme--catppuccin-macchiato .button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .button:active,html.theme--catppuccin-macchiato .button.is-active{border-color:#494d64;color:#b5c1f1}html.theme--catppuccin-macchiato .button.is-text{background-color:transparent;border-color:transparent;color:#cad3f5;text-decoration:underline}html.theme--catppuccin-macchiato .button.is-text:hover,html.theme--catppuccin-macchiato .button.is-text.is-hovered,html.theme--catppuccin-macchiato .button.is-text:focus,html.theme--catppuccin-macchiato .button.is-text.is-focused{background-color:#1e2030;color:#b5c1f1}html.theme--catppuccin-macchiato .button.is-text:active,html.theme--catppuccin-macchiato .button.is-text.is-active{background-color:#141620;color:#b5c1f1}html.theme--catppuccin-macchiato .button.is-text[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}html.theme--catppuccin-macchiato .button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#8aadf4;text-decoration:none}html.theme--catppuccin-macchiato .button.is-ghost:hover,html.theme--catppuccin-macchiato .button.is-ghost.is-hovered{color:#8aadf4;text-decoration:underline}html.theme--catppuccin-macchiato .button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white:hover,html.theme--catppuccin-macchiato .button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white:focus,html.theme--catppuccin-macchiato .button.is-white.is-focused{border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white:focus:not(:active),html.theme--catppuccin-macchiato .button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-macchiato .button.is-white:active,html.theme--catppuccin-macchiato .button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}html.theme--catppuccin-macchiato .button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .button.is-white.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-hovered{background-color:#000}html.theme--catppuccin-macchiato .button.is-white.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-macchiato .button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-white.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-white.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-macchiato .button.is-white.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-black:hover,html.theme--catppuccin-macchiato .button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-black:focus,html.theme--catppuccin-macchiato .button.is-black.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-black:focus:not(:active),html.theme--catppuccin-macchiato .button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-macchiato .button.is-black:active,html.theme--catppuccin-macchiato .button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-black[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}html.theme--catppuccin-macchiato .button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-macchiato .button.is-black.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-black.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-black.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-light{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light:hover,html.theme--catppuccin-macchiato .button.is-light.is-hovered{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light:focus,html.theme--catppuccin-macchiato .button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light:focus:not(:active),html.theme--catppuccin-macchiato .button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-macchiato .button.is-light:active,html.theme--catppuccin-macchiato .button.is-light.is-active{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-light{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none}html.theme--catppuccin-macchiato .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-macchiato .button.is-light.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-macchiato .button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;color:#f5f5f5}html.theme--catppuccin-macchiato .button.is-light.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-light.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-focused{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-light.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-dark,html.theme--catppuccin-macchiato .content kbd.button{background-color:#363a4f;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-dark:hover,html.theme--catppuccin-macchiato .content kbd.button:hover,html.theme--catppuccin-macchiato .button.is-dark.is-hovered,html.theme--catppuccin-macchiato .content kbd.button.is-hovered{background-color:#313447;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-dark:focus,html.theme--catppuccin-macchiato .content kbd.button:focus,html.theme--catppuccin-macchiato .button.is-dark.is-focused,html.theme--catppuccin-macchiato .content kbd.button.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-dark:focus:not(:active),html.theme--catppuccin-macchiato .content kbd.button:focus:not(:active),html.theme--catppuccin-macchiato .button.is-dark.is-focused:not(:active),html.theme--catppuccin-macchiato .content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(54,58,79,0.25)}html.theme--catppuccin-macchiato .button.is-dark:active,html.theme--catppuccin-macchiato .content kbd.button:active,html.theme--catppuccin-macchiato .button.is-dark.is-active,html.theme--catppuccin-macchiato .content kbd.button.is-active{background-color:#2c2f40;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-dark[disabled],html.theme--catppuccin-macchiato .content kbd.button[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-dark,fieldset[disabled] html.theme--catppuccin-macchiato .content kbd.button{background-color:#363a4f;border-color:#363a4f;box-shadow:none}html.theme--catppuccin-macchiato .button.is-dark.is-inverted,html.theme--catppuccin-macchiato .content kbd.button.is-inverted{background-color:#fff;color:#363a4f}html.theme--catppuccin-macchiato .button.is-dark.is-inverted:hover,html.theme--catppuccin-macchiato .content kbd.button.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-hovered,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-macchiato .button.is-dark.is-inverted[disabled],html.theme--catppuccin-macchiato .content kbd.button.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-dark.is-inverted,fieldset[disabled] html.theme--catppuccin-macchiato .content kbd.button.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#363a4f}html.theme--catppuccin-macchiato .button.is-dark.is-loading::after,html.theme--catppuccin-macchiato .content kbd.button.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-dark.is-outlined,html.theme--catppuccin-macchiato .content kbd.button.is-outlined{background-color:transparent;border-color:#363a4f;color:#363a4f}html.theme--catppuccin-macchiato .button.is-dark.is-outlined:hover,html.theme--catppuccin-macchiato .content kbd.button.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-hovered,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-dark.is-outlined:focus,html.theme--catppuccin-macchiato .content kbd.button.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-focused,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-focused{background-color:#363a4f;border-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-loading::after,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #363a4f #363a4f !important}html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-dark.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-macchiato .content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-dark.is-outlined[disabled],html.theme--catppuccin-macchiato .content kbd.button.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-dark.is-outlined,fieldset[disabled] html.theme--catppuccin-macchiato .content kbd.button.is-outlined{background-color:transparent;border-color:#363a4f;box-shadow:none;color:#363a4f}html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-focused,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-focused{background-color:#fff;color:#363a4f}html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #363a4f #363a4f !important}html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined[disabled],html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-dark.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-macchiato .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink{background-color:#8aadf4;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-primary:hover,html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink:hover,html.theme--catppuccin-macchiato .button.is-primary.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#7ea5f3;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-primary:focus,html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink:focus,html.theme--catppuccin-macchiato .button.is-primary.is-focused,html.theme--catppuccin-macchiato .docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-primary:focus:not(:active),html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink:focus:not(:active),html.theme--catppuccin-macchiato .button.is-primary.is-focused:not(:active),html.theme--catppuccin-macchiato .docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .button.is-primary:active,html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink:active,html.theme--catppuccin-macchiato .button.is-primary.is-active,html.theme--catppuccin-macchiato .docstring>section>a.button.is-active.docs-sourcelink{background-color:#739df2;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-primary[disabled],html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-primary,fieldset[disabled] html.theme--catppuccin-macchiato .docstring>section>a.button.docs-sourcelink{background-color:#8aadf4;border-color:#8aadf4;box-shadow:none}html.theme--catppuccin-macchiato .button.is-primary.is-inverted,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-primary.is-inverted:hover,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.docs-sourcelink:hover,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}html.theme--catppuccin-macchiato .button.is-primary.is-inverted[disabled],html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-primary.is-inverted,fieldset[disabled] html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-primary.is-loading::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-primary.is-outlined,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#8aadf4;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-primary.is-outlined:hover,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-macchiato .button.is-primary.is-outlined:focus,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-focused,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#8aadf4;border-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-loading::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #8aadf4 #8aadf4 !important}html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-macchiato .button.is-primary.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-primary.is-outlined[disabled],html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-primary.is-outlined,fieldset[disabled] html.theme--catppuccin-macchiato .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#8aadf4;box-shadow:none;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-focused,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #8aadf4 #8aadf4 !important}html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined[disabled],html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-primary.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-macchiato .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-primary.is-light,html.theme--catppuccin-macchiato .docstring>section>a.button.is-light.docs-sourcelink{background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-primary.is-light:hover,html.theme--catppuccin-macchiato .docstring>section>a.button.is-light.docs-sourcelink:hover,html.theme--catppuccin-macchiato .button.is-primary.is-light.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#e1eafc;border-color:transparent;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-primary.is-light:active,html.theme--catppuccin-macchiato .docstring>section>a.button.is-light.docs-sourcelink:active,html.theme--catppuccin-macchiato .button.is-primary.is-light.is-active,html.theme--catppuccin-macchiato .docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#d5e2fb;border-color:transparent;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-link{background-color:#8aadf4;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-link:hover,html.theme--catppuccin-macchiato .button.is-link.is-hovered{background-color:#7ea5f3;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-link:focus,html.theme--catppuccin-macchiato .button.is-link.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-link:focus:not(:active),html.theme--catppuccin-macchiato .button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .button.is-link:active,html.theme--catppuccin-macchiato .button.is-link.is-active{background-color:#739df2;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-link[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-link{background-color:#8aadf4;border-color:#8aadf4;box-shadow:none}html.theme--catppuccin-macchiato .button.is-link.is-inverted{background-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-link.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-macchiato .button.is-link.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-link.is-outlined{background-color:transparent;border-color:#8aadf4;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-link.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-link.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-focused{background-color:#8aadf4;border-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #8aadf4 #8aadf4 !important}html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-link.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-link.is-outlined{background-color:transparent;border-color:#8aadf4;box-shadow:none;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #8aadf4 #8aadf4 !important}html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-link.is-light{background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-link.is-light:hover,html.theme--catppuccin-macchiato .button.is-link.is-light.is-hovered{background-color:#e1eafc;border-color:transparent;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-link.is-light:active,html.theme--catppuccin-macchiato .button.is-link.is-light.is-active{background-color:#d5e2fb;border-color:transparent;color:#0e3b95}html.theme--catppuccin-macchiato .button.is-info{background-color:#8bd5ca;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info:hover,html.theme--catppuccin-macchiato .button.is-info.is-hovered{background-color:#82d2c6;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info:focus,html.theme--catppuccin-macchiato .button.is-info.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info:focus:not(:active),html.theme--catppuccin-macchiato .button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(139,213,202,0.25)}html.theme--catppuccin-macchiato .button.is-info:active,html.theme--catppuccin-macchiato .button.is-info.is-active{background-color:#78cec1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-info{background-color:#8bd5ca;border-color:#8bd5ca;box-shadow:none}html.theme--catppuccin-macchiato .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);color:#8bd5ca}html.theme--catppuccin-macchiato .button.is-info.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#8bd5ca}html.theme--catppuccin-macchiato .button.is-info.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-info.is-outlined{background-color:transparent;border-color:#8bd5ca;color:#8bd5ca}html.theme--catppuccin-macchiato .button.is-info.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-info.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-focused{background-color:#8bd5ca;border-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #8bd5ca #8bd5ca !important}html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-info.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-info.is-outlined{background-color:transparent;border-color:#8bd5ca;box-shadow:none;color:#8bd5ca}html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#8bd5ca}html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #8bd5ca #8bd5ca !important}html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-info.is-light{background-color:#f0faf8;color:#276d62}html.theme--catppuccin-macchiato .button.is-info.is-light:hover,html.theme--catppuccin-macchiato .button.is-info.is-light.is-hovered{background-color:#e7f6f4;border-color:transparent;color:#276d62}html.theme--catppuccin-macchiato .button.is-info.is-light:active,html.theme--catppuccin-macchiato .button.is-info.is-light.is-active{background-color:#ddf3f0;border-color:transparent;color:#276d62}html.theme--catppuccin-macchiato .button.is-success{background-color:#a6da95;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success:hover,html.theme--catppuccin-macchiato .button.is-success.is-hovered{background-color:#9ed78c;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success:focus,html.theme--catppuccin-macchiato .button.is-success.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success:focus:not(:active),html.theme--catppuccin-macchiato .button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(166,218,149,0.25)}html.theme--catppuccin-macchiato .button.is-success:active,html.theme--catppuccin-macchiato .button.is-success.is-active{background-color:#96d382;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-success{background-color:#a6da95;border-color:#a6da95;box-shadow:none}html.theme--catppuccin-macchiato .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);color:#a6da95}html.theme--catppuccin-macchiato .button.is-success.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#a6da95}html.theme--catppuccin-macchiato .button.is-success.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-success.is-outlined{background-color:transparent;border-color:#a6da95;color:#a6da95}html.theme--catppuccin-macchiato .button.is-success.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-success.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-focused{background-color:#a6da95;border-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #a6da95 #a6da95 !important}html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-success.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-success.is-outlined{background-color:transparent;border-color:#a6da95;box-shadow:none;color:#a6da95}html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#a6da95}html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #a6da95 #a6da95 !important}html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-success.is-light{background-color:#f2faf0;color:#386e26}html.theme--catppuccin-macchiato .button.is-success.is-light:hover,html.theme--catppuccin-macchiato .button.is-success.is-light.is-hovered{background-color:#eaf6e6;border-color:transparent;color:#386e26}html.theme--catppuccin-macchiato .button.is-success.is-light:active,html.theme--catppuccin-macchiato .button.is-success.is-light.is-active{background-color:#e2f3dd;border-color:transparent;color:#386e26}html.theme--catppuccin-macchiato .button.is-warning{background-color:#eed49f;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning:hover,html.theme--catppuccin-macchiato .button.is-warning.is-hovered{background-color:#eccf94;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning:focus,html.theme--catppuccin-macchiato .button.is-warning.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning:focus:not(:active),html.theme--catppuccin-macchiato .button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(238,212,159,0.25)}html.theme--catppuccin-macchiato .button.is-warning:active,html.theme--catppuccin-macchiato .button.is-warning.is-active{background-color:#eaca89;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-warning{background-color:#eed49f;border-color:#eed49f;box-shadow:none}html.theme--catppuccin-macchiato .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);color:#eed49f}html.theme--catppuccin-macchiato .button.is-warning.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#eed49f}html.theme--catppuccin-macchiato .button.is-warning.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-warning.is-outlined{background-color:transparent;border-color:#eed49f;color:#eed49f}html.theme--catppuccin-macchiato .button.is-warning.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-warning.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-focused{background-color:#eed49f;border-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #eed49f #eed49f !important}html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-macchiato .button.is-warning.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-warning.is-outlined{background-color:transparent;border-color:#eed49f;box-shadow:none;color:#eed49f}html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#eed49f}html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #eed49f #eed49f !important}html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .button.is-warning.is-light{background-color:#fcf7ee;color:#7e5c16}html.theme--catppuccin-macchiato .button.is-warning.is-light:hover,html.theme--catppuccin-macchiato .button.is-warning.is-light.is-hovered{background-color:#faf2e3;border-color:transparent;color:#7e5c16}html.theme--catppuccin-macchiato .button.is-warning.is-light:active,html.theme--catppuccin-macchiato .button.is-warning.is-light.is-active{background-color:#f8eed8;border-color:transparent;color:#7e5c16}html.theme--catppuccin-macchiato .button.is-danger{background-color:#ed8796;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-danger:hover,html.theme--catppuccin-macchiato .button.is-danger.is-hovered{background-color:#eb7c8c;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-danger:focus,html.theme--catppuccin-macchiato .button.is-danger.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-danger:focus:not(:active),html.theme--catppuccin-macchiato .button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(237,135,150,0.25)}html.theme--catppuccin-macchiato .button.is-danger:active,html.theme--catppuccin-macchiato .button.is-danger.is-active{background-color:#ea7183;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .button.is-danger[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-danger{background-color:#ed8796;border-color:#ed8796;box-shadow:none}html.theme--catppuccin-macchiato .button.is-danger.is-inverted{background-color:#fff;color:#ed8796}html.theme--catppuccin-macchiato .button.is-danger.is-inverted:hover,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-macchiato .button.is-danger.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#ed8796}html.theme--catppuccin-macchiato .button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-danger.is-outlined{background-color:transparent;border-color:#ed8796;color:#ed8796}html.theme--catppuccin-macchiato .button.is-danger.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-danger.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-focused{background-color:#ed8796;border-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #ed8796 #ed8796 !important}html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-macchiato .button.is-danger.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-danger.is-outlined{background-color:transparent;border-color:#ed8796;box-shadow:none;color:#ed8796}html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined:hover,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined:focus,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#ed8796}html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #ed8796 #ed8796 !important}html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-macchiato .button.is-danger.is-light{background-color:#fcedef;color:#971729}html.theme--catppuccin-macchiato .button.is-danger.is-light:hover,html.theme--catppuccin-macchiato .button.is-danger.is-light.is-hovered{background-color:#fbe2e6;border-color:transparent;color:#971729}html.theme--catppuccin-macchiato .button.is-danger.is-light:active,html.theme--catppuccin-macchiato .button.is-danger.is-light.is-active{background-color:#f9d7dc;border-color:transparent;color:#971729}html.theme--catppuccin-macchiato .button.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}html.theme--catppuccin-macchiato .button.is-small:not(.is-rounded),html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:3px}html.theme--catppuccin-macchiato .button.is-normal{font-size:1rem}html.theme--catppuccin-macchiato .button.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .button.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .button[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .button{background-color:#6e738d;border-color:#5b6078;box-shadow:none;opacity:.5}html.theme--catppuccin-macchiato .button.is-fullwidth{display:flex;width:100%}html.theme--catppuccin-macchiato .button.is-loading{color:transparent !important;pointer-events:none}html.theme--catppuccin-macchiato .button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}html.theme--catppuccin-macchiato .button.is-static{background-color:#1e2030;border-color:#5b6078;color:#8087a2;box-shadow:none;pointer-events:none}html.theme--catppuccin-macchiato .button.is-rounded,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}html.theme--catppuccin-macchiato .buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-macchiato .buttons .button{margin-bottom:0.5rem}html.theme--catppuccin-macchiato .buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}html.theme--catppuccin-macchiato .buttons:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-macchiato .buttons:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-macchiato .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}html.theme--catppuccin-macchiato .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:3px}html.theme--catppuccin-macchiato .buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}html.theme--catppuccin-macchiato .buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}html.theme--catppuccin-macchiato .buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-macchiato .buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}html.theme--catppuccin-macchiato .buttons.has-addons .button:last-child{margin-right:0}html.theme--catppuccin-macchiato .buttons.has-addons .button:hover,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-hovered{z-index:2}html.theme--catppuccin-macchiato .buttons.has-addons .button:focus,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-focused,html.theme--catppuccin-macchiato .buttons.has-addons .button:active,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-active,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-selected{z-index:3}html.theme--catppuccin-macchiato .buttons.has-addons .button:focus:hover,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-focused:hover,html.theme--catppuccin-macchiato .buttons.has-addons .button:active:hover,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-active:hover,html.theme--catppuccin-macchiato .buttons.has-addons .button.is-selected:hover{z-index:4}html.theme--catppuccin-macchiato .buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .buttons.is-centered{justify-content:center}html.theme--catppuccin-macchiato .buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}html.theme--catppuccin-macchiato .buttons.is-right{justify-content:flex-end}html.theme--catppuccin-macchiato .buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .button.is-responsive.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}html.theme--catppuccin-macchiato .button.is-responsive,html.theme--catppuccin-macchiato .button.is-responsive.is-normal{font-size:.65625rem}html.theme--catppuccin-macchiato .button.is-responsive.is-medium{font-size:.75rem}html.theme--catppuccin-macchiato .button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .button.is-responsive.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}html.theme--catppuccin-macchiato .button.is-responsive,html.theme--catppuccin-macchiato .button.is-responsive.is-normal{font-size:.75rem}html.theme--catppuccin-macchiato .button.is-responsive.is-medium{font-size:1rem}html.theme--catppuccin-macchiato .button.is-responsive.is-large{font-size:1.25rem}}html.theme--catppuccin-macchiato .container{flex-grow:1;margin:0 auto;position:relative;width:auto}html.theme--catppuccin-macchiato .container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .container{max-width:992px}}@media screen and (max-width: 1215px){html.theme--catppuccin-macchiato .container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){html.theme--catppuccin-macchiato .container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}html.theme--catppuccin-macchiato .content li+li{margin-top:0.25em}html.theme--catppuccin-macchiato .content p:not(:last-child),html.theme--catppuccin-macchiato .content dl:not(:last-child),html.theme--catppuccin-macchiato .content ol:not(:last-child),html.theme--catppuccin-macchiato .content ul:not(:last-child),html.theme--catppuccin-macchiato .content blockquote:not(:last-child),html.theme--catppuccin-macchiato .content pre:not(:last-child),html.theme--catppuccin-macchiato .content table:not(:last-child){margin-bottom:1em}html.theme--catppuccin-macchiato .content h1,html.theme--catppuccin-macchiato .content h2,html.theme--catppuccin-macchiato .content h3,html.theme--catppuccin-macchiato .content h4,html.theme--catppuccin-macchiato .content h5,html.theme--catppuccin-macchiato .content h6{color:#cad3f5;font-weight:600;line-height:1.125}html.theme--catppuccin-macchiato .content h1{font-size:2em;margin-bottom:0.5em}html.theme--catppuccin-macchiato .content h1:not(:first-child){margin-top:1em}html.theme--catppuccin-macchiato .content h2{font-size:1.75em;margin-bottom:0.5714em}html.theme--catppuccin-macchiato .content h2:not(:first-child){margin-top:1.1428em}html.theme--catppuccin-macchiato .content h3{font-size:1.5em;margin-bottom:0.6666em}html.theme--catppuccin-macchiato .content h3:not(:first-child){margin-top:1.3333em}html.theme--catppuccin-macchiato .content h4{font-size:1.25em;margin-bottom:0.8em}html.theme--catppuccin-macchiato .content h5{font-size:1.125em;margin-bottom:0.8888em}html.theme--catppuccin-macchiato .content h6{font-size:1em;margin-bottom:1em}html.theme--catppuccin-macchiato .content blockquote{background-color:#1e2030;border-left:5px solid #5b6078;padding:1.25em 1.5em}html.theme--catppuccin-macchiato .content ol{list-style-position:outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-macchiato .content ol:not([type]){list-style-type:decimal}html.theme--catppuccin-macchiato .content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}html.theme--catppuccin-macchiato .content ol.is-lower-roman:not([type]){list-style-type:lower-roman}html.theme--catppuccin-macchiato .content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}html.theme--catppuccin-macchiato .content ol.is-upper-roman:not([type]){list-style-type:upper-roman}html.theme--catppuccin-macchiato .content ul{list-style:disc outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-macchiato .content ul ul{list-style-type:circle;margin-top:0.5em}html.theme--catppuccin-macchiato .content ul ul ul{list-style-type:square}html.theme--catppuccin-macchiato .content dd{margin-left:2em}html.theme--catppuccin-macchiato .content figure{margin-left:2em;margin-right:2em;text-align:center}html.theme--catppuccin-macchiato .content figure:not(:first-child){margin-top:2em}html.theme--catppuccin-macchiato .content figure:not(:last-child){margin-bottom:2em}html.theme--catppuccin-macchiato .content figure img{display:inline-block}html.theme--catppuccin-macchiato .content figure figcaption{font-style:italic}html.theme--catppuccin-macchiato .content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}html.theme--catppuccin-macchiato .content sup,html.theme--catppuccin-macchiato .content sub{font-size:75%}html.theme--catppuccin-macchiato .content table{width:100%}html.theme--catppuccin-macchiato .content table td,html.theme--catppuccin-macchiato .content table th{border:1px solid #5b6078;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-macchiato .content table th{color:#b5c1f1}html.theme--catppuccin-macchiato .content table th:not([align]){text-align:inherit}html.theme--catppuccin-macchiato .content table thead td,html.theme--catppuccin-macchiato .content table thead th{border-width:0 0 2px;color:#b5c1f1}html.theme--catppuccin-macchiato .content table tfoot td,html.theme--catppuccin-macchiato .content table tfoot th{border-width:2px 0 0;color:#b5c1f1}html.theme--catppuccin-macchiato .content table tbody tr:last-child td,html.theme--catppuccin-macchiato .content table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-macchiato .content .tabs li+li{margin-top:0}html.theme--catppuccin-macchiato .content.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}html.theme--catppuccin-macchiato .content.is-normal{font-size:1rem}html.theme--catppuccin-macchiato .content.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .content.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}html.theme--catppuccin-macchiato .icon.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}html.theme--catppuccin-macchiato .icon.is-medium{height:2rem;width:2rem}html.theme--catppuccin-macchiato .icon.is-large{height:3rem;width:3rem}html.theme--catppuccin-macchiato .icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}html.theme--catppuccin-macchiato .icon-text .icon{flex-grow:0;flex-shrink:0}html.theme--catppuccin-macchiato .icon-text .icon:not(:last-child){margin-right:.25em}html.theme--catppuccin-macchiato .icon-text .icon:not(:first-child){margin-left:.25em}html.theme--catppuccin-macchiato div.icon-text{display:flex}html.theme--catppuccin-macchiato .image,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img{display:block;position:relative}html.theme--catppuccin-macchiato .image img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}html.theme--catppuccin-macchiato .image img.is-rounded,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}html.theme--catppuccin-macchiato .image.is-fullwidth,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}html.theme--catppuccin-macchiato .image.is-square img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-macchiato .image.is-square .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-macchiato .image.is-1by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-macchiato .image.is-1by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-5by4 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-macchiato .image.is-5by4 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-macchiato .image.is-4by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-macchiato .image.is-4by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by2 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-macchiato .image.is-3by2 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-macchiato .image.is-5by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-macchiato .image.is-5by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-16by9 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-macchiato .image.is-16by9 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-macchiato .image.is-2by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-macchiato .image.is-2by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by1 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-macchiato .image.is-3by1 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-macchiato .image.is-4by5 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-macchiato .image.is-4by5 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by4 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-macchiato .image.is-3by4 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-macchiato .image.is-2by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-macchiato .image.is-2by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-macchiato .image.is-3by5 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-macchiato .image.is-3by5 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-macchiato .image.is-9by16 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-macchiato .image.is-9by16 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-macchiato .image.is-1by2 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-macchiato .image.is-1by2 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-macchiato .image.is-1by3 img,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-macchiato .image.is-1by3 .has-ratio,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}html.theme--catppuccin-macchiato .image.is-square,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-square,html.theme--catppuccin-macchiato .image.is-1by1,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}html.theme--catppuccin-macchiato .image.is-5by4,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}html.theme--catppuccin-macchiato .image.is-4by3,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}html.theme--catppuccin-macchiato .image.is-3by2,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}html.theme--catppuccin-macchiato .image.is-5by3,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}html.theme--catppuccin-macchiato .image.is-16by9,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}html.theme--catppuccin-macchiato .image.is-2by1,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}html.theme--catppuccin-macchiato .image.is-3by1,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}html.theme--catppuccin-macchiato .image.is-4by5,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}html.theme--catppuccin-macchiato .image.is-3by4,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}html.theme--catppuccin-macchiato .image.is-2by3,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}html.theme--catppuccin-macchiato .image.is-3by5,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}html.theme--catppuccin-macchiato .image.is-9by16,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}html.theme--catppuccin-macchiato .image.is-1by2,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}html.theme--catppuccin-macchiato .image.is-1by3,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}html.theme--catppuccin-macchiato .image.is-16x16,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}html.theme--catppuccin-macchiato .image.is-24x24,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}html.theme--catppuccin-macchiato .image.is-32x32,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}html.theme--catppuccin-macchiato .image.is-48x48,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}html.theme--catppuccin-macchiato .image.is-64x64,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}html.theme--catppuccin-macchiato .image.is-96x96,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}html.theme--catppuccin-macchiato .image.is-128x128,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}html.theme--catppuccin-macchiato .notification{background-color:#1e2030;border-radius:.4em;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}html.theme--catppuccin-macchiato .notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-macchiato .notification strong{color:currentColor}html.theme--catppuccin-macchiato .notification code,html.theme--catppuccin-macchiato .notification pre{background:#fff}html.theme--catppuccin-macchiato .notification pre code{background:transparent}html.theme--catppuccin-macchiato .notification>.delete{right:.5rem;position:absolute;top:0.5rem}html.theme--catppuccin-macchiato .notification .title,html.theme--catppuccin-macchiato .notification .subtitle,html.theme--catppuccin-macchiato .notification .content{color:currentColor}html.theme--catppuccin-macchiato .notification.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .notification.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .notification.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .notification.is-dark,html.theme--catppuccin-macchiato .content kbd.notification{background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .notification.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.notification.docs-sourcelink{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .notification.is-primary.is-light,html.theme--catppuccin-macchiato .docstring>section>a.notification.is-light.docs-sourcelink{background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .notification.is-link{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .notification.is-link.is-light{background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .notification.is-info{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .notification.is-info.is-light{background-color:#f0faf8;color:#276d62}html.theme--catppuccin-macchiato .notification.is-success{background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .notification.is-success.is-light{background-color:#f2faf0;color:#386e26}html.theme--catppuccin-macchiato .notification.is-warning{background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .notification.is-warning.is-light{background-color:#fcf7ee;color:#7e5c16}html.theme--catppuccin-macchiato .notification.is-danger{background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .notification.is-danger.is-light{background-color:#fcedef;color:#971729}html.theme--catppuccin-macchiato .progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}html.theme--catppuccin-macchiato .progress::-webkit-progress-bar{background-color:#494d64}html.theme--catppuccin-macchiato .progress::-webkit-progress-value{background-color:#8087a2}html.theme--catppuccin-macchiato .progress::-moz-progress-bar{background-color:#8087a2}html.theme--catppuccin-macchiato .progress::-ms-fill{background-color:#8087a2;border:none}html.theme--catppuccin-macchiato .progress.is-white::-webkit-progress-value{background-color:#fff}html.theme--catppuccin-macchiato .progress.is-white::-moz-progress-bar{background-color:#fff}html.theme--catppuccin-macchiato .progress.is-white::-ms-fill{background-color:#fff}html.theme--catppuccin-macchiato .progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-black::-webkit-progress-value{background-color:#0a0a0a}html.theme--catppuccin-macchiato .progress.is-black::-moz-progress-bar{background-color:#0a0a0a}html.theme--catppuccin-macchiato .progress.is-black::-ms-fill{background-color:#0a0a0a}html.theme--catppuccin-macchiato .progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-light::-webkit-progress-value{background-color:#f5f5f5}html.theme--catppuccin-macchiato .progress.is-light::-moz-progress-bar{background-color:#f5f5f5}html.theme--catppuccin-macchiato .progress.is-light::-ms-fill{background-color:#f5f5f5}html.theme--catppuccin-macchiato .progress.is-light:indeterminate{background-image:linear-gradient(to right, #f5f5f5 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-dark::-webkit-progress-value,html.theme--catppuccin-macchiato .content kbd.progress::-webkit-progress-value{background-color:#363a4f}html.theme--catppuccin-macchiato .progress.is-dark::-moz-progress-bar,html.theme--catppuccin-macchiato .content kbd.progress::-moz-progress-bar{background-color:#363a4f}html.theme--catppuccin-macchiato .progress.is-dark::-ms-fill,html.theme--catppuccin-macchiato .content kbd.progress::-ms-fill{background-color:#363a4f}html.theme--catppuccin-macchiato .progress.is-dark:indeterminate,html.theme--catppuccin-macchiato .content kbd.progress:indeterminate{background-image:linear-gradient(to right, #363a4f 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-primary::-webkit-progress-value,html.theme--catppuccin-macchiato .docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-primary::-moz-progress-bar,html.theme--catppuccin-macchiato .docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-primary::-ms-fill,html.theme--catppuccin-macchiato .docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-primary:indeterminate,html.theme--catppuccin-macchiato .docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #8aadf4 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-link::-webkit-progress-value{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-link::-moz-progress-bar{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-link::-ms-fill{background-color:#8aadf4}html.theme--catppuccin-macchiato .progress.is-link:indeterminate{background-image:linear-gradient(to right, #8aadf4 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-info::-webkit-progress-value{background-color:#8bd5ca}html.theme--catppuccin-macchiato .progress.is-info::-moz-progress-bar{background-color:#8bd5ca}html.theme--catppuccin-macchiato .progress.is-info::-ms-fill{background-color:#8bd5ca}html.theme--catppuccin-macchiato .progress.is-info:indeterminate{background-image:linear-gradient(to right, #8bd5ca 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-success::-webkit-progress-value{background-color:#a6da95}html.theme--catppuccin-macchiato .progress.is-success::-moz-progress-bar{background-color:#a6da95}html.theme--catppuccin-macchiato .progress.is-success::-ms-fill{background-color:#a6da95}html.theme--catppuccin-macchiato .progress.is-success:indeterminate{background-image:linear-gradient(to right, #a6da95 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-warning::-webkit-progress-value{background-color:#eed49f}html.theme--catppuccin-macchiato .progress.is-warning::-moz-progress-bar{background-color:#eed49f}html.theme--catppuccin-macchiato .progress.is-warning::-ms-fill{background-color:#eed49f}html.theme--catppuccin-macchiato .progress.is-warning:indeterminate{background-image:linear-gradient(to right, #eed49f 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress.is-danger::-webkit-progress-value{background-color:#ed8796}html.theme--catppuccin-macchiato .progress.is-danger::-moz-progress-bar{background-color:#ed8796}html.theme--catppuccin-macchiato .progress.is-danger::-ms-fill{background-color:#ed8796}html.theme--catppuccin-macchiato .progress.is-danger:indeterminate{background-image:linear-gradient(to right, #ed8796 30%, #494d64 30%)}html.theme--catppuccin-macchiato .progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#494d64;background-image:linear-gradient(to right, #cad3f5 30%, #494d64 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}html.theme--catppuccin-macchiato .progress:indeterminate::-webkit-progress-bar{background-color:transparent}html.theme--catppuccin-macchiato .progress:indeterminate::-moz-progress-bar{background-color:transparent}html.theme--catppuccin-macchiato .progress:indeterminate::-ms-fill{animation-name:none}html.theme--catppuccin-macchiato .progress.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}html.theme--catppuccin-macchiato .progress.is-medium{height:1.25rem}html.theme--catppuccin-macchiato .progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}html.theme--catppuccin-macchiato .table{background-color:#494d64;color:#cad3f5}html.theme--catppuccin-macchiato .table td,html.theme--catppuccin-macchiato .table th{border:1px solid #5b6078;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-macchiato .table td.is-white,html.theme--catppuccin-macchiato .table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .table td.is-black,html.theme--catppuccin-macchiato .table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .table td.is-light,html.theme--catppuccin-macchiato .table th.is-light{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .table td.is-dark,html.theme--catppuccin-macchiato .table th.is-dark{background-color:#363a4f;border-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .table td.is-primary,html.theme--catppuccin-macchiato .table th.is-primary{background-color:#8aadf4;border-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .table td.is-link,html.theme--catppuccin-macchiato .table th.is-link{background-color:#8aadf4;border-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .table td.is-info,html.theme--catppuccin-macchiato .table th.is-info{background-color:#8bd5ca;border-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .table td.is-success,html.theme--catppuccin-macchiato .table th.is-success{background-color:#a6da95;border-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .table td.is-warning,html.theme--catppuccin-macchiato .table th.is-warning{background-color:#eed49f;border-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .table td.is-danger,html.theme--catppuccin-macchiato .table th.is-danger{background-color:#ed8796;border-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .table td.is-narrow,html.theme--catppuccin-macchiato .table th.is-narrow{white-space:nowrap;width:1%}html.theme--catppuccin-macchiato .table td.is-selected,html.theme--catppuccin-macchiato .table th.is-selected{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .table td.is-selected a,html.theme--catppuccin-macchiato .table td.is-selected strong,html.theme--catppuccin-macchiato .table th.is-selected a,html.theme--catppuccin-macchiato .table th.is-selected strong{color:currentColor}html.theme--catppuccin-macchiato .table td.is-vcentered,html.theme--catppuccin-macchiato .table th.is-vcentered{vertical-align:middle}html.theme--catppuccin-macchiato .table th{color:#b5c1f1}html.theme--catppuccin-macchiato .table th:not([align]){text-align:left}html.theme--catppuccin-macchiato .table tr.is-selected{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .table tr.is-selected a,html.theme--catppuccin-macchiato .table tr.is-selected strong{color:currentColor}html.theme--catppuccin-macchiato .table tr.is-selected td,html.theme--catppuccin-macchiato .table tr.is-selected th{border-color:#fff;color:currentColor}html.theme--catppuccin-macchiato .table thead{background-color:rgba(0,0,0,0)}html.theme--catppuccin-macchiato .table thead td,html.theme--catppuccin-macchiato .table thead th{border-width:0 0 2px;color:#b5c1f1}html.theme--catppuccin-macchiato .table tfoot{background-color:rgba(0,0,0,0)}html.theme--catppuccin-macchiato .table tfoot td,html.theme--catppuccin-macchiato .table tfoot th{border-width:2px 0 0;color:#b5c1f1}html.theme--catppuccin-macchiato .table tbody{background-color:rgba(0,0,0,0)}html.theme--catppuccin-macchiato .table tbody tr:last-child td,html.theme--catppuccin-macchiato .table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-macchiato .table.is-bordered td,html.theme--catppuccin-macchiato .table.is-bordered th{border-width:1px}html.theme--catppuccin-macchiato .table.is-bordered tr:last-child td,html.theme--catppuccin-macchiato .table.is-bordered tr:last-child th{border-bottom-width:1px}html.theme--catppuccin-macchiato .table.is-fullwidth{width:100%}html.theme--catppuccin-macchiato .table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#363a4f}html.theme--catppuccin-macchiato .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#363a4f}html.theme--catppuccin-macchiato .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#3a3e55}html.theme--catppuccin-macchiato .table.is-narrow td,html.theme--catppuccin-macchiato .table.is-narrow th{padding:0.25em 0.5em}html.theme--catppuccin-macchiato .table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#363a4f}html.theme--catppuccin-macchiato .table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}html.theme--catppuccin-macchiato .tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-macchiato .tags .tag,html.theme--catppuccin-macchiato .tags .content kbd,html.theme--catppuccin-macchiato .content .tags kbd,html.theme--catppuccin-macchiato .tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}html.theme--catppuccin-macchiato .tags .tag:not(:last-child),html.theme--catppuccin-macchiato .tags .content kbd:not(:last-child),html.theme--catppuccin-macchiato .content .tags kbd:not(:last-child),html.theme--catppuccin-macchiato .tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}html.theme--catppuccin-macchiato .tags:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-macchiato .tags:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-macchiato .tags.are-medium .tag:not(.is-normal):not(.is-large),html.theme--catppuccin-macchiato .tags.are-medium .content kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-macchiato .content .tags.are-medium kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-macchiato .tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}html.theme--catppuccin-macchiato .tags.are-large .tag:not(.is-normal):not(.is-medium),html.theme--catppuccin-macchiato .tags.are-large .content kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-macchiato .content .tags.are-large kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-macchiato .tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}html.theme--catppuccin-macchiato .tags.is-centered{justify-content:center}html.theme--catppuccin-macchiato .tags.is-centered .tag,html.theme--catppuccin-macchiato .tags.is-centered .content kbd,html.theme--catppuccin-macchiato .content .tags.is-centered kbd,html.theme--catppuccin-macchiato .tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}html.theme--catppuccin-macchiato .tags.is-right{justify-content:flex-end}html.theme--catppuccin-macchiato .tags.is-right .tag:not(:first-child),html.theme--catppuccin-macchiato .tags.is-right .content kbd:not(:first-child),html.theme--catppuccin-macchiato .content .tags.is-right kbd:not(:first-child),html.theme--catppuccin-macchiato .tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}html.theme--catppuccin-macchiato .tags.is-right .tag:not(:last-child),html.theme--catppuccin-macchiato .tags.is-right .content kbd:not(:last-child),html.theme--catppuccin-macchiato .content .tags.is-right kbd:not(:last-child),html.theme--catppuccin-macchiato .tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}html.theme--catppuccin-macchiato .tags.has-addons .tag,html.theme--catppuccin-macchiato .tags.has-addons .content kbd,html.theme--catppuccin-macchiato .content .tags.has-addons kbd,html.theme--catppuccin-macchiato .tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}html.theme--catppuccin-macchiato .tags.has-addons .tag:not(:first-child),html.theme--catppuccin-macchiato .tags.has-addons .content kbd:not(:first-child),html.theme--catppuccin-macchiato .content .tags.has-addons kbd:not(:first-child),html.theme--catppuccin-macchiato .tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}html.theme--catppuccin-macchiato .tags.has-addons .tag:not(:last-child),html.theme--catppuccin-macchiato .tags.has-addons .content kbd:not(:last-child),html.theme--catppuccin-macchiato .content .tags.has-addons kbd:not(:last-child),html.theme--catppuccin-macchiato .tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}html.theme--catppuccin-macchiato .tag:not(body),html.theme--catppuccin-macchiato .content kbd:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#1e2030;border-radius:.4em;color:#cad3f5;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}html.theme--catppuccin-macchiato .tag:not(body) .delete,html.theme--catppuccin-macchiato .content kbd:not(body) .delete,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}html.theme--catppuccin-macchiato .tag.is-white:not(body),html.theme--catppuccin-macchiato .content kbd.is-white:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .tag.is-black:not(body),html.theme--catppuccin-macchiato .content kbd.is-black:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .tag.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .tag.is-dark:not(body),html.theme--catppuccin-macchiato .content kbd:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-dark:not(body),html.theme--catppuccin-macchiato .content .docstring>section>kbd:not(body){background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .tag.is-primary:not(body),html.theme--catppuccin-macchiato .content kbd.is-primary:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body){background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .tag.is-primary.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-primary.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .tag.is-link:not(body),html.theme--catppuccin-macchiato .content kbd.is-link:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .tag.is-link.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-link.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#ecf2fd;color:#0e3b95}html.theme--catppuccin-macchiato .tag.is-info:not(body),html.theme--catppuccin-macchiato .content kbd.is-info:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .tag.is-info.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-info.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#f0faf8;color:#276d62}html.theme--catppuccin-macchiato .tag.is-success:not(body),html.theme--catppuccin-macchiato .content kbd.is-success:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .tag.is-success.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-success.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#f2faf0;color:#386e26}html.theme--catppuccin-macchiato .tag.is-warning:not(body),html.theme--catppuccin-macchiato .content kbd.is-warning:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .tag.is-warning.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-warning.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fcf7ee;color:#7e5c16}html.theme--catppuccin-macchiato .tag.is-danger:not(body),html.theme--catppuccin-macchiato .content kbd.is-danger:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .tag.is-danger.is-light:not(body),html.theme--catppuccin-macchiato .content kbd.is-danger.is-light:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#fcedef;color:#971729}html.theme--catppuccin-macchiato .tag.is-normal:not(body),html.theme--catppuccin-macchiato .content kbd.is-normal:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}html.theme--catppuccin-macchiato .tag.is-medium:not(body),html.theme--catppuccin-macchiato .content kbd.is-medium:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}html.theme--catppuccin-macchiato .tag.is-large:not(body),html.theme--catppuccin-macchiato .content kbd.is-large:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}html.theme--catppuccin-macchiato .tag:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-macchiato .content kbd:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}html.theme--catppuccin-macchiato .tag:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-macchiato .content kbd:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}html.theme--catppuccin-macchiato .tag:not(body) .icon:first-child:last-child,html.theme--catppuccin-macchiato .content kbd:not(body) .icon:first-child:last-child,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}html.theme--catppuccin-macchiato .tag.is-delete:not(body),html.theme--catppuccin-macchiato .content kbd.is-delete:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}html.theme--catppuccin-macchiato .tag.is-delete:not(body)::before,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body)::before,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body)::before,html.theme--catppuccin-macchiato .tag.is-delete:not(body)::after,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body)::after,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-macchiato .tag.is-delete:not(body)::before,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body)::before,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}html.theme--catppuccin-macchiato .tag.is-delete:not(body)::after,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body)::after,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}html.theme--catppuccin-macchiato .tag.is-delete:not(body):hover,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body):hover,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body):hover,html.theme--catppuccin-macchiato .tag.is-delete:not(body):focus,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body):focus,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#141620}html.theme--catppuccin-macchiato .tag.is-delete:not(body):active,html.theme--catppuccin-macchiato .content kbd.is-delete:not(body):active,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#0a0b11}html.theme--catppuccin-macchiato .tag.is-rounded:not(body),html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:not(body),html.theme--catppuccin-macchiato .content kbd.is-rounded:not(body),html.theme--catppuccin-macchiato #documenter .docs-sidebar .content form.docs-search>input:not(body),html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}html.theme--catppuccin-macchiato a.tag:hover,html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:hover{text-decoration:underline}html.theme--catppuccin-macchiato .title,html.theme--catppuccin-macchiato .subtitle{word-break:break-word}html.theme--catppuccin-macchiato .title em,html.theme--catppuccin-macchiato .title span,html.theme--catppuccin-macchiato .subtitle em,html.theme--catppuccin-macchiato .subtitle span{font-weight:inherit}html.theme--catppuccin-macchiato .title sub,html.theme--catppuccin-macchiato .subtitle sub{font-size:.75em}html.theme--catppuccin-macchiato .title sup,html.theme--catppuccin-macchiato .subtitle sup{font-size:.75em}html.theme--catppuccin-macchiato .title .tag,html.theme--catppuccin-macchiato .title .content kbd,html.theme--catppuccin-macchiato .content .title kbd,html.theme--catppuccin-macchiato .title .docstring>section>a.docs-sourcelink,html.theme--catppuccin-macchiato .subtitle .tag,html.theme--catppuccin-macchiato .subtitle .content kbd,html.theme--catppuccin-macchiato .content .subtitle kbd,html.theme--catppuccin-macchiato .subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}html.theme--catppuccin-macchiato .title{color:#fff;font-size:2rem;font-weight:500;line-height:1.125}html.theme--catppuccin-macchiato .title strong{color:inherit;font-weight:inherit}html.theme--catppuccin-macchiato .title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}html.theme--catppuccin-macchiato .title.is-1{font-size:3rem}html.theme--catppuccin-macchiato .title.is-2{font-size:2.5rem}html.theme--catppuccin-macchiato .title.is-3{font-size:2rem}html.theme--catppuccin-macchiato .title.is-4{font-size:1.5rem}html.theme--catppuccin-macchiato .title.is-5{font-size:1.25rem}html.theme--catppuccin-macchiato .title.is-6{font-size:1rem}html.theme--catppuccin-macchiato .title.is-7{font-size:.75rem}html.theme--catppuccin-macchiato .subtitle{color:#6e738d;font-size:1.25rem;font-weight:400;line-height:1.25}html.theme--catppuccin-macchiato .subtitle strong{color:#6e738d;font-weight:600}html.theme--catppuccin-macchiato .subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}html.theme--catppuccin-macchiato .subtitle.is-1{font-size:3rem}html.theme--catppuccin-macchiato .subtitle.is-2{font-size:2.5rem}html.theme--catppuccin-macchiato .subtitle.is-3{font-size:2rem}html.theme--catppuccin-macchiato .subtitle.is-4{font-size:1.5rem}html.theme--catppuccin-macchiato .subtitle.is-5{font-size:1.25rem}html.theme--catppuccin-macchiato .subtitle.is-6{font-size:1rem}html.theme--catppuccin-macchiato .subtitle.is-7{font-size:.75rem}html.theme--catppuccin-macchiato .heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}html.theme--catppuccin-macchiato .number{align-items:center;background-color:#1e2030;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}html.theme--catppuccin-macchiato .select select,html.theme--catppuccin-macchiato .textarea,html.theme--catppuccin-macchiato .input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{background-color:#24273a;border-color:#5b6078;border-radius:.4em;color:#8087a2}html.theme--catppuccin-macchiato .select select::-moz-placeholder,html.theme--catppuccin-macchiato .textarea::-moz-placeholder,html.theme--catppuccin-macchiato .input::-moz-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#868c98}html.theme--catppuccin-macchiato .select select::-webkit-input-placeholder,html.theme--catppuccin-macchiato .textarea::-webkit-input-placeholder,html.theme--catppuccin-macchiato .input::-webkit-input-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#868c98}html.theme--catppuccin-macchiato .select select:-moz-placeholder,html.theme--catppuccin-macchiato .textarea:-moz-placeholder,html.theme--catppuccin-macchiato .input:-moz-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#868c98}html.theme--catppuccin-macchiato .select select:-ms-input-placeholder,html.theme--catppuccin-macchiato .textarea:-ms-input-placeholder,html.theme--catppuccin-macchiato .input:-ms-input-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#868c98}html.theme--catppuccin-macchiato .select select:hover,html.theme--catppuccin-macchiato .textarea:hover,html.theme--catppuccin-macchiato .input:hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:hover,html.theme--catppuccin-macchiato .select select.is-hovered,html.theme--catppuccin-macchiato .is-hovered.textarea,html.theme--catppuccin-macchiato .is-hovered.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#6e738d}html.theme--catppuccin-macchiato .select select:focus,html.theme--catppuccin-macchiato .textarea:focus,html.theme--catppuccin-macchiato .input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-macchiato .select select.is-focused,html.theme--catppuccin-macchiato .is-focused.textarea,html.theme--catppuccin-macchiato .is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .select select:active,html.theme--catppuccin-macchiato .textarea:active,html.theme--catppuccin-macchiato .input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-macchiato .select select.is-active,html.theme--catppuccin-macchiato .is-active.textarea,html.theme--catppuccin-macchiato .is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{border-color:#8aadf4;box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .select select[disabled],html.theme--catppuccin-macchiato .textarea[disabled],html.theme--catppuccin-macchiato .input[disabled],html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .select select,fieldset[disabled] html.theme--catppuccin-macchiato .textarea,fieldset[disabled] html.theme--catppuccin-macchiato .input,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{background-color:#6e738d;border-color:#1e2030;box-shadow:none;color:#f5f7fd}html.theme--catppuccin-macchiato .select select[disabled]::-moz-placeholder,html.theme--catppuccin-macchiato .textarea[disabled]::-moz-placeholder,html.theme--catppuccin-macchiato .input[disabled]::-moz-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .select select::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .textarea::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .input::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:rgba(245,247,253,0.3)}html.theme--catppuccin-macchiato .select select[disabled]::-webkit-input-placeholder,html.theme--catppuccin-macchiato .textarea[disabled]::-webkit-input-placeholder,html.theme--catppuccin-macchiato .input[disabled]::-webkit-input-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .select select::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .textarea::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .input::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:rgba(245,247,253,0.3)}html.theme--catppuccin-macchiato .select select[disabled]:-moz-placeholder,html.theme--catppuccin-macchiato .textarea[disabled]:-moz-placeholder,html.theme--catppuccin-macchiato .input[disabled]:-moz-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .select select:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .textarea:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .input:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:rgba(245,247,253,0.3)}html.theme--catppuccin-macchiato .select select[disabled]:-ms-input-placeholder,html.theme--catppuccin-macchiato .textarea[disabled]:-ms-input-placeholder,html.theme--catppuccin-macchiato .input[disabled]:-ms-input-placeholder,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .select select:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .textarea:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato .input:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:rgba(245,247,253,0.3)}html.theme--catppuccin-macchiato .textarea,html.theme--catppuccin-macchiato .input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}html.theme--catppuccin-macchiato .textarea[readonly],html.theme--catppuccin-macchiato .input[readonly],html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}html.theme--catppuccin-macchiato .is-white.textarea,html.theme--catppuccin-macchiato .is-white.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}html.theme--catppuccin-macchiato .is-white.textarea:focus,html.theme--catppuccin-macchiato .is-white.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-white:focus,html.theme--catppuccin-macchiato .is-white.is-focused.textarea,html.theme--catppuccin-macchiato .is-white.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-white.textarea:active,html.theme--catppuccin-macchiato .is-white.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-white:active,html.theme--catppuccin-macchiato .is-white.is-active.textarea,html.theme--catppuccin-macchiato .is-white.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-macchiato .is-black.textarea,html.theme--catppuccin-macchiato .is-black.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}html.theme--catppuccin-macchiato .is-black.textarea:focus,html.theme--catppuccin-macchiato .is-black.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-black:focus,html.theme--catppuccin-macchiato .is-black.is-focused.textarea,html.theme--catppuccin-macchiato .is-black.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-black.textarea:active,html.theme--catppuccin-macchiato .is-black.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-black:active,html.theme--catppuccin-macchiato .is-black.is-active.textarea,html.theme--catppuccin-macchiato .is-black.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-macchiato .is-light.textarea,html.theme--catppuccin-macchiato .is-light.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-light{border-color:#f5f5f5}html.theme--catppuccin-macchiato .is-light.textarea:focus,html.theme--catppuccin-macchiato .is-light.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-light:focus,html.theme--catppuccin-macchiato .is-light.is-focused.textarea,html.theme--catppuccin-macchiato .is-light.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-light.textarea:active,html.theme--catppuccin-macchiato .is-light.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-light:active,html.theme--catppuccin-macchiato .is-light.is-active.textarea,html.theme--catppuccin-macchiato .is-light.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-macchiato .is-dark.textarea,html.theme--catppuccin-macchiato .content kbd.textarea,html.theme--catppuccin-macchiato .is-dark.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-dark,html.theme--catppuccin-macchiato .content kbd.input{border-color:#363a4f}html.theme--catppuccin-macchiato .is-dark.textarea:focus,html.theme--catppuccin-macchiato .content kbd.textarea:focus,html.theme--catppuccin-macchiato .is-dark.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-dark:focus,html.theme--catppuccin-macchiato .content kbd.input:focus,html.theme--catppuccin-macchiato .is-dark.is-focused.textarea,html.theme--catppuccin-macchiato .content kbd.is-focused.textarea,html.theme--catppuccin-macchiato .is-dark.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .content kbd.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .content form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-dark.textarea:active,html.theme--catppuccin-macchiato .content kbd.textarea:active,html.theme--catppuccin-macchiato .is-dark.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-dark:active,html.theme--catppuccin-macchiato .content kbd.input:active,html.theme--catppuccin-macchiato .is-dark.is-active.textarea,html.theme--catppuccin-macchiato .content kbd.is-active.textarea,html.theme--catppuccin-macchiato .is-dark.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-macchiato .content kbd.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(54,58,79,0.25)}html.theme--catppuccin-macchiato .is-primary.textarea,html.theme--catppuccin-macchiato .docstring>section>a.textarea.docs-sourcelink,html.theme--catppuccin-macchiato .is-primary.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.input.docs-sourcelink{border-color:#8aadf4}html.theme--catppuccin-macchiato .is-primary.textarea:focus,html.theme--catppuccin-macchiato .docstring>section>a.textarea.docs-sourcelink:focus,html.theme--catppuccin-macchiato .is-primary.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-primary:focus,html.theme--catppuccin-macchiato .docstring>section>a.input.docs-sourcelink:focus,html.theme--catppuccin-macchiato .is-primary.is-focused.textarea,html.theme--catppuccin-macchiato .docstring>section>a.is-focused.textarea.docs-sourcelink,html.theme--catppuccin-macchiato .is-primary.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .docstring>section>a.is-focused.input.docs-sourcelink,html.theme--catppuccin-macchiato .is-primary.textarea:active,html.theme--catppuccin-macchiato .docstring>section>a.textarea.docs-sourcelink:active,html.theme--catppuccin-macchiato .is-primary.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-primary:active,html.theme--catppuccin-macchiato .docstring>section>a.input.docs-sourcelink:active,html.theme--catppuccin-macchiato .is-primary.is-active.textarea,html.theme--catppuccin-macchiato .docstring>section>a.is-active.textarea.docs-sourcelink,html.theme--catppuccin-macchiato .is-primary.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-macchiato .docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .is-link.textarea,html.theme--catppuccin-macchiato .is-link.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-link{border-color:#8aadf4}html.theme--catppuccin-macchiato .is-link.textarea:focus,html.theme--catppuccin-macchiato .is-link.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-link:focus,html.theme--catppuccin-macchiato .is-link.is-focused.textarea,html.theme--catppuccin-macchiato .is-link.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-link.textarea:active,html.theme--catppuccin-macchiato .is-link.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-link:active,html.theme--catppuccin-macchiato .is-link.is-active.textarea,html.theme--catppuccin-macchiato .is-link.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .is-info.textarea,html.theme--catppuccin-macchiato .is-info.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-info{border-color:#8bd5ca}html.theme--catppuccin-macchiato .is-info.textarea:focus,html.theme--catppuccin-macchiato .is-info.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-info:focus,html.theme--catppuccin-macchiato .is-info.is-focused.textarea,html.theme--catppuccin-macchiato .is-info.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-info.textarea:active,html.theme--catppuccin-macchiato .is-info.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-info:active,html.theme--catppuccin-macchiato .is-info.is-active.textarea,html.theme--catppuccin-macchiato .is-info.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(139,213,202,0.25)}html.theme--catppuccin-macchiato .is-success.textarea,html.theme--catppuccin-macchiato .is-success.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-success{border-color:#a6da95}html.theme--catppuccin-macchiato .is-success.textarea:focus,html.theme--catppuccin-macchiato .is-success.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-success:focus,html.theme--catppuccin-macchiato .is-success.is-focused.textarea,html.theme--catppuccin-macchiato .is-success.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-success.textarea:active,html.theme--catppuccin-macchiato .is-success.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-success:active,html.theme--catppuccin-macchiato .is-success.is-active.textarea,html.theme--catppuccin-macchiato .is-success.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(166,218,149,0.25)}html.theme--catppuccin-macchiato .is-warning.textarea,html.theme--catppuccin-macchiato .is-warning.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#eed49f}html.theme--catppuccin-macchiato .is-warning.textarea:focus,html.theme--catppuccin-macchiato .is-warning.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-warning:focus,html.theme--catppuccin-macchiato .is-warning.is-focused.textarea,html.theme--catppuccin-macchiato .is-warning.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-warning.textarea:active,html.theme--catppuccin-macchiato .is-warning.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-warning:active,html.theme--catppuccin-macchiato .is-warning.is-active.textarea,html.theme--catppuccin-macchiato .is-warning.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(238,212,159,0.25)}html.theme--catppuccin-macchiato .is-danger.textarea,html.theme--catppuccin-macchiato .is-danger.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#ed8796}html.theme--catppuccin-macchiato .is-danger.textarea:focus,html.theme--catppuccin-macchiato .is-danger.input:focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-danger:focus,html.theme--catppuccin-macchiato .is-danger.is-focused.textarea,html.theme--catppuccin-macchiato .is-danger.is-focused.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-macchiato .is-danger.textarea:active,html.theme--catppuccin-macchiato .is-danger.input:active,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-danger:active,html.theme--catppuccin-macchiato .is-danger.is-active.textarea,html.theme--catppuccin-macchiato .is-danger.is-active.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(237,135,150,0.25)}html.theme--catppuccin-macchiato .is-small.textarea,html.theme--catppuccin-macchiato .is-small.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{border-radius:3px;font-size:.75rem}html.theme--catppuccin-macchiato .is-medium.textarea,html.theme--catppuccin-macchiato .is-medium.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .is-large.textarea,html.theme--catppuccin-macchiato .is-large.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .is-fullwidth.textarea,html.theme--catppuccin-macchiato .is-fullwidth.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}html.theme--catppuccin-macchiato .is-inline.textarea,html.theme--catppuccin-macchiato .is-inline.input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}html.theme--catppuccin-macchiato .input.is-rounded,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}html.theme--catppuccin-macchiato .input.is-static,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}html.theme--catppuccin-macchiato .textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}html.theme--catppuccin-macchiato .textarea:not([rows]){max-height:40em;min-height:8em}html.theme--catppuccin-macchiato .textarea[rows]{height:initial}html.theme--catppuccin-macchiato .textarea.has-fixed-size{resize:none}html.theme--catppuccin-macchiato .radio,html.theme--catppuccin-macchiato .checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}html.theme--catppuccin-macchiato .radio input,html.theme--catppuccin-macchiato .checkbox input{cursor:pointer}html.theme--catppuccin-macchiato .radio:hover,html.theme--catppuccin-macchiato .checkbox:hover{color:#91d7e3}html.theme--catppuccin-macchiato .radio[disabled],html.theme--catppuccin-macchiato .checkbox[disabled],fieldset[disabled] html.theme--catppuccin-macchiato .radio,fieldset[disabled] html.theme--catppuccin-macchiato .checkbox,html.theme--catppuccin-macchiato .radio input[disabled],html.theme--catppuccin-macchiato .checkbox input[disabled]{color:#f5f7fd;cursor:not-allowed}html.theme--catppuccin-macchiato .radio+.radio{margin-left:.5em}html.theme--catppuccin-macchiato .select{display:inline-block;max-width:100%;position:relative;vertical-align:top}html.theme--catppuccin-macchiato .select:not(.is-multiple){height:2.5em}html.theme--catppuccin-macchiato .select:not(.is-multiple):not(.is-loading)::after{border-color:#8aadf4;right:1.125em;z-index:4}html.theme--catppuccin-macchiato .select.is-rounded select,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}html.theme--catppuccin-macchiato .select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}html.theme--catppuccin-macchiato .select select::-ms-expand{display:none}html.theme--catppuccin-macchiato .select select[disabled]:hover,fieldset[disabled] html.theme--catppuccin-macchiato .select select:hover{border-color:#1e2030}html.theme--catppuccin-macchiato .select select:not([multiple]){padding-right:2.5em}html.theme--catppuccin-macchiato .select select[multiple]{height:auto;padding:0}html.theme--catppuccin-macchiato .select select[multiple] option{padding:0.5em 1em}html.theme--catppuccin-macchiato .select:not(.is-multiple):not(.is-loading):hover::after{border-color:#91d7e3}html.theme--catppuccin-macchiato .select.is-white:not(:hover)::after{border-color:#fff}html.theme--catppuccin-macchiato .select.is-white select{border-color:#fff}html.theme--catppuccin-macchiato .select.is-white select:hover,html.theme--catppuccin-macchiato .select.is-white select.is-hovered{border-color:#f2f2f2}html.theme--catppuccin-macchiato .select.is-white select:focus,html.theme--catppuccin-macchiato .select.is-white select.is-focused,html.theme--catppuccin-macchiato .select.is-white select:active,html.theme--catppuccin-macchiato .select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-macchiato .select.is-black:not(:hover)::after{border-color:#0a0a0a}html.theme--catppuccin-macchiato .select.is-black select{border-color:#0a0a0a}html.theme--catppuccin-macchiato .select.is-black select:hover,html.theme--catppuccin-macchiato .select.is-black select.is-hovered{border-color:#000}html.theme--catppuccin-macchiato .select.is-black select:focus,html.theme--catppuccin-macchiato .select.is-black select.is-focused,html.theme--catppuccin-macchiato .select.is-black select:active,html.theme--catppuccin-macchiato .select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-macchiato .select.is-light:not(:hover)::after{border-color:#f5f5f5}html.theme--catppuccin-macchiato .select.is-light select{border-color:#f5f5f5}html.theme--catppuccin-macchiato .select.is-light select:hover,html.theme--catppuccin-macchiato .select.is-light select.is-hovered{border-color:#e8e8e8}html.theme--catppuccin-macchiato .select.is-light select:focus,html.theme--catppuccin-macchiato .select.is-light select.is-focused,html.theme--catppuccin-macchiato .select.is-light select:active,html.theme--catppuccin-macchiato .select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-macchiato .select.is-dark:not(:hover)::after,html.theme--catppuccin-macchiato .content kbd.select:not(:hover)::after{border-color:#363a4f}html.theme--catppuccin-macchiato .select.is-dark select,html.theme--catppuccin-macchiato .content kbd.select select{border-color:#363a4f}html.theme--catppuccin-macchiato .select.is-dark select:hover,html.theme--catppuccin-macchiato .content kbd.select select:hover,html.theme--catppuccin-macchiato .select.is-dark select.is-hovered,html.theme--catppuccin-macchiato .content kbd.select select.is-hovered{border-color:#2c2f40}html.theme--catppuccin-macchiato .select.is-dark select:focus,html.theme--catppuccin-macchiato .content kbd.select select:focus,html.theme--catppuccin-macchiato .select.is-dark select.is-focused,html.theme--catppuccin-macchiato .content kbd.select select.is-focused,html.theme--catppuccin-macchiato .select.is-dark select:active,html.theme--catppuccin-macchiato .content kbd.select select:active,html.theme--catppuccin-macchiato .select.is-dark select.is-active,html.theme--catppuccin-macchiato .content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(54,58,79,0.25)}html.theme--catppuccin-macchiato .select.is-primary:not(:hover)::after,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#8aadf4}html.theme--catppuccin-macchiato .select.is-primary select,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select{border-color:#8aadf4}html.theme--catppuccin-macchiato .select.is-primary select:hover,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select:hover,html.theme--catppuccin-macchiato .select.is-primary select.is-hovered,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#739df2}html.theme--catppuccin-macchiato .select.is-primary select:focus,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select:focus,html.theme--catppuccin-macchiato .select.is-primary select.is-focused,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select.is-focused,html.theme--catppuccin-macchiato .select.is-primary select:active,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select:active,html.theme--catppuccin-macchiato .select.is-primary select.is-active,html.theme--catppuccin-macchiato .docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .select.is-link:not(:hover)::after{border-color:#8aadf4}html.theme--catppuccin-macchiato .select.is-link select{border-color:#8aadf4}html.theme--catppuccin-macchiato .select.is-link select:hover,html.theme--catppuccin-macchiato .select.is-link select.is-hovered{border-color:#739df2}html.theme--catppuccin-macchiato .select.is-link select:focus,html.theme--catppuccin-macchiato .select.is-link select.is-focused,html.theme--catppuccin-macchiato .select.is-link select:active,html.theme--catppuccin-macchiato .select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(138,173,244,0.25)}html.theme--catppuccin-macchiato .select.is-info:not(:hover)::after{border-color:#8bd5ca}html.theme--catppuccin-macchiato .select.is-info select{border-color:#8bd5ca}html.theme--catppuccin-macchiato .select.is-info select:hover,html.theme--catppuccin-macchiato .select.is-info select.is-hovered{border-color:#78cec1}html.theme--catppuccin-macchiato .select.is-info select:focus,html.theme--catppuccin-macchiato .select.is-info select.is-focused,html.theme--catppuccin-macchiato .select.is-info select:active,html.theme--catppuccin-macchiato .select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(139,213,202,0.25)}html.theme--catppuccin-macchiato .select.is-success:not(:hover)::after{border-color:#a6da95}html.theme--catppuccin-macchiato .select.is-success select{border-color:#a6da95}html.theme--catppuccin-macchiato .select.is-success select:hover,html.theme--catppuccin-macchiato .select.is-success select.is-hovered{border-color:#96d382}html.theme--catppuccin-macchiato .select.is-success select:focus,html.theme--catppuccin-macchiato .select.is-success select.is-focused,html.theme--catppuccin-macchiato .select.is-success select:active,html.theme--catppuccin-macchiato .select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(166,218,149,0.25)}html.theme--catppuccin-macchiato .select.is-warning:not(:hover)::after{border-color:#eed49f}html.theme--catppuccin-macchiato .select.is-warning select{border-color:#eed49f}html.theme--catppuccin-macchiato .select.is-warning select:hover,html.theme--catppuccin-macchiato .select.is-warning select.is-hovered{border-color:#eaca89}html.theme--catppuccin-macchiato .select.is-warning select:focus,html.theme--catppuccin-macchiato .select.is-warning select.is-focused,html.theme--catppuccin-macchiato .select.is-warning select:active,html.theme--catppuccin-macchiato .select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(238,212,159,0.25)}html.theme--catppuccin-macchiato .select.is-danger:not(:hover)::after{border-color:#ed8796}html.theme--catppuccin-macchiato .select.is-danger select{border-color:#ed8796}html.theme--catppuccin-macchiato .select.is-danger select:hover,html.theme--catppuccin-macchiato .select.is-danger select.is-hovered{border-color:#ea7183}html.theme--catppuccin-macchiato .select.is-danger select:focus,html.theme--catppuccin-macchiato .select.is-danger select.is-focused,html.theme--catppuccin-macchiato .select.is-danger select:active,html.theme--catppuccin-macchiato .select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(237,135,150,0.25)}html.theme--catppuccin-macchiato .select.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.select{border-radius:3px;font-size:.75rem}html.theme--catppuccin-macchiato .select.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .select.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .select.is-disabled::after{border-color:#f5f7fd !important;opacity:0.5}html.theme--catppuccin-macchiato .select.is-fullwidth{width:100%}html.theme--catppuccin-macchiato .select.is-fullwidth select{width:100%}html.theme--catppuccin-macchiato .select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}html.theme--catppuccin-macchiato .select.is-loading.is-small:after,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-macchiato .select.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-macchiato .select.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-macchiato .file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}html.theme--catppuccin-macchiato .file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .file.is-white:hover .file-cta,html.theme--catppuccin-macchiato .file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .file.is-white:focus .file-cta,html.theme--catppuccin-macchiato .file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}html.theme--catppuccin-macchiato .file.is-white:active .file-cta,html.theme--catppuccin-macchiato .file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-macchiato .file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-black:hover .file-cta,html.theme--catppuccin-macchiato .file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-black:focus .file-cta,html.theme--catppuccin-macchiato .file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}html.theme--catppuccin-macchiato .file.is-black:active .file-cta,html.theme--catppuccin-macchiato .file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-light .file-cta{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-light:hover .file-cta,html.theme--catppuccin-macchiato .file.is-light.is-hovered .file-cta{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-light:focus .file-cta,html.theme--catppuccin-macchiato .file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(245,245,245,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-light:active .file-cta,html.theme--catppuccin-macchiato .file.is-light.is-active .file-cta{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-dark .file-cta,html.theme--catppuccin-macchiato .content kbd.file .file-cta{background-color:#363a4f;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-dark:hover .file-cta,html.theme--catppuccin-macchiato .content kbd.file:hover .file-cta,html.theme--catppuccin-macchiato .file.is-dark.is-hovered .file-cta,html.theme--catppuccin-macchiato .content kbd.file.is-hovered .file-cta{background-color:#313447;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-dark:focus .file-cta,html.theme--catppuccin-macchiato .content kbd.file:focus .file-cta,html.theme--catppuccin-macchiato .file.is-dark.is-focused .file-cta,html.theme--catppuccin-macchiato .content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(54,58,79,0.25);color:#fff}html.theme--catppuccin-macchiato .file.is-dark:active .file-cta,html.theme--catppuccin-macchiato .content kbd.file:active .file-cta,html.theme--catppuccin-macchiato .file.is-dark.is-active .file-cta,html.theme--catppuccin-macchiato .content kbd.file.is-active .file-cta{background-color:#2c2f40;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-primary .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.docs-sourcelink .file-cta{background-color:#8aadf4;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-primary:hover .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.docs-sourcelink:hover .file-cta,html.theme--catppuccin-macchiato .file.is-primary.is-hovered .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#7ea5f3;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-primary:focus .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.docs-sourcelink:focus .file-cta,html.theme--catppuccin-macchiato .file.is-primary.is-focused .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(138,173,244,0.25);color:#fff}html.theme--catppuccin-macchiato .file.is-primary:active .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.docs-sourcelink:active .file-cta,html.theme--catppuccin-macchiato .file.is-primary.is-active .file-cta,html.theme--catppuccin-macchiato .docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#739df2;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-link .file-cta{background-color:#8aadf4;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-link:hover .file-cta,html.theme--catppuccin-macchiato .file.is-link.is-hovered .file-cta{background-color:#7ea5f3;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-link:focus .file-cta,html.theme--catppuccin-macchiato .file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(138,173,244,0.25);color:#fff}html.theme--catppuccin-macchiato .file.is-link:active .file-cta,html.theme--catppuccin-macchiato .file.is-link.is-active .file-cta{background-color:#739df2;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-info .file-cta{background-color:#8bd5ca;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-info:hover .file-cta,html.theme--catppuccin-macchiato .file.is-info.is-hovered .file-cta{background-color:#82d2c6;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-info:focus .file-cta,html.theme--catppuccin-macchiato .file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(139,213,202,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-info:active .file-cta,html.theme--catppuccin-macchiato .file.is-info.is-active .file-cta{background-color:#78cec1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-success .file-cta{background-color:#a6da95;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-success:hover .file-cta,html.theme--catppuccin-macchiato .file.is-success.is-hovered .file-cta{background-color:#9ed78c;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-success:focus .file-cta,html.theme--catppuccin-macchiato .file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(166,218,149,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-success:active .file-cta,html.theme--catppuccin-macchiato .file.is-success.is-active .file-cta{background-color:#96d382;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-warning .file-cta{background-color:#eed49f;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-warning:hover .file-cta,html.theme--catppuccin-macchiato .file.is-warning.is-hovered .file-cta{background-color:#eccf94;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-warning:focus .file-cta,html.theme--catppuccin-macchiato .file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(238,212,159,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-warning:active .file-cta,html.theme--catppuccin-macchiato .file.is-warning.is-active .file-cta{background-color:#eaca89;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .file.is-danger .file-cta{background-color:#ed8796;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-danger:hover .file-cta,html.theme--catppuccin-macchiato .file.is-danger.is-hovered .file-cta{background-color:#eb7c8c;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-danger:focus .file-cta,html.theme--catppuccin-macchiato .file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(237,135,150,0.25);color:#fff}html.theme--catppuccin-macchiato .file.is-danger:active .file-cta,html.theme--catppuccin-macchiato .file.is-danger.is-active .file-cta{background-color:#ea7183;border-color:transparent;color:#fff}html.theme--catppuccin-macchiato .file.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}html.theme--catppuccin-macchiato .file.is-normal{font-size:1rem}html.theme--catppuccin-macchiato .file.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .file.is-medium .file-icon .fa{font-size:21px}html.theme--catppuccin-macchiato .file.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .file.is-large .file-icon .fa{font-size:28px}html.theme--catppuccin-macchiato .file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-macchiato .file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-macchiato .file.has-name.is-empty .file-cta{border-radius:.4em}html.theme--catppuccin-macchiato .file.has-name.is-empty .file-name{display:none}html.theme--catppuccin-macchiato .file.is-boxed .file-label{flex-direction:column}html.theme--catppuccin-macchiato .file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}html.theme--catppuccin-macchiato .file.is-boxed .file-name{border-width:0 1px 1px}html.theme--catppuccin-macchiato .file.is-boxed .file-icon{height:1.5em;width:1.5em}html.theme--catppuccin-macchiato .file.is-boxed .file-icon .fa{font-size:21px}html.theme--catppuccin-macchiato .file.is-boxed.is-small .file-icon .fa,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}html.theme--catppuccin-macchiato .file.is-boxed.is-medium .file-icon .fa{font-size:28px}html.theme--catppuccin-macchiato .file.is-boxed.is-large .file-icon .fa{font-size:35px}html.theme--catppuccin-macchiato .file.is-boxed.has-name .file-cta{border-radius:.4em .4em 0 0}html.theme--catppuccin-macchiato .file.is-boxed.has-name .file-name{border-radius:0 0 .4em .4em;border-width:0 1px 1px}html.theme--catppuccin-macchiato .file.is-centered{justify-content:center}html.theme--catppuccin-macchiato .file.is-fullwidth .file-label{width:100%}html.theme--catppuccin-macchiato .file.is-fullwidth .file-name{flex-grow:1;max-width:none}html.theme--catppuccin-macchiato .file.is-right{justify-content:flex-end}html.theme--catppuccin-macchiato .file.is-right .file-cta{border-radius:0 .4em .4em 0}html.theme--catppuccin-macchiato .file.is-right .file-name{border-radius:.4em 0 0 .4em;border-width:1px 0 1px 1px;order:-1}html.theme--catppuccin-macchiato .file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}html.theme--catppuccin-macchiato .file-label:hover .file-cta{background-color:#313447;color:#b5c1f1}html.theme--catppuccin-macchiato .file-label:hover .file-name{border-color:#565a71}html.theme--catppuccin-macchiato .file-label:active .file-cta{background-color:#2c2f40;color:#b5c1f1}html.theme--catppuccin-macchiato .file-label:active .file-name{border-color:#505469}html.theme--catppuccin-macchiato .file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}html.theme--catppuccin-macchiato .file-cta,html.theme--catppuccin-macchiato .file-name{border-color:#5b6078;border-radius:.4em;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}html.theme--catppuccin-macchiato .file-cta{background-color:#363a4f;color:#cad3f5}html.theme--catppuccin-macchiato .file-name{border-color:#5b6078;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}html.theme--catppuccin-macchiato .file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}html.theme--catppuccin-macchiato .file-icon .fa{font-size:14px}html.theme--catppuccin-macchiato .label{color:#b5c1f1;display:block;font-size:1rem;font-weight:700}html.theme--catppuccin-macchiato .label:not(:last-child){margin-bottom:0.5em}html.theme--catppuccin-macchiato .label.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}html.theme--catppuccin-macchiato .label.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .label.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .help{display:block;font-size:.75rem;margin-top:0.25rem}html.theme--catppuccin-macchiato .help.is-white{color:#fff}html.theme--catppuccin-macchiato .help.is-black{color:#0a0a0a}html.theme--catppuccin-macchiato .help.is-light{color:#f5f5f5}html.theme--catppuccin-macchiato .help.is-dark,html.theme--catppuccin-macchiato .content kbd.help{color:#363a4f}html.theme--catppuccin-macchiato .help.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.help.docs-sourcelink{color:#8aadf4}html.theme--catppuccin-macchiato .help.is-link{color:#8aadf4}html.theme--catppuccin-macchiato .help.is-info{color:#8bd5ca}html.theme--catppuccin-macchiato .help.is-success{color:#a6da95}html.theme--catppuccin-macchiato .help.is-warning{color:#eed49f}html.theme--catppuccin-macchiato .help.is-danger{color:#ed8796}html.theme--catppuccin-macchiato .field:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-macchiato .field.has-addons{display:flex;justify-content:flex-start}html.theme--catppuccin-macchiato .field.has-addons .control:not(:last-child){margin-right:-1px}html.theme--catppuccin-macchiato .field.has-addons .control:not(:first-child):not(:last-child) .button,html.theme--catppuccin-macchiato .field.has-addons .control:not(:first-child):not(:last-child) .input,html.theme--catppuccin-macchiato .field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,html.theme--catppuccin-macchiato .field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}html.theme--catppuccin-macchiato .field.has-addons .control:first-child:not(:only-child) .button,html.theme--catppuccin-macchiato .field.has-addons .control:first-child:not(:only-child) .input,html.theme--catppuccin-macchiato .field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-macchiato .field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-macchiato .field.has-addons .control:last-child:not(:only-child) .button,html.theme--catppuccin-macchiato .field.has-addons .control:last-child:not(:only-child) .input,html.theme--catppuccin-macchiato .field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-macchiato .field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-macchiato .field.has-addons .control .button:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .button.is-hovered:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .input:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .input.is-hovered:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .select select:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}html.theme--catppuccin-macchiato .field.has-addons .control .button:not([disabled]):focus,html.theme--catppuccin-macchiato .field.has-addons .control .button.is-focused:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .button:not([disabled]):active,html.theme--catppuccin-macchiato .field.has-addons .control .button.is-active:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .input:not([disabled]):focus,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-macchiato .field.has-addons .control .input.is-focused:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .input:not([disabled]):active,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,html.theme--catppuccin-macchiato .field.has-addons .control .input.is-active:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .select select:not([disabled]):focus,html.theme--catppuccin-macchiato .field.has-addons .control .select select.is-focused:not([disabled]),html.theme--catppuccin-macchiato .field.has-addons .control .select select:not([disabled]):active,html.theme--catppuccin-macchiato .field.has-addons .control .select select.is-active:not([disabled]){z-index:3}html.theme--catppuccin-macchiato .field.has-addons .control .button:not([disabled]):focus:hover,html.theme--catppuccin-macchiato .field.has-addons .control .button.is-focused:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .button:not([disabled]):active:hover,html.theme--catppuccin-macchiato .field.has-addons .control .button.is-active:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .input:not([disabled]):focus:hover,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-macchiato .field.has-addons .control .input.is-focused:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .input:not([disabled]):active:hover,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-macchiato .field.has-addons .control .input.is-active:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .select select:not([disabled]):focus:hover,html.theme--catppuccin-macchiato .field.has-addons .control .select select.is-focused:not([disabled]):hover,html.theme--catppuccin-macchiato .field.has-addons .control .select select:not([disabled]):active:hover,html.theme--catppuccin-macchiato .field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}html.theme--catppuccin-macchiato .field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .field.has-addons.has-addons-centered{justify-content:center}html.theme--catppuccin-macchiato .field.has-addons.has-addons-right{justify-content:flex-end}html.theme--catppuccin-macchiato .field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}html.theme--catppuccin-macchiato .field.is-grouped{display:flex;justify-content:flex-start}html.theme--catppuccin-macchiato .field.is-grouped>.control{flex-shrink:0}html.theme--catppuccin-macchiato .field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-macchiato .field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-centered{justify-content:center}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-right{justify-content:flex-end}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-multiline{flex-wrap:wrap}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-multiline>.control:last-child,html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}html.theme--catppuccin-macchiato .field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .field.is-horizontal{display:flex}}html.theme--catppuccin-macchiato .field-label .label{font-size:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}html.theme--catppuccin-macchiato .field-label.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}html.theme--catppuccin-macchiato .field-label.is-normal{padding-top:0.375em}html.theme--catppuccin-macchiato .field-label.is-medium{font-size:1.25rem;padding-top:0.375em}html.theme--catppuccin-macchiato .field-label.is-large{font-size:1.5rem;padding-top:0.375em}}html.theme--catppuccin-macchiato .field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}html.theme--catppuccin-macchiato .field-body .field{margin-bottom:0}html.theme--catppuccin-macchiato .field-body>.field{flex-shrink:1}html.theme--catppuccin-macchiato .field-body>.field:not(.is-narrow){flex-grow:1}html.theme--catppuccin-macchiato .field-body>.field:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-macchiato .control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}html.theme--catppuccin-macchiato .control.has-icons-left .input:focus~.icon,html.theme--catppuccin-macchiato .control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,html.theme--catppuccin-macchiato .control.has-icons-left .select:focus~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .input:focus~.icon,html.theme--catppuccin-macchiato .control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .select:focus~.icon{color:#363a4f}html.theme--catppuccin-macchiato .control.has-icons-left .input.is-small~.icon,html.theme--catppuccin-macchiato .control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,html.theme--catppuccin-macchiato .control.has-icons-left .select.is-small~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .input.is-small~.icon,html.theme--catppuccin-macchiato .control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .select.is-small~.icon{font-size:.75rem}html.theme--catppuccin-macchiato .control.has-icons-left .input.is-medium~.icon,html.theme--catppuccin-macchiato .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,html.theme--catppuccin-macchiato .control.has-icons-left .select.is-medium~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .input.is-medium~.icon,html.theme--catppuccin-macchiato .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}html.theme--catppuccin-macchiato .control.has-icons-left .input.is-large~.icon,html.theme--catppuccin-macchiato .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,html.theme--catppuccin-macchiato .control.has-icons-left .select.is-large~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .input.is-large~.icon,html.theme--catppuccin-macchiato .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,html.theme--catppuccin-macchiato .control.has-icons-right .select.is-large~.icon{font-size:1.5rem}html.theme--catppuccin-macchiato .control.has-icons-left .icon,html.theme--catppuccin-macchiato .control.has-icons-right .icon{color:#5b6078;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}html.theme--catppuccin-macchiato .control.has-icons-left .input,html.theme--catppuccin-macchiato .control.has-icons-left #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-left form.docs-search>input,html.theme--catppuccin-macchiato .control.has-icons-left .select select{padding-left:2.5em}html.theme--catppuccin-macchiato .control.has-icons-left .icon.is-left{left:0}html.theme--catppuccin-macchiato .control.has-icons-right .input,html.theme--catppuccin-macchiato .control.has-icons-right #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato #documenter .docs-sidebar .control.has-icons-right form.docs-search>input,html.theme--catppuccin-macchiato .control.has-icons-right .select select{padding-right:2.5em}html.theme--catppuccin-macchiato .control.has-icons-right .icon.is-right{right:0}html.theme--catppuccin-macchiato .control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}html.theme--catppuccin-macchiato .control.is-loading.is-small:after,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-macchiato .control.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-macchiato .control.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-macchiato .breadcrumb{font-size:1rem;white-space:nowrap}html.theme--catppuccin-macchiato .breadcrumb a{align-items:center;color:#8aadf4;display:flex;justify-content:center;padding:0 .75em}html.theme--catppuccin-macchiato .breadcrumb a:hover{color:#91d7e3}html.theme--catppuccin-macchiato .breadcrumb li{align-items:center;display:flex}html.theme--catppuccin-macchiato .breadcrumb li:first-child a{padding-left:0}html.theme--catppuccin-macchiato .breadcrumb li.is-active a{color:#b5c1f1;cursor:default;pointer-events:none}html.theme--catppuccin-macchiato .breadcrumb li+li::before{color:#6e738d;content:"\0002f"}html.theme--catppuccin-macchiato .breadcrumb ul,html.theme--catppuccin-macchiato .breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-macchiato .breadcrumb .icon:first-child{margin-right:.5em}html.theme--catppuccin-macchiato .breadcrumb .icon:last-child{margin-left:.5em}html.theme--catppuccin-macchiato .breadcrumb.is-centered ol,html.theme--catppuccin-macchiato .breadcrumb.is-centered ul{justify-content:center}html.theme--catppuccin-macchiato .breadcrumb.is-right ol,html.theme--catppuccin-macchiato .breadcrumb.is-right ul{justify-content:flex-end}html.theme--catppuccin-macchiato .breadcrumb.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}html.theme--catppuccin-macchiato .breadcrumb.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .breadcrumb.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .breadcrumb.has-arrow-separator li+li::before{content:"\02192"}html.theme--catppuccin-macchiato .breadcrumb.has-bullet-separator li+li::before{content:"\02022"}html.theme--catppuccin-macchiato .breadcrumb.has-dot-separator li+li::before{content:"\000b7"}html.theme--catppuccin-macchiato .breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}html.theme--catppuccin-macchiato .card{background-color:#fff;border-radius:.25rem;box-shadow:#171717;color:#cad3f5;max-width:100%;position:relative}html.theme--catppuccin-macchiato .card-footer:first-child,html.theme--catppuccin-macchiato .card-content:first-child,html.theme--catppuccin-macchiato .card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-macchiato .card-footer:last-child,html.theme--catppuccin-macchiato .card-content:last-child,html.theme--catppuccin-macchiato .card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-macchiato .card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}html.theme--catppuccin-macchiato .card-header-title{align-items:center;color:#b5c1f1;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}html.theme--catppuccin-macchiato .card-header-title.is-centered{justify-content:center}html.theme--catppuccin-macchiato .card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}html.theme--catppuccin-macchiato .card-image{display:block;position:relative}html.theme--catppuccin-macchiato .card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-macchiato .card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-macchiato .card-content{background-color:rgba(0,0,0,0);padding:1.5rem}html.theme--catppuccin-macchiato .card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}html.theme--catppuccin-macchiato .card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}html.theme--catppuccin-macchiato .card-footer-item:not(:last-child){border-right:1px solid #ededed}html.theme--catppuccin-macchiato .card .media:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-macchiato .dropdown{display:inline-flex;position:relative;vertical-align:top}html.theme--catppuccin-macchiato .dropdown.is-active .dropdown-menu,html.theme--catppuccin-macchiato .dropdown.is-hoverable:hover .dropdown-menu{display:block}html.theme--catppuccin-macchiato .dropdown.is-right .dropdown-menu{left:auto;right:0}html.theme--catppuccin-macchiato .dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}html.theme--catppuccin-macchiato .dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}html.theme--catppuccin-macchiato .dropdown-content{background-color:#1e2030;border-radius:.4em;box-shadow:#171717;padding-bottom:.5rem;padding-top:.5rem}html.theme--catppuccin-macchiato .dropdown-item{color:#cad3f5;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}html.theme--catppuccin-macchiato a.dropdown-item,html.theme--catppuccin-macchiato button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}html.theme--catppuccin-macchiato a.dropdown-item:hover,html.theme--catppuccin-macchiato button.dropdown-item:hover{background-color:#1e2030;color:#0a0a0a}html.theme--catppuccin-macchiato a.dropdown-item.is-active,html.theme--catppuccin-macchiato button.dropdown-item.is-active{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}html.theme--catppuccin-macchiato .level{align-items:center;justify-content:space-between}html.theme--catppuccin-macchiato .level code{border-radius:.4em}html.theme--catppuccin-macchiato .level img{display:inline-block;vertical-align:top}html.theme--catppuccin-macchiato .level.is-mobile{display:flex}html.theme--catppuccin-macchiato .level.is-mobile .level-left,html.theme--catppuccin-macchiato .level.is-mobile .level-right{display:flex}html.theme--catppuccin-macchiato .level.is-mobile .level-left+.level-right{margin-top:0}html.theme--catppuccin-macchiato .level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-macchiato .level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .level{display:flex}html.theme--catppuccin-macchiato .level>.level-item:not(.is-narrow){flex-grow:1}}html.theme--catppuccin-macchiato .level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}html.theme--catppuccin-macchiato .level-item .title,html.theme--catppuccin-macchiato .level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .level-item:not(:last-child){margin-bottom:.75rem}}html.theme--catppuccin-macchiato .level-left,html.theme--catppuccin-macchiato .level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-macchiato .level-left .level-item.is-flexible,html.theme--catppuccin-macchiato .level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .level-left .level-item:not(:last-child),html.theme--catppuccin-macchiato .level-right .level-item:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-macchiato .level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .level-left{display:flex}}html.theme--catppuccin-macchiato .level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .level-right{display:flex}}html.theme--catppuccin-macchiato .media{align-items:flex-start;display:flex;text-align:inherit}html.theme--catppuccin-macchiato .media .content:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-macchiato .media .media{border-top:1px solid rgba(91,96,120,0.5);display:flex;padding-top:.75rem}html.theme--catppuccin-macchiato .media .media .content:not(:last-child),html.theme--catppuccin-macchiato .media .media .control:not(:last-child){margin-bottom:.5rem}html.theme--catppuccin-macchiato .media .media .media{padding-top:.5rem}html.theme--catppuccin-macchiato .media .media .media+.media{margin-top:.5rem}html.theme--catppuccin-macchiato .media+.media{border-top:1px solid rgba(91,96,120,0.5);margin-top:1rem;padding-top:1rem}html.theme--catppuccin-macchiato .media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}html.theme--catppuccin-macchiato .media-left,html.theme--catppuccin-macchiato .media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-macchiato .media-left{margin-right:1rem}html.theme--catppuccin-macchiato .media-right{margin-left:1rem}html.theme--catppuccin-macchiato .media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .media-content{overflow-x:auto}}html.theme--catppuccin-macchiato .menu{font-size:1rem}html.theme--catppuccin-macchiato .menu.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}html.theme--catppuccin-macchiato .menu.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .menu.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .menu-list{line-height:1.25}html.theme--catppuccin-macchiato .menu-list a{border-radius:3px;color:#cad3f5;display:block;padding:0.5em 0.75em}html.theme--catppuccin-macchiato .menu-list a:hover{background-color:#1e2030;color:#b5c1f1}html.theme--catppuccin-macchiato .menu-list a.is-active{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .menu-list li ul{border-left:1px solid #5b6078;margin:.75em;padding-left:.75em}html.theme--catppuccin-macchiato .menu-label{color:#f5f7fd;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}html.theme--catppuccin-macchiato .menu-label:not(:first-child){margin-top:1em}html.theme--catppuccin-macchiato .menu-label:not(:last-child){margin-bottom:1em}html.theme--catppuccin-macchiato .message{background-color:#1e2030;border-radius:.4em;font-size:1rem}html.theme--catppuccin-macchiato .message strong{color:currentColor}html.theme--catppuccin-macchiato .message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-macchiato .message.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}html.theme--catppuccin-macchiato .message.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .message.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .message.is-white{background-color:#fff}html.theme--catppuccin-macchiato .message.is-white .message-header{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .message.is-white .message-body{border-color:#fff}html.theme--catppuccin-macchiato .message.is-black{background-color:#fafafa}html.theme--catppuccin-macchiato .message.is-black .message-header{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .message.is-black .message-body{border-color:#0a0a0a}html.theme--catppuccin-macchiato .message.is-light{background-color:#fafafa}html.theme--catppuccin-macchiato .message.is-light .message-header{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .message.is-light .message-body{border-color:#f5f5f5}html.theme--catppuccin-macchiato .message.is-dark,html.theme--catppuccin-macchiato .content kbd.message{background-color:#f9f9fb}html.theme--catppuccin-macchiato .message.is-dark .message-header,html.theme--catppuccin-macchiato .content kbd.message .message-header{background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .message.is-dark .message-body,html.theme--catppuccin-macchiato .content kbd.message .message-body{border-color:#363a4f}html.theme--catppuccin-macchiato .message.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.message.docs-sourcelink{background-color:#ecf2fd}html.theme--catppuccin-macchiato .message.is-primary .message-header,html.theme--catppuccin-macchiato .docstring>section>a.message.docs-sourcelink .message-header{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .message.is-primary .message-body,html.theme--catppuccin-macchiato .docstring>section>a.message.docs-sourcelink .message-body{border-color:#8aadf4;color:#0e3b95}html.theme--catppuccin-macchiato .message.is-link{background-color:#ecf2fd}html.theme--catppuccin-macchiato .message.is-link .message-header{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .message.is-link .message-body{border-color:#8aadf4;color:#0e3b95}html.theme--catppuccin-macchiato .message.is-info{background-color:#f0faf8}html.theme--catppuccin-macchiato .message.is-info .message-header{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .message.is-info .message-body{border-color:#8bd5ca;color:#276d62}html.theme--catppuccin-macchiato .message.is-success{background-color:#f2faf0}html.theme--catppuccin-macchiato .message.is-success .message-header{background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .message.is-success .message-body{border-color:#a6da95;color:#386e26}html.theme--catppuccin-macchiato .message.is-warning{background-color:#fcf7ee}html.theme--catppuccin-macchiato .message.is-warning .message-header{background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .message.is-warning .message-body{border-color:#eed49f;color:#7e5c16}html.theme--catppuccin-macchiato .message.is-danger{background-color:#fcedef}html.theme--catppuccin-macchiato .message.is-danger .message-header{background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .message.is-danger .message-body{border-color:#ed8796;color:#971729}html.theme--catppuccin-macchiato .message-header{align-items:center;background-color:#cad3f5;border-radius:.4em .4em 0 0;color:rgba(0,0,0,0.7);display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}html.theme--catppuccin-macchiato .message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}html.theme--catppuccin-macchiato .message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}html.theme--catppuccin-macchiato .message-body{border-color:#5b6078;border-radius:.4em;border-style:solid;border-width:0 0 0 4px;color:#cad3f5;padding:1.25em 1.5em}html.theme--catppuccin-macchiato .message-body code,html.theme--catppuccin-macchiato .message-body pre{background-color:#fff}html.theme--catppuccin-macchiato .message-body pre code{background-color:rgba(0,0,0,0)}html.theme--catppuccin-macchiato .modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}html.theme--catppuccin-macchiato .modal.is-active{display:flex}html.theme--catppuccin-macchiato .modal-background{background-color:rgba(10,10,10,0.86)}html.theme--catppuccin-macchiato .modal-content,html.theme--catppuccin-macchiato .modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){html.theme--catppuccin-macchiato .modal-content,html.theme--catppuccin-macchiato .modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}html.theme--catppuccin-macchiato .modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}html.theme--catppuccin-macchiato .modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}html.theme--catppuccin-macchiato .modal-card-head,html.theme--catppuccin-macchiato .modal-card-foot{align-items:center;background-color:#1e2030;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}html.theme--catppuccin-macchiato .modal-card-head{border-bottom:1px solid #5b6078;border-top-left-radius:8px;border-top-right-radius:8px}html.theme--catppuccin-macchiato .modal-card-title{color:#cad3f5;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}html.theme--catppuccin-macchiato .modal-card-foot{border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid #5b6078}html.theme--catppuccin-macchiato .modal-card-foot .button:not(:last-child){margin-right:.5em}html.theme--catppuccin-macchiato .modal-card-body{-webkit-overflow-scrolling:touch;background-color:#24273a;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}html.theme--catppuccin-macchiato .navbar{background-color:#8aadf4;min-height:4rem;position:relative;z-index:30}html.theme--catppuccin-macchiato .navbar.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-white .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-macchiato .navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}html.theme--catppuccin-macchiato .navbar.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-black .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}html.theme--catppuccin-macchiato .navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}html.theme--catppuccin-macchiato .navbar.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-light .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-macchiato .navbar.is-dark,html.theme--catppuccin-macchiato .content kbd.navbar{background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand .navbar-link.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#2c2f40;color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-brand .navbar-link::after,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-burger,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end .navbar-link.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#2c2f40;color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-end .navbar-link::after,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#2c2f40;color:#fff}html.theme--catppuccin-macchiato .navbar.is-dark .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-macchiato .content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#363a4f;color:#fff}}html.theme--catppuccin-macchiato .navbar.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand .navbar-link.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-brand .navbar-link::after,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-burger,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end .navbar-link.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-end .navbar-link::after,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#8aadf4;color:#fff}}html.theme--catppuccin-macchiato .navbar.is-link{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-link .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#8aadf4;color:#fff}}html.theme--catppuccin-macchiato .navbar.is-info{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#78cec1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-info .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end .navbar-link.is-active{background-color:#78cec1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-info .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#78cec1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-macchiato .navbar.is-success{background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#96d382;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-success .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end .navbar-link.is-active{background-color:#96d382;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-success .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#96d382;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#a6da95;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-macchiato .navbar.is-warning{background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#eaca89;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#eaca89;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#eaca89;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#eed49f;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-macchiato .navbar.is-danger{background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#ea7183;color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start .navbar-link,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end>.navbar-item,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start .navbar-link.is-active,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end>a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end>a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#ea7183;color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-start .navbar-link::after,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#ea7183;color:#fff}html.theme--catppuccin-macchiato .navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#ed8796;color:#fff}}html.theme--catppuccin-macchiato .navbar>.container{align-items:stretch;display:flex;min-height:4rem;width:100%}html.theme--catppuccin-macchiato .navbar.has-shadow{box-shadow:0 2px 0 0 #1e2030}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom,html.theme--catppuccin-macchiato .navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom{bottom:0}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #1e2030}html.theme--catppuccin-macchiato .navbar.is-fixed-top{top:0}html.theme--catppuccin-macchiato html.has-navbar-fixed-top,html.theme--catppuccin-macchiato body.has-navbar-fixed-top{padding-top:4rem}html.theme--catppuccin-macchiato html.has-navbar-fixed-bottom,html.theme--catppuccin-macchiato body.has-navbar-fixed-bottom{padding-bottom:4rem}html.theme--catppuccin-macchiato .navbar-brand,html.theme--catppuccin-macchiato .navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:4rem}html.theme--catppuccin-macchiato .navbar-brand a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar-brand a.navbar-item:hover{background-color:transparent}html.theme--catppuccin-macchiato .navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}html.theme--catppuccin-macchiato .navbar-burger{color:#cad3f5;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:4rem;position:relative;width:4rem;margin-left:auto}html.theme--catppuccin-macchiato .navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}html.theme--catppuccin-macchiato .navbar-burger span:nth-child(1){top:calc(50% - 6px)}html.theme--catppuccin-macchiato .navbar-burger span:nth-child(2){top:calc(50% - 1px)}html.theme--catppuccin-macchiato .navbar-burger span:nth-child(3){top:calc(50% + 4px)}html.theme--catppuccin-macchiato .navbar-burger:hover{background-color:rgba(0,0,0,0.05)}html.theme--catppuccin-macchiato .navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}html.theme--catppuccin-macchiato .navbar-burger.is-active span:nth-child(2){opacity:0}html.theme--catppuccin-macchiato .navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}html.theme--catppuccin-macchiato .navbar-menu{display:none}html.theme--catppuccin-macchiato .navbar-item,html.theme--catppuccin-macchiato .navbar-link{color:#cad3f5;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}html.theme--catppuccin-macchiato .navbar-item .icon:only-child,html.theme--catppuccin-macchiato .navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}html.theme--catppuccin-macchiato a.navbar-item,html.theme--catppuccin-macchiato .navbar-link{cursor:pointer}html.theme--catppuccin-macchiato a.navbar-item:focus,html.theme--catppuccin-macchiato a.navbar-item:focus-within,html.theme--catppuccin-macchiato a.navbar-item:hover,html.theme--catppuccin-macchiato a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar-link:focus,html.theme--catppuccin-macchiato .navbar-link:focus-within,html.theme--catppuccin-macchiato .navbar-link:hover,html.theme--catppuccin-macchiato .navbar-link.is-active{background-color:rgba(0,0,0,0);color:#8aadf4}html.theme--catppuccin-macchiato .navbar-item{flex-grow:0;flex-shrink:0}html.theme--catppuccin-macchiato .navbar-item img{max-height:1.75rem}html.theme--catppuccin-macchiato .navbar-item.has-dropdown{padding:0}html.theme--catppuccin-macchiato .navbar-item.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .navbar-item.is-tab{border-bottom:1px solid transparent;min-height:4rem;padding-bottom:calc(0.5rem - 1px)}html.theme--catppuccin-macchiato .navbar-item.is-tab:focus,html.theme--catppuccin-macchiato .navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#8aadf4}html.theme--catppuccin-macchiato .navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#8aadf4;border-bottom-style:solid;border-bottom-width:3px;color:#8aadf4;padding-bottom:calc(0.5rem - 3px)}html.theme--catppuccin-macchiato .navbar-content{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .navbar-link:not(.is-arrowless){padding-right:2.5em}html.theme--catppuccin-macchiato .navbar-link:not(.is-arrowless)::after{border-color:#fff;margin-top:-0.375em;right:1.125em}html.theme--catppuccin-macchiato .navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}html.theme--catppuccin-macchiato .navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}html.theme--catppuccin-macchiato .navbar-divider{background-color:rgba(0,0,0,0.2);border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .navbar>.container{display:block}html.theme--catppuccin-macchiato .navbar-brand .navbar-item,html.theme--catppuccin-macchiato .navbar-tabs .navbar-item{align-items:center;display:flex}html.theme--catppuccin-macchiato .navbar-link::after{display:none}html.theme--catppuccin-macchiato .navbar-menu{background-color:#8aadf4;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}html.theme--catppuccin-macchiato .navbar-menu.is-active{display:block}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-touch,html.theme--catppuccin-macchiato .navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-touch{bottom:0}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .navbar.is-fixed-top-touch{top:0}html.theme--catppuccin-macchiato .navbar.is-fixed-top .navbar-menu,html.theme--catppuccin-macchiato .navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 4rem);overflow:auto}html.theme--catppuccin-macchiato html.has-navbar-fixed-top-touch,html.theme--catppuccin-macchiato body.has-navbar-fixed-top-touch{padding-top:4rem}html.theme--catppuccin-macchiato html.has-navbar-fixed-bottom-touch,html.theme--catppuccin-macchiato body.has-navbar-fixed-bottom-touch{padding-bottom:4rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .navbar,html.theme--catppuccin-macchiato .navbar-menu,html.theme--catppuccin-macchiato .navbar-start,html.theme--catppuccin-macchiato .navbar-end{align-items:stretch;display:flex}html.theme--catppuccin-macchiato .navbar{min-height:4rem}html.theme--catppuccin-macchiato .navbar.is-spaced{padding:1rem 2rem}html.theme--catppuccin-macchiato .navbar.is-spaced .navbar-start,html.theme--catppuccin-macchiato .navbar.is-spaced .navbar-end{align-items:center}html.theme--catppuccin-macchiato .navbar.is-spaced a.navbar-item,html.theme--catppuccin-macchiato .navbar.is-spaced .navbar-link{border-radius:.4em}html.theme--catppuccin-macchiato .navbar.is-transparent a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-transparent a.navbar-item:hover,html.theme--catppuccin-macchiato .navbar.is-transparent a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-link:focus,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-link:hover,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#8087a2}html.theme--catppuccin-macchiato .navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#8aadf4}html.theme--catppuccin-macchiato .navbar-burger{display:none}html.theme--catppuccin-macchiato .navbar-item,html.theme--catppuccin-macchiato .navbar-link{align-items:center;display:flex}html.theme--catppuccin-macchiato .navbar-item.has-dropdown{align-items:stretch}html.theme--catppuccin-macchiato .navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}html.theme--catppuccin-macchiato .navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:1px solid rgba(0,0,0,0.2);border-radius:8px 8px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}html.theme--catppuccin-macchiato .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced html.theme--catppuccin-macchiato .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-macchiato .navbar-item.is-hoverable:hover .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}html.theme--catppuccin-macchiato .navbar-menu{flex-grow:1;flex-shrink:0}html.theme--catppuccin-macchiato .navbar-start{justify-content:flex-start;margin-right:auto}html.theme--catppuccin-macchiato .navbar-end{justify-content:flex-end;margin-left:auto}html.theme--catppuccin-macchiato .navbar-dropdown{background-color:#8aadf4;border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid rgba(0,0,0,0.2);box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}html.theme--catppuccin-macchiato .navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}html.theme--catppuccin-macchiato .navbar-dropdown a.navbar-item{padding-right:3rem}html.theme--catppuccin-macchiato .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-macchiato .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#8087a2}html.theme--catppuccin-macchiato .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#8aadf4}.navbar.is-spaced html.theme--catppuccin-macchiato .navbar-dropdown,html.theme--catppuccin-macchiato .navbar-dropdown.is-boxed{border-radius:8px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}html.theme--catppuccin-macchiato .navbar-dropdown.is-right{left:auto;right:0}html.theme--catppuccin-macchiato .navbar-divider{display:block}html.theme--catppuccin-macchiato .navbar>.container .navbar-brand,html.theme--catppuccin-macchiato .container>.navbar .navbar-brand{margin-left:-.75rem}html.theme--catppuccin-macchiato .navbar>.container .navbar-menu,html.theme--catppuccin-macchiato .container>.navbar .navbar-menu{margin-right:-.75rem}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-desktop,html.theme--catppuccin-macchiato .navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-desktop{bottom:0}html.theme--catppuccin-macchiato .navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .navbar.is-fixed-top-desktop{top:0}html.theme--catppuccin-macchiato html.has-navbar-fixed-top-desktop,html.theme--catppuccin-macchiato body.has-navbar-fixed-top-desktop{padding-top:4rem}html.theme--catppuccin-macchiato html.has-navbar-fixed-bottom-desktop,html.theme--catppuccin-macchiato body.has-navbar-fixed-bottom-desktop{padding-bottom:4rem}html.theme--catppuccin-macchiato html.has-spaced-navbar-fixed-top,html.theme--catppuccin-macchiato body.has-spaced-navbar-fixed-top{padding-top:6rem}html.theme--catppuccin-macchiato html.has-spaced-navbar-fixed-bottom,html.theme--catppuccin-macchiato body.has-spaced-navbar-fixed-bottom{padding-bottom:6rem}html.theme--catppuccin-macchiato a.navbar-item.is-active,html.theme--catppuccin-macchiato .navbar-link.is-active{color:#8aadf4}html.theme--catppuccin-macchiato a.navbar-item.is-active:not(:focus):not(:hover),html.theme--catppuccin-macchiato .navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}html.theme--catppuccin-macchiato .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-macchiato .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-macchiato .navbar-item.has-dropdown.is-active .navbar-link{background-color:rgba(0,0,0,0)}}html.theme--catppuccin-macchiato .hero.is-fullheight-with-navbar{min-height:calc(100vh - 4rem)}html.theme--catppuccin-macchiato .pagination{font-size:1rem;margin:-.25rem}html.theme--catppuccin-macchiato .pagination.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}html.theme--catppuccin-macchiato .pagination.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .pagination.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .pagination.is-rounded .pagination-previous,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,html.theme--catppuccin-macchiato .pagination.is-rounded .pagination-next,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}html.theme--catppuccin-macchiato .pagination.is-rounded .pagination-link,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}html.theme--catppuccin-macchiato .pagination,html.theme--catppuccin-macchiato .pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato .pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-link{border-color:#5b6078;color:#8aadf4;min-width:2.5em}html.theme--catppuccin-macchiato .pagination-previous:hover,html.theme--catppuccin-macchiato .pagination-next:hover,html.theme--catppuccin-macchiato .pagination-link:hover{border-color:#6e738d;color:#91d7e3}html.theme--catppuccin-macchiato .pagination-previous:focus,html.theme--catppuccin-macchiato .pagination-next:focus,html.theme--catppuccin-macchiato .pagination-link:focus{border-color:#6e738d}html.theme--catppuccin-macchiato .pagination-previous:active,html.theme--catppuccin-macchiato .pagination-next:active,html.theme--catppuccin-macchiato .pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}html.theme--catppuccin-macchiato .pagination-previous[disabled],html.theme--catppuccin-macchiato .pagination-previous.is-disabled,html.theme--catppuccin-macchiato .pagination-next[disabled],html.theme--catppuccin-macchiato .pagination-next.is-disabled,html.theme--catppuccin-macchiato .pagination-link[disabled],html.theme--catppuccin-macchiato .pagination-link.is-disabled{background-color:#5b6078;border-color:#5b6078;box-shadow:none;color:#f5f7fd;opacity:0.5}html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}html.theme--catppuccin-macchiato .pagination-link.is-current{background-color:#8aadf4;border-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .pagination-ellipsis{color:#6e738d;pointer-events:none}html.theme--catppuccin-macchiato .pagination-list{flex-wrap:wrap}html.theme--catppuccin-macchiato .pagination-list li{list-style:none}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .pagination{flex-wrap:wrap}html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato .pagination-ellipsis{margin-bottom:0;margin-top:0}html.theme--catppuccin-macchiato .pagination-previous{order:2}html.theme--catppuccin-macchiato .pagination-next{order:3}html.theme--catppuccin-macchiato .pagination{justify-content:space-between;margin-bottom:0;margin-top:0}html.theme--catppuccin-macchiato .pagination.is-centered .pagination-previous{order:1}html.theme--catppuccin-macchiato .pagination.is-centered .pagination-list{justify-content:center;order:2}html.theme--catppuccin-macchiato .pagination.is-centered .pagination-next{order:3}html.theme--catppuccin-macchiato .pagination.is-right .pagination-previous{order:1}html.theme--catppuccin-macchiato .pagination.is-right .pagination-next{order:2}html.theme--catppuccin-macchiato .pagination.is-right .pagination-list{justify-content:flex-end;order:3}}html.theme--catppuccin-macchiato .panel{border-radius:8px;box-shadow:#171717;font-size:1rem}html.theme--catppuccin-macchiato .panel:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-macchiato .panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}html.theme--catppuccin-macchiato .panel.is-white .panel-block.is-active .panel-icon{color:#fff}html.theme--catppuccin-macchiato .panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}html.theme--catppuccin-macchiato .panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}html.theme--catppuccin-macchiato .panel.is-light .panel-heading{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .panel.is-light .panel-tabs a.is-active{border-bottom-color:#f5f5f5}html.theme--catppuccin-macchiato .panel.is-light .panel-block.is-active .panel-icon{color:#f5f5f5}html.theme--catppuccin-macchiato .panel.is-dark .panel-heading,html.theme--catppuccin-macchiato .content kbd.panel .panel-heading{background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .panel.is-dark .panel-tabs a.is-active,html.theme--catppuccin-macchiato .content kbd.panel .panel-tabs a.is-active{border-bottom-color:#363a4f}html.theme--catppuccin-macchiato .panel.is-dark .panel-block.is-active .panel-icon,html.theme--catppuccin-macchiato .content kbd.panel .panel-block.is-active .panel-icon{color:#363a4f}html.theme--catppuccin-macchiato .panel.is-primary .panel-heading,html.theme--catppuccin-macchiato .docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .panel.is-primary .panel-tabs a.is-active,html.theme--catppuccin-macchiato .docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#8aadf4}html.theme--catppuccin-macchiato .panel.is-primary .panel-block.is-active .panel-icon,html.theme--catppuccin-macchiato .docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#8aadf4}html.theme--catppuccin-macchiato .panel.is-link .panel-heading{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .panel.is-link .panel-tabs a.is-active{border-bottom-color:#8aadf4}html.theme--catppuccin-macchiato .panel.is-link .panel-block.is-active .panel-icon{color:#8aadf4}html.theme--catppuccin-macchiato .panel.is-info .panel-heading{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .panel.is-info .panel-tabs a.is-active{border-bottom-color:#8bd5ca}html.theme--catppuccin-macchiato .panel.is-info .panel-block.is-active .panel-icon{color:#8bd5ca}html.theme--catppuccin-macchiato .panel.is-success .panel-heading{background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .panel.is-success .panel-tabs a.is-active{border-bottom-color:#a6da95}html.theme--catppuccin-macchiato .panel.is-success .panel-block.is-active .panel-icon{color:#a6da95}html.theme--catppuccin-macchiato .panel.is-warning .panel-heading{background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .panel.is-warning .panel-tabs a.is-active{border-bottom-color:#eed49f}html.theme--catppuccin-macchiato .panel.is-warning .panel-block.is-active .panel-icon{color:#eed49f}html.theme--catppuccin-macchiato .panel.is-danger .panel-heading{background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .panel.is-danger .panel-tabs a.is-active{border-bottom-color:#ed8796}html.theme--catppuccin-macchiato .panel.is-danger .panel-block.is-active .panel-icon{color:#ed8796}html.theme--catppuccin-macchiato .panel-tabs:not(:last-child),html.theme--catppuccin-macchiato .panel-block:not(:last-child){border-bottom:1px solid #ededed}html.theme--catppuccin-macchiato .panel-heading{background-color:#494d64;border-radius:8px 8px 0 0;color:#b5c1f1;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}html.theme--catppuccin-macchiato .panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}html.theme--catppuccin-macchiato .panel-tabs a{border-bottom:1px solid #5b6078;margin-bottom:-1px;padding:0.5em}html.theme--catppuccin-macchiato .panel-tabs a.is-active{border-bottom-color:#494d64;color:#739df2}html.theme--catppuccin-macchiato .panel-list a{color:#cad3f5}html.theme--catppuccin-macchiato .panel-list a:hover{color:#8aadf4}html.theme--catppuccin-macchiato .panel-block{align-items:center;color:#b5c1f1;display:flex;justify-content:flex-start;padding:0.5em 0.75em}html.theme--catppuccin-macchiato .panel-block input[type="checkbox"]{margin-right:.75em}html.theme--catppuccin-macchiato .panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}html.theme--catppuccin-macchiato .panel-block.is-wrapped{flex-wrap:wrap}html.theme--catppuccin-macchiato .panel-block.is-active{border-left-color:#8aadf4;color:#739df2}html.theme--catppuccin-macchiato .panel-block.is-active .panel-icon{color:#8aadf4}html.theme--catppuccin-macchiato .panel-block:last-child{border-bottom-left-radius:8px;border-bottom-right-radius:8px}html.theme--catppuccin-macchiato a.panel-block,html.theme--catppuccin-macchiato label.panel-block{cursor:pointer}html.theme--catppuccin-macchiato a.panel-block:hover,html.theme--catppuccin-macchiato label.panel-block:hover{background-color:#1e2030}html.theme--catppuccin-macchiato .panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#f5f7fd;margin-right:.75em}html.theme--catppuccin-macchiato .panel-icon .fa{font-size:inherit;line-height:inherit}html.theme--catppuccin-macchiato .tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}html.theme--catppuccin-macchiato .tabs a{align-items:center;border-bottom-color:#5b6078;border-bottom-style:solid;border-bottom-width:1px;color:#cad3f5;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}html.theme--catppuccin-macchiato .tabs a:hover{border-bottom-color:#b5c1f1;color:#b5c1f1}html.theme--catppuccin-macchiato .tabs li{display:block}html.theme--catppuccin-macchiato .tabs li.is-active a{border-bottom-color:#8aadf4;color:#8aadf4}html.theme--catppuccin-macchiato .tabs ul{align-items:center;border-bottom-color:#5b6078;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}html.theme--catppuccin-macchiato .tabs ul.is-left{padding-right:0.75em}html.theme--catppuccin-macchiato .tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}html.theme--catppuccin-macchiato .tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}html.theme--catppuccin-macchiato .tabs .icon:first-child{margin-right:.5em}html.theme--catppuccin-macchiato .tabs .icon:last-child{margin-left:.5em}html.theme--catppuccin-macchiato .tabs.is-centered ul{justify-content:center}html.theme--catppuccin-macchiato .tabs.is-right ul{justify-content:flex-end}html.theme--catppuccin-macchiato .tabs.is-boxed a{border:1px solid transparent;border-radius:.4em .4em 0 0}html.theme--catppuccin-macchiato .tabs.is-boxed a:hover{background-color:#1e2030;border-bottom-color:#5b6078}html.theme--catppuccin-macchiato .tabs.is-boxed li.is-active a{background-color:#fff;border-color:#5b6078;border-bottom-color:rgba(0,0,0,0) !important}html.theme--catppuccin-macchiato .tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}html.theme--catppuccin-macchiato .tabs.is-toggle a{border-color:#5b6078;border-style:solid;border-width:1px;margin-bottom:0;position:relative}html.theme--catppuccin-macchiato .tabs.is-toggle a:hover{background-color:#1e2030;border-color:#6e738d;z-index:2}html.theme--catppuccin-macchiato .tabs.is-toggle li+li{margin-left:-1px}html.theme--catppuccin-macchiato .tabs.is-toggle li:first-child a{border-top-left-radius:.4em;border-bottom-left-radius:.4em}html.theme--catppuccin-macchiato .tabs.is-toggle li:last-child a{border-top-right-radius:.4em;border-bottom-right-radius:.4em}html.theme--catppuccin-macchiato .tabs.is-toggle li.is-active a{background-color:#8aadf4;border-color:#8aadf4;color:#fff;z-index:1}html.theme--catppuccin-macchiato .tabs.is-toggle ul{border-bottom:none}html.theme--catppuccin-macchiato .tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}html.theme--catppuccin-macchiato .tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}html.theme--catppuccin-macchiato .tabs.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}html.theme--catppuccin-macchiato .tabs.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .tabs.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-narrow{flex:none;width:unset}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-full{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-half{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-half{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-0{flex:none;width:0%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-0{margin-left:0%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-3{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-3{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-6{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-6{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-9{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-9{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-12{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-macchiato .column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .column.is-narrow-mobile{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full-mobile{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters-mobile{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds-mobile{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half-mobile{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third-mobile{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter-mobile{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth-mobile{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths-mobile{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths-mobile{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths-mobile{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters-mobile{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds-mobile{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half-mobile{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third-mobile{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter-mobile{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth-mobile{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths-mobile{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths-mobile{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths-mobile{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0-mobile{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0-mobile{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1-mobile{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1-mobile{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2-mobile{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2-mobile{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3-mobile{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3-mobile{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4-mobile{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4-mobile{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5-mobile{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5-mobile{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6-mobile{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6-mobile{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7-mobile{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7-mobile{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8-mobile{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8-mobile{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9-mobile{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9-mobile{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10-mobile{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10-mobile{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11-mobile{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11-mobile{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12-mobile{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .column.is-narrow,html.theme--catppuccin-macchiato .column.is-narrow-tablet{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full,html.theme--catppuccin-macchiato .column.is-full-tablet{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters,html.theme--catppuccin-macchiato .column.is-three-quarters-tablet{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds,html.theme--catppuccin-macchiato .column.is-two-thirds-tablet{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half,html.theme--catppuccin-macchiato .column.is-half-tablet{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third,html.theme--catppuccin-macchiato .column.is-one-third-tablet{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter,html.theme--catppuccin-macchiato .column.is-one-quarter-tablet{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth,html.theme--catppuccin-macchiato .column.is-one-fifth-tablet{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths,html.theme--catppuccin-macchiato .column.is-two-fifths-tablet{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths,html.theme--catppuccin-macchiato .column.is-three-fifths-tablet{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths,html.theme--catppuccin-macchiato .column.is-four-fifths-tablet{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters,html.theme--catppuccin-macchiato .column.is-offset-three-quarters-tablet{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds,html.theme--catppuccin-macchiato .column.is-offset-two-thirds-tablet{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half,html.theme--catppuccin-macchiato .column.is-offset-half-tablet{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third,html.theme--catppuccin-macchiato .column.is-offset-one-third-tablet{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter,html.theme--catppuccin-macchiato .column.is-offset-one-quarter-tablet{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth,html.theme--catppuccin-macchiato .column.is-offset-one-fifth-tablet{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths,html.theme--catppuccin-macchiato .column.is-offset-two-fifths-tablet{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths,html.theme--catppuccin-macchiato .column.is-offset-three-fifths-tablet{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths,html.theme--catppuccin-macchiato .column.is-offset-four-fifths-tablet{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0,html.theme--catppuccin-macchiato .column.is-0-tablet{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0,html.theme--catppuccin-macchiato .column.is-offset-0-tablet{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1,html.theme--catppuccin-macchiato .column.is-1-tablet{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1,html.theme--catppuccin-macchiato .column.is-offset-1-tablet{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2,html.theme--catppuccin-macchiato .column.is-2-tablet{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2,html.theme--catppuccin-macchiato .column.is-offset-2-tablet{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3,html.theme--catppuccin-macchiato .column.is-3-tablet{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3,html.theme--catppuccin-macchiato .column.is-offset-3-tablet{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4,html.theme--catppuccin-macchiato .column.is-4-tablet{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4,html.theme--catppuccin-macchiato .column.is-offset-4-tablet{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5,html.theme--catppuccin-macchiato .column.is-5-tablet{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5,html.theme--catppuccin-macchiato .column.is-offset-5-tablet{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6,html.theme--catppuccin-macchiato .column.is-6-tablet{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6,html.theme--catppuccin-macchiato .column.is-offset-6-tablet{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7,html.theme--catppuccin-macchiato .column.is-7-tablet{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7,html.theme--catppuccin-macchiato .column.is-offset-7-tablet{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8,html.theme--catppuccin-macchiato .column.is-8-tablet{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8,html.theme--catppuccin-macchiato .column.is-offset-8-tablet{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9,html.theme--catppuccin-macchiato .column.is-9-tablet{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9,html.theme--catppuccin-macchiato .column.is-offset-9-tablet{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10,html.theme--catppuccin-macchiato .column.is-10-tablet{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10,html.theme--catppuccin-macchiato .column.is-offset-10-tablet{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11,html.theme--catppuccin-macchiato .column.is-11-tablet{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11,html.theme--catppuccin-macchiato .column.is-offset-11-tablet{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12,html.theme--catppuccin-macchiato .column.is-12-tablet{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12,html.theme--catppuccin-macchiato .column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .column.is-narrow-touch{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full-touch{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters-touch{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds-touch{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half-touch{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third-touch{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter-touch{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth-touch{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths-touch{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths-touch{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths-touch{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters-touch{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds-touch{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half-touch{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third-touch{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter-touch{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth-touch{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths-touch{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths-touch{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths-touch{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0-touch{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0-touch{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1-touch{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1-touch{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2-touch{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2-touch{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3-touch{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3-touch{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4-touch{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4-touch{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5-touch{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5-touch{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6-touch{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6-touch{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7-touch{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7-touch{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8-touch{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8-touch{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9-touch{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9-touch{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10-touch{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10-touch{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11-touch{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11-touch{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12-touch{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .column.is-narrow-desktop{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full-desktop{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters-desktop{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds-desktop{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half-desktop{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third-desktop{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter-desktop{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth-desktop{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths-desktop{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths-desktop{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths-desktop{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters-desktop{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds-desktop{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half-desktop{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third-desktop{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter-desktop{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth-desktop{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths-desktop{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths-desktop{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths-desktop{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0-desktop{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0-desktop{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1-desktop{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1-desktop{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2-desktop{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2-desktop{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3-desktop{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3-desktop{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4-desktop{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4-desktop{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5-desktop{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5-desktop{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6-desktop{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6-desktop{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7-desktop{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7-desktop{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8-desktop{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8-desktop{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9-desktop{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9-desktop{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10-desktop{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10-desktop{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11-desktop{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11-desktop{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12-desktop{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .column.is-narrow-widescreen{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full-widescreen{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters-widescreen{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds-widescreen{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half-widescreen{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third-widescreen{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter-widescreen{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth-widescreen{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths-widescreen{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths-widescreen{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths-widescreen{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters-widescreen{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds-widescreen{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half-widescreen{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third-widescreen{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter-widescreen{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth-widescreen{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths-widescreen{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths-widescreen{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths-widescreen{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0-widescreen{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0-widescreen{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1-widescreen{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1-widescreen{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2-widescreen{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2-widescreen{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3-widescreen{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3-widescreen{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4-widescreen{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4-widescreen{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5-widescreen{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5-widescreen{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6-widescreen{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6-widescreen{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7-widescreen{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7-widescreen{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8-widescreen{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8-widescreen{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9-widescreen{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9-widescreen{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10-widescreen{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10-widescreen{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11-widescreen{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11-widescreen{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12-widescreen{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .column.is-narrow-fullhd{flex:none;width:unset}html.theme--catppuccin-macchiato .column.is-full-fullhd{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-three-quarters-fullhd{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-two-thirds-fullhd{flex:none;width:66.6666%}html.theme--catppuccin-macchiato .column.is-half-fullhd{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-one-third-fullhd{flex:none;width:33.3333%}html.theme--catppuccin-macchiato .column.is-one-quarter-fullhd{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-one-fifth-fullhd{flex:none;width:20%}html.theme--catppuccin-macchiato .column.is-two-fifths-fullhd{flex:none;width:40%}html.theme--catppuccin-macchiato .column.is-three-fifths-fullhd{flex:none;width:60%}html.theme--catppuccin-macchiato .column.is-four-fifths-fullhd{flex:none;width:80%}html.theme--catppuccin-macchiato .column.is-offset-three-quarters-fullhd{margin-left:75%}html.theme--catppuccin-macchiato .column.is-offset-two-thirds-fullhd{margin-left:66.6666%}html.theme--catppuccin-macchiato .column.is-offset-half-fullhd{margin-left:50%}html.theme--catppuccin-macchiato .column.is-offset-one-third-fullhd{margin-left:33.3333%}html.theme--catppuccin-macchiato .column.is-offset-one-quarter-fullhd{margin-left:25%}html.theme--catppuccin-macchiato .column.is-offset-one-fifth-fullhd{margin-left:20%}html.theme--catppuccin-macchiato .column.is-offset-two-fifths-fullhd{margin-left:40%}html.theme--catppuccin-macchiato .column.is-offset-three-fifths-fullhd{margin-left:60%}html.theme--catppuccin-macchiato .column.is-offset-four-fifths-fullhd{margin-left:80%}html.theme--catppuccin-macchiato .column.is-0-fullhd{flex:none;width:0%}html.theme--catppuccin-macchiato .column.is-offset-0-fullhd{margin-left:0%}html.theme--catppuccin-macchiato .column.is-1-fullhd{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .column.is-offset-1-fullhd{margin-left:8.33333337%}html.theme--catppuccin-macchiato .column.is-2-fullhd{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .column.is-offset-2-fullhd{margin-left:16.66666674%}html.theme--catppuccin-macchiato .column.is-3-fullhd{flex:none;width:25%}html.theme--catppuccin-macchiato .column.is-offset-3-fullhd{margin-left:25%}html.theme--catppuccin-macchiato .column.is-4-fullhd{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .column.is-offset-4-fullhd{margin-left:33.33333337%}html.theme--catppuccin-macchiato .column.is-5-fullhd{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .column.is-offset-5-fullhd{margin-left:41.66666674%}html.theme--catppuccin-macchiato .column.is-6-fullhd{flex:none;width:50%}html.theme--catppuccin-macchiato .column.is-offset-6-fullhd{margin-left:50%}html.theme--catppuccin-macchiato .column.is-7-fullhd{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .column.is-offset-7-fullhd{margin-left:58.33333337%}html.theme--catppuccin-macchiato .column.is-8-fullhd{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .column.is-offset-8-fullhd{margin-left:66.66666674%}html.theme--catppuccin-macchiato .column.is-9-fullhd{flex:none;width:75%}html.theme--catppuccin-macchiato .column.is-offset-9-fullhd{margin-left:75%}html.theme--catppuccin-macchiato .column.is-10-fullhd{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .column.is-offset-10-fullhd{margin-left:83.33333337%}html.theme--catppuccin-macchiato .column.is-11-fullhd{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .column.is-offset-11-fullhd{margin-left:91.66666674%}html.theme--catppuccin-macchiato .column.is-12-fullhd{flex:none;width:100%}html.theme--catppuccin-macchiato .column.is-offset-12-fullhd{margin-left:100%}}html.theme--catppuccin-macchiato .columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-macchiato .columns:last-child{margin-bottom:-.75rem}html.theme--catppuccin-macchiato .columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}html.theme--catppuccin-macchiato .columns.is-centered{justify-content:center}html.theme--catppuccin-macchiato .columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}html.theme--catppuccin-macchiato .columns.is-gapless>.column{margin:0;padding:0 !important}html.theme--catppuccin-macchiato .columns.is-gapless:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-macchiato .columns.is-gapless:last-child{margin-bottom:0}html.theme--catppuccin-macchiato .columns.is-mobile{display:flex}html.theme--catppuccin-macchiato .columns.is-multiline{flex-wrap:wrap}html.theme--catppuccin-macchiato .columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-desktop{display:flex}}html.theme--catppuccin-macchiato .columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}html.theme--catppuccin-macchiato .columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}html.theme--catppuccin-macchiato .columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-0-fullhd{--columnGap: 0rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-1-fullhd{--columnGap: .25rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-2-fullhd{--columnGap: .5rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-3-fullhd{--columnGap: .75rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-4-fullhd{--columnGap: 1rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}html.theme--catppuccin-macchiato .columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-macchiato .columns.is-variable.is-8-fullhd{--columnGap: 2rem}}html.theme--catppuccin-macchiato .tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}html.theme--catppuccin-macchiato .tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-macchiato .tile.is-ancestor:last-child{margin-bottom:-.75rem}html.theme--catppuccin-macchiato .tile.is-ancestor:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-macchiato .tile.is-child{margin:0 !important}html.theme--catppuccin-macchiato .tile.is-parent{padding:.75rem}html.theme--catppuccin-macchiato .tile.is-vertical{flex-direction:column}html.theme--catppuccin-macchiato .tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .tile:not(.is-child){display:flex}html.theme--catppuccin-macchiato .tile.is-1{flex:none;width:8.33333337%}html.theme--catppuccin-macchiato .tile.is-2{flex:none;width:16.66666674%}html.theme--catppuccin-macchiato .tile.is-3{flex:none;width:25%}html.theme--catppuccin-macchiato .tile.is-4{flex:none;width:33.33333337%}html.theme--catppuccin-macchiato .tile.is-5{flex:none;width:41.66666674%}html.theme--catppuccin-macchiato .tile.is-6{flex:none;width:50%}html.theme--catppuccin-macchiato .tile.is-7{flex:none;width:58.33333337%}html.theme--catppuccin-macchiato .tile.is-8{flex:none;width:66.66666674%}html.theme--catppuccin-macchiato .tile.is-9{flex:none;width:75%}html.theme--catppuccin-macchiato .tile.is-10{flex:none;width:83.33333337%}html.theme--catppuccin-macchiato .tile.is-11{flex:none;width:91.66666674%}html.theme--catppuccin-macchiato .tile.is-12{flex:none;width:100%}}html.theme--catppuccin-macchiato .hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}html.theme--catppuccin-macchiato .hero .navbar{background:none}html.theme--catppuccin-macchiato .hero .tabs ul{border-bottom:none}html.theme--catppuccin-macchiato .hero.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-white strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-white .title{color:#0a0a0a}html.theme--catppuccin-macchiato .hero.is-white .subtitle{color:rgba(10,10,10,0.9)}html.theme--catppuccin-macchiato .hero.is-white .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-white .navbar-menu{background-color:#fff}}html.theme--catppuccin-macchiato .hero.is-white .navbar-item,html.theme--catppuccin-macchiato .hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}html.theme--catppuccin-macchiato .hero.is-white a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-white a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-white .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-macchiato .hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-white .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-white .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-white .tabs.is-toggle a{color:#0a0a0a}html.theme--catppuccin-macchiato .hero.is-white .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-white .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-white .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-white .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}html.theme--catppuccin-macchiato .hero.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-macchiato .hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-black strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-black .title{color:#fff}html.theme--catppuccin-macchiato .hero.is-black .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-macchiato .hero.is-black .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-black .navbar-menu{background-color:#0a0a0a}}html.theme--catppuccin-macchiato .hero.is-black .navbar-item,html.theme--catppuccin-macchiato .hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-macchiato .hero.is-black a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-black a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-black .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-macchiato .hero.is-black .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-black .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-black .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-black .tabs.is-toggle a{color:#fff}html.theme--catppuccin-macchiato .hero.is-black .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-black .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-black .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-black .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-macchiato .hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}html.theme--catppuccin-macchiato .hero.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-light strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-light .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-light .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-macchiato .hero.is-light .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-light .navbar-menu{background-color:#f5f5f5}}html.theme--catppuccin-macchiato .hero.is-light .navbar-item,html.theme--catppuccin-macchiato .hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-light a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-light a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-light .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-light .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-macchiato .hero.is-light .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-light .tabs li.is-active a{color:#f5f5f5 !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-light .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-light .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-light .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-light .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-light .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-macchiato .hero.is-light.is-bold{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}}html.theme--catppuccin-macchiato .hero.is-dark,html.theme--catppuccin-macchiato .content kbd.hero{background-color:#363a4f;color:#fff}html.theme--catppuccin-macchiato .hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-dark strong,html.theme--catppuccin-macchiato .content kbd.hero strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-dark .title,html.theme--catppuccin-macchiato .content kbd.hero .title{color:#fff}html.theme--catppuccin-macchiato .hero.is-dark .subtitle,html.theme--catppuccin-macchiato .content kbd.hero .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-macchiato .hero.is-dark .subtitle a:not(.button),html.theme--catppuccin-macchiato .content kbd.hero .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-dark .subtitle strong,html.theme--catppuccin-macchiato .content kbd.hero .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-dark .navbar-menu,html.theme--catppuccin-macchiato .content kbd.hero .navbar-menu{background-color:#363a4f}}html.theme--catppuccin-macchiato .hero.is-dark .navbar-item,html.theme--catppuccin-macchiato .content kbd.hero .navbar-item,html.theme--catppuccin-macchiato .hero.is-dark .navbar-link,html.theme--catppuccin-macchiato .content kbd.hero .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-macchiato .hero.is-dark a.navbar-item:hover,html.theme--catppuccin-macchiato .content kbd.hero a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-dark a.navbar-item.is-active,html.theme--catppuccin-macchiato .content kbd.hero a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-dark .navbar-link:hover,html.theme--catppuccin-macchiato .content kbd.hero .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-dark .navbar-link.is-active,html.theme--catppuccin-macchiato .content kbd.hero .navbar-link.is-active{background-color:#2c2f40;color:#fff}html.theme--catppuccin-macchiato .hero.is-dark .tabs a,html.theme--catppuccin-macchiato .content kbd.hero .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-dark .tabs a:hover,html.theme--catppuccin-macchiato .content kbd.hero .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-dark .tabs li.is-active a,html.theme--catppuccin-macchiato .content kbd.hero .tabs li.is-active a{color:#363a4f !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-boxed a,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-toggle a,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-toggle a{color:#fff}html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-toggle a:hover,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .content kbd.hero .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#363a4f}html.theme--catppuccin-macchiato .hero.is-dark.is-bold,html.theme--catppuccin-macchiato .content kbd.hero.is-bold{background-image:linear-gradient(141deg, #1d2535 0%, #363a4f 71%, #3d3c62 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-dark.is-bold .navbar-menu,html.theme--catppuccin-macchiato .content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #1d2535 0%, #363a4f 71%, #3d3c62 100%)}}html.theme--catppuccin-macchiato .hero.is-primary,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-primary strong,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-primary .title,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .title{color:#fff}html.theme--catppuccin-macchiato .hero.is-primary .subtitle,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-macchiato .hero.is-primary .subtitle a:not(.button),html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-primary .subtitle strong,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-primary .navbar-menu,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#8aadf4}}html.theme--catppuccin-macchiato .hero.is-primary .navbar-item,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .navbar-item,html.theme--catppuccin-macchiato .hero.is-primary .navbar-link,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-macchiato .hero.is-primary a.navbar-item:hover,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-primary a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-primary .navbar-link:hover,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-primary .navbar-link.is-active,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .hero.is-primary .tabs a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-primary .tabs a:hover,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-primary .tabs li.is-active a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#8aadf4 !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-boxed a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-toggle a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-toggle a:hover,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .hero.is-primary.is-bold,html.theme--catppuccin-macchiato .docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #52a5f9 0%, #8aadf4 71%, #9fadf9 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-primary.is-bold .navbar-menu,html.theme--catppuccin-macchiato .docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #52a5f9 0%, #8aadf4 71%, #9fadf9 100%)}}html.theme--catppuccin-macchiato .hero.is-link{background-color:#8aadf4;color:#fff}html.theme--catppuccin-macchiato .hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-link strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-link .title{color:#fff}html.theme--catppuccin-macchiato .hero.is-link .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-macchiato .hero.is-link .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-link .navbar-menu{background-color:#8aadf4}}html.theme--catppuccin-macchiato .hero.is-link .navbar-item,html.theme--catppuccin-macchiato .hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-macchiato .hero.is-link a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-link a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-link .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-link .navbar-link.is-active{background-color:#739df2;color:#fff}html.theme--catppuccin-macchiato .hero.is-link .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-link .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-link .tabs li.is-active a{color:#8aadf4 !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-link .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-link .tabs.is-toggle a{color:#fff}html.theme--catppuccin-macchiato .hero.is-link .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-link .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-link .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-link .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#8aadf4}html.theme--catppuccin-macchiato .hero.is-link.is-bold{background-image:linear-gradient(141deg, #52a5f9 0%, #8aadf4 71%, #9fadf9 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #52a5f9 0%, #8aadf4 71%, #9fadf9 100%)}}html.theme--catppuccin-macchiato .hero.is-info{background-color:#8bd5ca;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-info strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-info .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-info .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-macchiato .hero.is-info .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-info .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-info .navbar-menu{background-color:#8bd5ca}}html.theme--catppuccin-macchiato .hero.is-info .navbar-item,html.theme--catppuccin-macchiato .hero.is-info .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-info a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-info a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-info .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-info .navbar-link.is-active{background-color:#78cec1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-info .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-macchiato .hero.is-info .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-info .tabs li.is-active a{color:#8bd5ca !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-info .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-info .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-info .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-info .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-info .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-info .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#8bd5ca}html.theme--catppuccin-macchiato .hero.is-info.is-bold{background-image:linear-gradient(141deg, #5bd2ac 0%, #8bd5ca 71%, #9adedf 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #5bd2ac 0%, #8bd5ca 71%, #9adedf 100%)}}html.theme--catppuccin-macchiato .hero.is-success{background-color:#a6da95;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-success strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-success .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-success .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-macchiato .hero.is-success .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-success .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-success .navbar-menu{background-color:#a6da95}}html.theme--catppuccin-macchiato .hero.is-success .navbar-item,html.theme--catppuccin-macchiato .hero.is-success .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-success a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-success a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-success .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-success .navbar-link.is-active{background-color:#96d382;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-success .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-macchiato .hero.is-success .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-success .tabs li.is-active a{color:#a6da95 !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-success .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-success .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-success .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-success .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-success .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-success .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#a6da95}html.theme--catppuccin-macchiato .hero.is-success.is-bold{background-image:linear-gradient(141deg, #94d765 0%, #a6da95 71%, #aae4a5 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #94d765 0%, #a6da95 71%, #aae4a5 100%)}}html.theme--catppuccin-macchiato .hero.is-warning{background-color:#eed49f;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-warning strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-warning .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-warning .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-macchiato .hero.is-warning .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-warning .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-warning .navbar-menu{background-color:#eed49f}}html.theme--catppuccin-macchiato .hero.is-warning .navbar-item,html.theme--catppuccin-macchiato .hero.is-warning .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-warning a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-warning a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-warning .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-warning .navbar-link.is-active{background-color:#eaca89;color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-warning .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-macchiato .hero.is-warning .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-warning .tabs li.is-active a{color:#eed49f !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#eed49f}html.theme--catppuccin-macchiato .hero.is-warning.is-bold{background-image:linear-gradient(141deg, #efae6b 0%, #eed49f 71%, #f4e9b2 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #efae6b 0%, #eed49f 71%, #f4e9b2 100%)}}html.theme--catppuccin-macchiato .hero.is-danger{background-color:#ed8796;color:#fff}html.theme--catppuccin-macchiato .hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-macchiato .hero.is-danger strong{color:inherit}html.theme--catppuccin-macchiato .hero.is-danger .title{color:#fff}html.theme--catppuccin-macchiato .hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-macchiato .hero.is-danger .subtitle a:not(.button),html.theme--catppuccin-macchiato .hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .hero.is-danger .navbar-menu{background-color:#ed8796}}html.theme--catppuccin-macchiato .hero.is-danger .navbar-item,html.theme--catppuccin-macchiato .hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-macchiato .hero.is-danger a.navbar-item:hover,html.theme--catppuccin-macchiato .hero.is-danger a.navbar-item.is-active,html.theme--catppuccin-macchiato .hero.is-danger .navbar-link:hover,html.theme--catppuccin-macchiato .hero.is-danger .navbar-link.is-active{background-color:#ea7183;color:#fff}html.theme--catppuccin-macchiato .hero.is-danger .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-macchiato .hero.is-danger .tabs a:hover{opacity:1}html.theme--catppuccin-macchiato .hero.is-danger .tabs li.is-active a{color:#ed8796 !important;opacity:1}html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-boxed a,html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-toggle a{color:#fff}html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-boxed a:hover,html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-boxed li.is-active a,html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-toggle li.is-active a,html.theme--catppuccin-macchiato .hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#ed8796}html.theme--catppuccin-macchiato .hero.is-danger.is-bold{background-image:linear-gradient(141deg, #f05183 0%, #ed8796 71%, #f39c9a 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #f05183 0%, #ed8796 71%, #f39c9a 100%)}}html.theme--catppuccin-macchiato .hero.is-small .hero-body,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .hero.is-large .hero-body{padding:18rem 6rem}}html.theme--catppuccin-macchiato .hero.is-halfheight .hero-body,html.theme--catppuccin-macchiato .hero.is-fullheight .hero-body,html.theme--catppuccin-macchiato .hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}html.theme--catppuccin-macchiato .hero.is-halfheight .hero-body>.container,html.theme--catppuccin-macchiato .hero.is-fullheight .hero-body>.container,html.theme--catppuccin-macchiato .hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}html.theme--catppuccin-macchiato .hero.is-halfheight{min-height:50vh}html.theme--catppuccin-macchiato .hero.is-fullheight{min-height:100vh}html.theme--catppuccin-macchiato .hero-video{overflow:hidden}html.theme--catppuccin-macchiato .hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}html.theme--catppuccin-macchiato .hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero-video{display:none}}html.theme--catppuccin-macchiato .hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-macchiato .hero-buttons .button{display:flex}html.theme--catppuccin-macchiato .hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .hero-buttons{display:flex;justify-content:center}html.theme--catppuccin-macchiato .hero-buttons .button:not(:last-child){margin-right:1.5rem}}html.theme--catppuccin-macchiato .hero-head,html.theme--catppuccin-macchiato .hero-foot{flex-grow:0;flex-shrink:0}html.theme--catppuccin-macchiato .hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-macchiato .hero-body{padding:3rem 3rem}}html.theme--catppuccin-macchiato .section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato .section{padding:3rem 3rem}html.theme--catppuccin-macchiato .section.is-medium{padding:9rem 4.5rem}html.theme--catppuccin-macchiato .section.is-large{padding:18rem 6rem}}html.theme--catppuccin-macchiato .footer{background-color:#1e2030;padding:3rem 1.5rem 6rem}html.theme--catppuccin-macchiato h1 .docs-heading-anchor,html.theme--catppuccin-macchiato h1 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h1 .docs-heading-anchor:visited,html.theme--catppuccin-macchiato h2 .docs-heading-anchor,html.theme--catppuccin-macchiato h2 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h2 .docs-heading-anchor:visited,html.theme--catppuccin-macchiato h3 .docs-heading-anchor,html.theme--catppuccin-macchiato h3 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h3 .docs-heading-anchor:visited,html.theme--catppuccin-macchiato h4 .docs-heading-anchor,html.theme--catppuccin-macchiato h4 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h4 .docs-heading-anchor:visited,html.theme--catppuccin-macchiato h5 .docs-heading-anchor,html.theme--catppuccin-macchiato h5 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h5 .docs-heading-anchor:visited,html.theme--catppuccin-macchiato h6 .docs-heading-anchor,html.theme--catppuccin-macchiato h6 .docs-heading-anchor:hover,html.theme--catppuccin-macchiato h6 .docs-heading-anchor:visited{color:#cad3f5}html.theme--catppuccin-macchiato h1 .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h2 .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h3 .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h4 .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h5 .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}html.theme--catppuccin-macchiato h1 .docs-heading-anchor-permalink::before,html.theme--catppuccin-macchiato h2 .docs-heading-anchor-permalink::before,html.theme--catppuccin-macchiato h3 .docs-heading-anchor-permalink::before,html.theme--catppuccin-macchiato h4 .docs-heading-anchor-permalink::before,html.theme--catppuccin-macchiato h5 .docs-heading-anchor-permalink::before,html.theme--catppuccin-macchiato h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}html.theme--catppuccin-macchiato h1:hover .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h2:hover .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h3:hover .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h4:hover .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h5:hover .docs-heading-anchor-permalink,html.theme--catppuccin-macchiato h6:hover .docs-heading-anchor-permalink{visibility:visible}html.theme--catppuccin-macchiato .docs-light-only{display:none !important}html.theme--catppuccin-macchiato pre{position:relative;overflow:hidden}html.theme--catppuccin-macchiato pre code,html.theme--catppuccin-macchiato pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}html.theme--catppuccin-macchiato pre code:first-of-type,html.theme--catppuccin-macchiato pre code.hljs:first-of-type{padding-top:0.5rem !important}html.theme--catppuccin-macchiato pre code:last-of-type,html.theme--catppuccin-macchiato pre code.hljs:last-of-type{padding-bottom:0.5rem !important}html.theme--catppuccin-macchiato pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#cad3f5;cursor:pointer;text-align:center}html.theme--catppuccin-macchiato pre .copy-button:focus,html.theme--catppuccin-macchiato pre .copy-button:hover{opacity:1;background:rgba(202,211,245,0.1);color:#8aadf4}html.theme--catppuccin-macchiato pre .copy-button.success{color:#a6da95;opacity:1}html.theme--catppuccin-macchiato pre .copy-button.error{color:#ed8796;opacity:1}html.theme--catppuccin-macchiato pre:hover .copy-button{opacity:1}html.theme--catppuccin-macchiato .admonition{background-color:#1e2030;border-style:solid;border-width:2px;border-color:#b8c0e0;border-radius:4px;font-size:1rem}html.theme--catppuccin-macchiato .admonition strong{color:currentColor}html.theme--catppuccin-macchiato .admonition.is-small,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}html.theme--catppuccin-macchiato .admonition.is-medium{font-size:1.25rem}html.theme--catppuccin-macchiato .admonition.is-large{font-size:1.5rem}html.theme--catppuccin-macchiato .admonition.is-default{background-color:#1e2030;border-color:#b8c0e0}html.theme--catppuccin-macchiato .admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#b8c0e0}html.theme--catppuccin-macchiato .admonition.is-default>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition.is-info{background-color:#1e2030;border-color:#8bd5ca}html.theme--catppuccin-macchiato .admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#8bd5ca}html.theme--catppuccin-macchiato .admonition.is-info>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition.is-success{background-color:#1e2030;border-color:#a6da95}html.theme--catppuccin-macchiato .admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#a6da95}html.theme--catppuccin-macchiato .admonition.is-success>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition.is-warning{background-color:#1e2030;border-color:#eed49f}html.theme--catppuccin-macchiato .admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#eed49f}html.theme--catppuccin-macchiato .admonition.is-warning>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition.is-danger{background-color:#1e2030;border-color:#ed8796}html.theme--catppuccin-macchiato .admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#ed8796}html.theme--catppuccin-macchiato .admonition.is-danger>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition.is-compat{background-color:#1e2030;border-color:#91d7e3}html.theme--catppuccin-macchiato .admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#91d7e3}html.theme--catppuccin-macchiato .admonition.is-compat>.admonition-body{color:#cad3f5}html.theme--catppuccin-macchiato .admonition-header{color:#b8c0e0;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}html.theme--catppuccin-macchiato .admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}html.theme--catppuccin-macchiato details.admonition.is-details>.admonition-header{list-style:none}html.theme--catppuccin-macchiato details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}html.theme--catppuccin-macchiato details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}html.theme--catppuccin-macchiato .admonition-body{color:#cad3f5;padding:0.5rem .75rem}html.theme--catppuccin-macchiato .admonition-body pre{background-color:#1e2030}html.theme--catppuccin-macchiato .admonition-body code{background-color:#1e2030}html.theme--catppuccin-macchiato .docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #5b6078;border-radius:4px;box-shadow:none;max-width:100%}html.theme--catppuccin-macchiato .docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#1e2030;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #5b6078;overflow:auto}html.theme--catppuccin-macchiato .docstring>header code{background-color:transparent}html.theme--catppuccin-macchiato .docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}html.theme--catppuccin-macchiato .docstring>header .docstring-binding{margin-right:0.3em}html.theme--catppuccin-macchiato .docstring>header .docstring-category{margin-left:0.3em}html.theme--catppuccin-macchiato .docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #5b6078}html.theme--catppuccin-macchiato .docstring>section:last-child{border-bottom:none}html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:focus{opacity:1 !important}html.theme--catppuccin-macchiato .docstring:hover>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-macchiato .docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-macchiato .docstring>section:hover a.docs-sourcelink{opacity:1}html.theme--catppuccin-macchiato .documenter-example-output{background-color:#24273a}html.theme--catppuccin-macchiato .outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#1e2030;color:#cad3f5;border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}html.theme--catppuccin-macchiato .outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}html.theme--catppuccin-macchiato .outdated-warning-overlay a{color:#8aadf4}html.theme--catppuccin-macchiato .outdated-warning-overlay a:hover{color:#91d7e3}html.theme--catppuccin-macchiato .content pre{border:2px solid #5b6078;border-radius:4px}html.theme--catppuccin-macchiato .content code{font-weight:inherit}html.theme--catppuccin-macchiato .content a code{color:#8aadf4}html.theme--catppuccin-macchiato .content a:hover code{color:#91d7e3}html.theme--catppuccin-macchiato .content h1 code,html.theme--catppuccin-macchiato .content h2 code,html.theme--catppuccin-macchiato .content h3 code,html.theme--catppuccin-macchiato .content h4 code,html.theme--catppuccin-macchiato .content h5 code,html.theme--catppuccin-macchiato .content h6 code{color:#cad3f5}html.theme--catppuccin-macchiato .content table{display:block;width:initial;max-width:100%;overflow-x:auto}html.theme--catppuccin-macchiato .content blockquote>ul:first-child,html.theme--catppuccin-macchiato .content blockquote>ol:first-child,html.theme--catppuccin-macchiato .content .admonition-body>ul:first-child,html.theme--catppuccin-macchiato .content .admonition-body>ol:first-child{margin-top:0}html.theme--catppuccin-macchiato pre,html.theme--catppuccin-macchiato code{font-variant-ligatures:no-contextual}html.theme--catppuccin-macchiato .breadcrumb a.is-disabled{cursor:default;pointer-events:none}html.theme--catppuccin-macchiato .breadcrumb a.is-disabled,html.theme--catppuccin-macchiato .breadcrumb a.is-disabled:hover{color:#b5c1f1}html.theme--catppuccin-macchiato .hljs{background:initial !important}html.theme--catppuccin-macchiato .katex .katex-mathml{top:0;right:0}html.theme--catppuccin-macchiato .katex-display,html.theme--catppuccin-macchiato mjx-container,html.theme--catppuccin-macchiato .MathJax_Display{margin:0.5em 0 !important}html.theme--catppuccin-macchiato html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}html.theme--catppuccin-macchiato li.no-marker{list-style:none}html.theme--catppuccin-macchiato #documenter .docs-main>article{overflow-wrap:break-word}html.theme--catppuccin-macchiato #documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato #documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato #documenter .docs-main{width:100%}html.theme--catppuccin-macchiato #documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}html.theme--catppuccin-macchiato #documenter .docs-main>header,html.theme--catppuccin-macchiato #documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar{background-color:#24273a;border-bottom:1px solid #5b6078;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-right .docs-icon,html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #171717;transition-duration:0.7s;-webkit-transition-duration:0.7s}html.theme--catppuccin-macchiato #documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}html.theme--catppuccin-macchiato #documenter .docs-main section.footnotes{border-top:1px solid #5b6078}html.theme--catppuccin-macchiato #documenter .docs-main section.footnotes li .tag:first-child,html.theme--catppuccin-macchiato #documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,html.theme--catppuccin-macchiato #documenter .docs-main section.footnotes li .content kbd:first-child,html.theme--catppuccin-macchiato .content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #5b6078;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer .docs-footer-nextpage,html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}html.theme--catppuccin-macchiato #documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}html.theme--catppuccin-macchiato #documenter .docs-sidebar{display:flex;flex-direction:column;color:#cad3f5;background-color:#1e2030;border-right:1px solid #5b6078;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}html.theme--catppuccin-macchiato #documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #171717}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato #documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato #documenter .docs-sidebar{left:0;top:0}}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-package-name a,html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-package-name a:hover{color:#cad3f5}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-version-selector{border-top:1px solid #5b6078;display:none;padding:0.5rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar .docs-version-selector.visible{display:flex}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #5b6078;padding-bottom:1.5rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #5b6078}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu .tocitem,html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#cad3f5;background:#1e2030}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu a.tocitem:hover,html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#cad3f5;background-color:#26283d}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #5b6078;border-bottom:1px solid #5b6078;background-color:#181926}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#181926;color:#cad3f5}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#26283d;color:#cad3f5}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #5b6078}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input{width:14.4rem}html.theme--catppuccin-macchiato #documenter .docs-sidebar #documenter-search-query{color:#868c98;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#2e3149}html.theme--catppuccin-macchiato #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#3d4162}}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato #documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-macchiato #documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-macchiato #documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#2e3149}html.theme--catppuccin-macchiato #documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#3d4162}}html.theme--catppuccin-macchiato kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(245,245,245,0.6);box-shadow:0 2px 0 1px rgba(245,245,245,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}html.theme--catppuccin-macchiato .search-min-width-50{min-width:50%}html.theme--catppuccin-macchiato .search-min-height-100{min-height:100%}html.theme--catppuccin-macchiato .search-modal-card-body{max-height:calc(100vh - 15rem)}html.theme--catppuccin-macchiato .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-macchiato .search-result-link:hover,html.theme--catppuccin-macchiato .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--catppuccin-macchiato .search-result-link .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-macchiato .property-search-result-badge,html.theme--catppuccin-macchiato .search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}html.theme--catppuccin-macchiato .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link:hover .search-filter,html.theme--catppuccin-macchiato .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link:focus .search-filter{color:#333;background-color:#f1f5f9}html.theme--catppuccin-macchiato .search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}html.theme--catppuccin-macchiato .search-filter:hover,html.theme--catppuccin-macchiato .search-filter:focus{color:#333}html.theme--catppuccin-macchiato .search-filter-selected{color:#363a4f;background-color:#b7bdf8}html.theme--catppuccin-macchiato .search-filter-selected:hover,html.theme--catppuccin-macchiato .search-filter-selected:focus{color:#363a4f}html.theme--catppuccin-macchiato .search-result-highlight{background-color:#ffdd57;color:black}html.theme--catppuccin-macchiato .search-divider{border-bottom:1px solid #5b6078}html.theme--catppuccin-macchiato .search-result-title{width:85%;color:#f5f5f5}html.theme--catppuccin-macchiato .search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-macchiato #search-modal .modal-card-body::-webkit-scrollbar,html.theme--catppuccin-macchiato #search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}html.theme--catppuccin-macchiato #search-modal .modal-card-body::-webkit-scrollbar-thumb,html.theme--catppuccin-macchiato #search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}html.theme--catppuccin-macchiato #search-modal .modal-card-body::-webkit-scrollbar-track,html.theme--catppuccin-macchiato #search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}html.theme--catppuccin-macchiato .w-100{width:100%}html.theme--catppuccin-macchiato .gap-2{gap:0.5rem}html.theme--catppuccin-macchiato .gap-4{gap:1rem}html.theme--catppuccin-macchiato .gap-8{gap:2rem}html.theme--catppuccin-macchiato{background-color:#24273a;font-size:16px;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-macchiato a{transition:all 200ms ease}html.theme--catppuccin-macchiato .label{color:#cad3f5}html.theme--catppuccin-macchiato .button,html.theme--catppuccin-macchiato .control.has-icons-left .icon,html.theme--catppuccin-macchiato .control.has-icons-right .icon,html.theme--catppuccin-macchiato .input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato .pagination-ellipsis,html.theme--catppuccin-macchiato .pagination-link,html.theme--catppuccin-macchiato .pagination-next,html.theme--catppuccin-macchiato .pagination-previous,html.theme--catppuccin-macchiato .select,html.theme--catppuccin-macchiato .select select,html.theme--catppuccin-macchiato .textarea{height:2.5em;color:#cad3f5}html.theme--catppuccin-macchiato .input,html.theme--catppuccin-macchiato #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-macchiato .textarea{transition:all 200ms ease;box-shadow:none;border-width:1px;padding-left:1em;padding-right:1em;color:#cad3f5}html.theme--catppuccin-macchiato .select:after,html.theme--catppuccin-macchiato .select select{border-width:1px}html.theme--catppuccin-macchiato .menu-list a{transition:all 300ms ease}html.theme--catppuccin-macchiato .modal-card-foot,html.theme--catppuccin-macchiato .modal-card-head{border-color:#5b6078}html.theme--catppuccin-macchiato .navbar{border-radius:.4em}html.theme--catppuccin-macchiato .navbar.is-transparent{background:none}html.theme--catppuccin-macchiato .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-macchiato .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#8aadf4}@media screen and (max-width: 1055px){html.theme--catppuccin-macchiato .navbar .navbar-menu{background-color:#8aadf4;border-radius:0 0 .4em .4em}}html.theme--catppuccin-macchiato .docstring>section>a.docs-sourcelink:not(body){color:#363a4f}html.theme--catppuccin-macchiato .tag.is-link:not(body),html.theme--catppuccin-macchiato .docstring>section>a.is-link.docs-sourcelink:not(body),html.theme--catppuccin-macchiato .content kbd.is-link:not(body){color:#363a4f}html.theme--catppuccin-macchiato .ansi span.sgr1{font-weight:bolder}html.theme--catppuccin-macchiato .ansi span.sgr2{font-weight:lighter}html.theme--catppuccin-macchiato .ansi span.sgr3{font-style:italic}html.theme--catppuccin-macchiato .ansi span.sgr4{text-decoration:underline}html.theme--catppuccin-macchiato .ansi span.sgr7{color:#24273a;background-color:#cad3f5}html.theme--catppuccin-macchiato .ansi span.sgr8{color:transparent}html.theme--catppuccin-macchiato .ansi span.sgr8 span{color:transparent}html.theme--catppuccin-macchiato .ansi span.sgr9{text-decoration:line-through}html.theme--catppuccin-macchiato .ansi span.sgr30{color:#494d64}html.theme--catppuccin-macchiato .ansi span.sgr31{color:#ed8796}html.theme--catppuccin-macchiato .ansi span.sgr32{color:#a6da95}html.theme--catppuccin-macchiato .ansi span.sgr33{color:#eed49f}html.theme--catppuccin-macchiato .ansi span.sgr34{color:#8aadf4}html.theme--catppuccin-macchiato .ansi span.sgr35{color:#f5bde6}html.theme--catppuccin-macchiato .ansi span.sgr36{color:#8bd5ca}html.theme--catppuccin-macchiato .ansi span.sgr37{color:#b8c0e0}html.theme--catppuccin-macchiato .ansi span.sgr40{background-color:#494d64}html.theme--catppuccin-macchiato .ansi span.sgr41{background-color:#ed8796}html.theme--catppuccin-macchiato .ansi span.sgr42{background-color:#a6da95}html.theme--catppuccin-macchiato .ansi span.sgr43{background-color:#eed49f}html.theme--catppuccin-macchiato .ansi span.sgr44{background-color:#8aadf4}html.theme--catppuccin-macchiato .ansi span.sgr45{background-color:#f5bde6}html.theme--catppuccin-macchiato .ansi span.sgr46{background-color:#8bd5ca}html.theme--catppuccin-macchiato .ansi span.sgr47{background-color:#b8c0e0}html.theme--catppuccin-macchiato .ansi span.sgr90{color:#5b6078}html.theme--catppuccin-macchiato .ansi span.sgr91{color:#ed8796}html.theme--catppuccin-macchiato .ansi span.sgr92{color:#a6da95}html.theme--catppuccin-macchiato .ansi span.sgr93{color:#eed49f}html.theme--catppuccin-macchiato .ansi span.sgr94{color:#8aadf4}html.theme--catppuccin-macchiato .ansi span.sgr95{color:#f5bde6}html.theme--catppuccin-macchiato .ansi span.sgr96{color:#8bd5ca}html.theme--catppuccin-macchiato .ansi span.sgr97{color:#a5adcb}html.theme--catppuccin-macchiato .ansi span.sgr100{background-color:#5b6078}html.theme--catppuccin-macchiato .ansi span.sgr101{background-color:#ed8796}html.theme--catppuccin-macchiato .ansi span.sgr102{background-color:#a6da95}html.theme--catppuccin-macchiato .ansi span.sgr103{background-color:#eed49f}html.theme--catppuccin-macchiato .ansi span.sgr104{background-color:#8aadf4}html.theme--catppuccin-macchiato .ansi span.sgr105{background-color:#f5bde6}html.theme--catppuccin-macchiato .ansi span.sgr106{background-color:#8bd5ca}html.theme--catppuccin-macchiato .ansi span.sgr107{background-color:#a5adcb}html.theme--catppuccin-macchiato code.language-julia-repl>span.hljs-meta{color:#a6da95;font-weight:bolder}html.theme--catppuccin-macchiato code .hljs{color:#cad3f5;background:#24273a}html.theme--catppuccin-macchiato code .hljs-keyword{color:#c6a0f6}html.theme--catppuccin-macchiato code .hljs-built_in{color:#ed8796}html.theme--catppuccin-macchiato code .hljs-type{color:#eed49f}html.theme--catppuccin-macchiato code .hljs-literal{color:#f5a97f}html.theme--catppuccin-macchiato code .hljs-number{color:#f5a97f}html.theme--catppuccin-macchiato code .hljs-operator{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-punctuation{color:#b8c0e0}html.theme--catppuccin-macchiato code .hljs-property{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-regexp{color:#f5bde6}html.theme--catppuccin-macchiato code .hljs-string{color:#a6da95}html.theme--catppuccin-macchiato code .hljs-char.escape_{color:#a6da95}html.theme--catppuccin-macchiato code .hljs-subst{color:#a5adcb}html.theme--catppuccin-macchiato code .hljs-symbol{color:#f0c6c6}html.theme--catppuccin-macchiato code .hljs-variable{color:#c6a0f6}html.theme--catppuccin-macchiato code .hljs-variable.language_{color:#c6a0f6}html.theme--catppuccin-macchiato code .hljs-variable.constant_{color:#f5a97f}html.theme--catppuccin-macchiato code .hljs-title{color:#8aadf4}html.theme--catppuccin-macchiato code .hljs-title.class_{color:#eed49f}html.theme--catppuccin-macchiato code .hljs-title.function_{color:#8aadf4}html.theme--catppuccin-macchiato code .hljs-params{color:#cad3f5}html.theme--catppuccin-macchiato code .hljs-comment{color:#5b6078}html.theme--catppuccin-macchiato code .hljs-doctag{color:#ed8796}html.theme--catppuccin-macchiato code .hljs-meta{color:#f5a97f}html.theme--catppuccin-macchiato code .hljs-section{color:#8aadf4}html.theme--catppuccin-macchiato code .hljs-tag{color:#a5adcb}html.theme--catppuccin-macchiato code .hljs-name{color:#c6a0f6}html.theme--catppuccin-macchiato code .hljs-attr{color:#8aadf4}html.theme--catppuccin-macchiato code .hljs-attribute{color:#a6da95}html.theme--catppuccin-macchiato code .hljs-bullet{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-code{color:#a6da95}html.theme--catppuccin-macchiato code .hljs-emphasis{color:#ed8796;font-style:italic}html.theme--catppuccin-macchiato code .hljs-strong{color:#ed8796;font-weight:bold}html.theme--catppuccin-macchiato code .hljs-formula{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-link{color:#7dc4e4;font-style:italic}html.theme--catppuccin-macchiato code .hljs-quote{color:#a6da95;font-style:italic}html.theme--catppuccin-macchiato code .hljs-selector-tag{color:#eed49f}html.theme--catppuccin-macchiato code .hljs-selector-id{color:#8aadf4}html.theme--catppuccin-macchiato code .hljs-selector-class{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-selector-attr{color:#c6a0f6}html.theme--catppuccin-macchiato code .hljs-selector-pseudo{color:#8bd5ca}html.theme--catppuccin-macchiato code .hljs-template-tag{color:#f0c6c6}html.theme--catppuccin-macchiato code .hljs-template-variable{color:#f0c6c6}html.theme--catppuccin-macchiato code .hljs-addition{color:#a6da95;background:rgba(166,227,161,0.15)}html.theme--catppuccin-macchiato code .hljs-deletion{color:#ed8796;background:rgba(243,139,168,0.15)}html.theme--catppuccin-macchiato .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-macchiato .search-result-link:hover,html.theme--catppuccin-macchiato .search-result-link:focus{background-color:#363a4f}html.theme--catppuccin-macchiato .search-result-link .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-macchiato .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link:hover .search-filter,html.theme--catppuccin-macchiato .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-macchiato .search-result-link:focus .search-filter{color:#363a4f !important;background-color:#b7bdf8 !important}html.theme--catppuccin-macchiato .search-result-title{color:#cad3f5}html.theme--catppuccin-macchiato .search-result-highlight{background-color:#ed8796;color:#1e2030}html.theme--catppuccin-macchiato .search-divider{border-bottom:1px solid #5e6d6f50}html.theme--catppuccin-macchiato .w-100{width:100%}html.theme--catppuccin-macchiato .gap-2{gap:0.5rem}html.theme--catppuccin-macchiato .gap-4{gap:1rem} diff --git a/previews/PR92/assets/themes/catppuccin-mocha.css b/previews/PR92/assets/themes/catppuccin-mocha.css new file mode 100644 index 00000000..6f27b4c5 --- /dev/null +++ b/previews/PR92/assets/themes/catppuccin-mocha.css @@ -0,0 +1 @@ +html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha .pagination-ellipsis,html.theme--catppuccin-mocha .file-cta,html.theme--catppuccin-mocha .file-name,html.theme--catppuccin-mocha .select select,html.theme--catppuccin-mocha .textarea,html.theme--catppuccin-mocha .input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha .button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:.4em;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}html.theme--catppuccin-mocha .pagination-previous:focus,html.theme--catppuccin-mocha .pagination-next:focus,html.theme--catppuccin-mocha .pagination-link:focus,html.theme--catppuccin-mocha .pagination-ellipsis:focus,html.theme--catppuccin-mocha .file-cta:focus,html.theme--catppuccin-mocha .file-name:focus,html.theme--catppuccin-mocha .select select:focus,html.theme--catppuccin-mocha .textarea:focus,html.theme--catppuccin-mocha .input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-mocha .button:focus,html.theme--catppuccin-mocha .is-focused.pagination-previous,html.theme--catppuccin-mocha .is-focused.pagination-next,html.theme--catppuccin-mocha .is-focused.pagination-link,html.theme--catppuccin-mocha .is-focused.pagination-ellipsis,html.theme--catppuccin-mocha .is-focused.file-cta,html.theme--catppuccin-mocha .is-focused.file-name,html.theme--catppuccin-mocha .select select.is-focused,html.theme--catppuccin-mocha .is-focused.textarea,html.theme--catppuccin-mocha .is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-focused.button,html.theme--catppuccin-mocha .pagination-previous:active,html.theme--catppuccin-mocha .pagination-next:active,html.theme--catppuccin-mocha .pagination-link:active,html.theme--catppuccin-mocha .pagination-ellipsis:active,html.theme--catppuccin-mocha .file-cta:active,html.theme--catppuccin-mocha .file-name:active,html.theme--catppuccin-mocha .select select:active,html.theme--catppuccin-mocha .textarea:active,html.theme--catppuccin-mocha .input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-mocha .button:active,html.theme--catppuccin-mocha .is-active.pagination-previous,html.theme--catppuccin-mocha .is-active.pagination-next,html.theme--catppuccin-mocha .is-active.pagination-link,html.theme--catppuccin-mocha .is-active.pagination-ellipsis,html.theme--catppuccin-mocha .is-active.file-cta,html.theme--catppuccin-mocha .is-active.file-name,html.theme--catppuccin-mocha .select select.is-active,html.theme--catppuccin-mocha .is-active.textarea,html.theme--catppuccin-mocha .is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-mocha .is-active.button{outline:none}html.theme--catppuccin-mocha .pagination-previous[disabled],html.theme--catppuccin-mocha .pagination-next[disabled],html.theme--catppuccin-mocha .pagination-link[disabled],html.theme--catppuccin-mocha .pagination-ellipsis[disabled],html.theme--catppuccin-mocha .file-cta[disabled],html.theme--catppuccin-mocha .file-name[disabled],html.theme--catppuccin-mocha .select select[disabled],html.theme--catppuccin-mocha .textarea[disabled],html.theme--catppuccin-mocha .input[disabled],html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled],html.theme--catppuccin-mocha .button[disabled],fieldset[disabled] html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha fieldset[disabled] .pagination-previous,fieldset[disabled] html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha fieldset[disabled] .pagination-next,fieldset[disabled] html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha fieldset[disabled] .pagination-link,fieldset[disabled] html.theme--catppuccin-mocha .pagination-ellipsis,html.theme--catppuccin-mocha fieldset[disabled] .pagination-ellipsis,fieldset[disabled] html.theme--catppuccin-mocha .file-cta,html.theme--catppuccin-mocha fieldset[disabled] .file-cta,fieldset[disabled] html.theme--catppuccin-mocha .file-name,html.theme--catppuccin-mocha fieldset[disabled] .file-name,fieldset[disabled] html.theme--catppuccin-mocha .select select,fieldset[disabled] html.theme--catppuccin-mocha .textarea,fieldset[disabled] html.theme--catppuccin-mocha .input,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha fieldset[disabled] .select select,html.theme--catppuccin-mocha .select fieldset[disabled] select,html.theme--catppuccin-mocha fieldset[disabled] .textarea,html.theme--catppuccin-mocha fieldset[disabled] .input,html.theme--catppuccin-mocha fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] html.theme--catppuccin-mocha .button,html.theme--catppuccin-mocha fieldset[disabled] .button{cursor:not-allowed}html.theme--catppuccin-mocha .tabs,html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha .pagination-ellipsis,html.theme--catppuccin-mocha .breadcrumb,html.theme--catppuccin-mocha .file,html.theme--catppuccin-mocha .button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}html.theme--catppuccin-mocha .navbar-link:not(.is-arrowless)::after,html.theme--catppuccin-mocha .select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}html.theme--catppuccin-mocha .admonition:not(:last-child),html.theme--catppuccin-mocha .tabs:not(:last-child),html.theme--catppuccin-mocha .pagination:not(:last-child),html.theme--catppuccin-mocha .message:not(:last-child),html.theme--catppuccin-mocha .level:not(:last-child),html.theme--catppuccin-mocha .breadcrumb:not(:last-child),html.theme--catppuccin-mocha .block:not(:last-child),html.theme--catppuccin-mocha .title:not(:last-child),html.theme--catppuccin-mocha .subtitle:not(:last-child),html.theme--catppuccin-mocha .table-container:not(:last-child),html.theme--catppuccin-mocha .table:not(:last-child),html.theme--catppuccin-mocha .progress:not(:last-child),html.theme--catppuccin-mocha .notification:not(:last-child),html.theme--catppuccin-mocha .content:not(:last-child),html.theme--catppuccin-mocha .box:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-mocha .modal-close,html.theme--catppuccin-mocha .delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}html.theme--catppuccin-mocha .modal-close::before,html.theme--catppuccin-mocha .delete::before,html.theme--catppuccin-mocha .modal-close::after,html.theme--catppuccin-mocha .delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-mocha .modal-close::before,html.theme--catppuccin-mocha .delete::before{height:2px;width:50%}html.theme--catppuccin-mocha .modal-close::after,html.theme--catppuccin-mocha .delete::after{height:50%;width:2px}html.theme--catppuccin-mocha .modal-close:hover,html.theme--catppuccin-mocha .delete:hover,html.theme--catppuccin-mocha .modal-close:focus,html.theme--catppuccin-mocha .delete:focus{background-color:rgba(10,10,10,0.3)}html.theme--catppuccin-mocha .modal-close:active,html.theme--catppuccin-mocha .delete:active{background-color:rgba(10,10,10,0.4)}html.theme--catppuccin-mocha .is-small.modal-close,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.modal-close,html.theme--catppuccin-mocha .is-small.delete,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}html.theme--catppuccin-mocha .is-medium.modal-close,html.theme--catppuccin-mocha .is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}html.theme--catppuccin-mocha .is-large.modal-close,html.theme--catppuccin-mocha .is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}html.theme--catppuccin-mocha .control.is-loading::after,html.theme--catppuccin-mocha .select.is-loading::after,html.theme--catppuccin-mocha .loader,html.theme--catppuccin-mocha .button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #7f849c;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}html.theme--catppuccin-mocha .hero-video,html.theme--catppuccin-mocha .modal-background,html.theme--catppuccin-mocha .modal,html.theme--catppuccin-mocha .image.is-square img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-mocha .image.is-square .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-mocha .image.is-1by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-mocha .image.is-1by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-mocha .image.is-5by4 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-mocha .image.is-5by4 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-mocha .image.is-4by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-mocha .image.is-4by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-mocha .image.is-3by2 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-mocha .image.is-3by2 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-mocha .image.is-5by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-mocha .image.is-5by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-mocha .image.is-16by9 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-mocha .image.is-16by9 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-mocha .image.is-2by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-mocha .image.is-2by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-mocha .image.is-3by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-mocha .image.is-3by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-mocha .image.is-4by5 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-mocha .image.is-4by5 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-mocha .image.is-3by4 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-mocha .image.is-3by4 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-mocha .image.is-2by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-mocha .image.is-2by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-mocha .image.is-3by5 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-mocha .image.is-3by5 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-mocha .image.is-9by16 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-mocha .image.is-9by16 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-mocha .image.is-1by2 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-mocha .image.is-1by2 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-mocha .image.is-1by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-mocha .image.is-1by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}html.theme--catppuccin-mocha .navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#f5f5f5 !important}a.has-text-light:hover,a.has-text-light:focus{color:#dbdbdb !important}.has-background-light{background-color:#f5f5f5 !important}.has-text-dark{color:#313244 !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#1c1c26 !important}.has-background-dark{background-color:#313244 !important}.has-text-primary{color:#89b4fa !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#5895f8 !important}.has-background-primary{background-color:#89b4fa !important}.has-text-primary-light{color:#ebf3fe !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#bbd3fc !important}.has-background-primary-light{background-color:#ebf3fe !important}.has-text-primary-dark{color:#063c93 !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#0850c4 !important}.has-background-primary-dark{background-color:#063c93 !important}.has-text-link{color:#89b4fa !important}a.has-text-link:hover,a.has-text-link:focus{color:#5895f8 !important}.has-background-link{background-color:#89b4fa !important}.has-text-link-light{color:#ebf3fe !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#bbd3fc !important}.has-background-link-light{background-color:#ebf3fe !important}.has-text-link-dark{color:#063c93 !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#0850c4 !important}.has-background-link-dark{background-color:#063c93 !important}.has-text-info{color:#94e2d5 !important}a.has-text-info:hover,a.has-text-info:focus{color:#6cd7c5 !important}.has-background-info{background-color:#94e2d5 !important}.has-text-info-light{color:#effbf9 !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#c7f0e9 !important}.has-background-info-light{background-color:#effbf9 !important}.has-text-info-dark{color:#207466 !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#2a9c89 !important}.has-background-info-dark{background-color:#207466 !important}.has-text-success{color:#a6e3a1 !important}a.has-text-success:hover,a.has-text-success:focus{color:#81d77a !important}.has-background-success{background-color:#a6e3a1 !important}.has-text-success-light{color:#f0faef !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#cbefc8 !important}.has-background-success-light{background-color:#f0faef !important}.has-text-success-dark{color:#287222 !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#36992e !important}.has-background-success-dark{background-color:#287222 !important}.has-text-warning{color:#f9e2af !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#f5d180 !important}.has-background-warning{background-color:#f9e2af !important}.has-text-warning-light{color:#fef8ec !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#fae7bd !important}.has-background-warning-light{background-color:#fef8ec !important}.has-text-warning-dark{color:#8a620a !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#b9840e !important}.has-background-warning-dark{background-color:#8a620a !important}.has-text-danger{color:#f38ba8 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#ee5d85 !important}.has-background-danger{background-color:#f38ba8 !important}.has-text-danger-light{color:#fdedf1 !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#f8bece !important}.has-background-danger-light{background-color:#fdedf1 !important}.has-text-danger-dark{color:#991036 !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#c71546 !important}.has-background-danger-dark{background-color:#991036 !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#313244 !important}.has-background-grey-darker{background-color:#313244 !important}.has-text-grey-dark{color:#45475a !important}.has-background-grey-dark{background-color:#45475a !important}.has-text-grey{color:#585b70 !important}.has-background-grey{background-color:#585b70 !important}.has-text-grey-light{color:#6c7086 !important}.has-background-grey-light{background-color:#6c7086 !important}.has-text-grey-lighter{color:#7f849c !important}.has-background-grey-lighter{background-color:#7f849c !important}.has-text-white-ter{color:#f5f5f5 !important}.has-background-white-ter{background-color:#f5f5f5 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}html.theme--catppuccin-mocha html{background-color:#1e1e2e;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-mocha article,html.theme--catppuccin-mocha aside,html.theme--catppuccin-mocha figure,html.theme--catppuccin-mocha footer,html.theme--catppuccin-mocha header,html.theme--catppuccin-mocha hgroup,html.theme--catppuccin-mocha section{display:block}html.theme--catppuccin-mocha body,html.theme--catppuccin-mocha button,html.theme--catppuccin-mocha input,html.theme--catppuccin-mocha optgroup,html.theme--catppuccin-mocha select,html.theme--catppuccin-mocha textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}html.theme--catppuccin-mocha code,html.theme--catppuccin-mocha pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-mocha body{color:#cdd6f4;font-size:1em;font-weight:400;line-height:1.5}html.theme--catppuccin-mocha a{color:#89b4fa;cursor:pointer;text-decoration:none}html.theme--catppuccin-mocha a strong{color:currentColor}html.theme--catppuccin-mocha a:hover{color:#89dceb}html.theme--catppuccin-mocha code{background-color:#181825;color:#cdd6f4;font-size:.875em;font-weight:normal;padding:.1em}html.theme--catppuccin-mocha hr{background-color:#181825;border:none;display:block;height:2px;margin:1.5rem 0}html.theme--catppuccin-mocha img{height:auto;max-width:100%}html.theme--catppuccin-mocha input[type="checkbox"],html.theme--catppuccin-mocha input[type="radio"]{vertical-align:baseline}html.theme--catppuccin-mocha small{font-size:.875em}html.theme--catppuccin-mocha span{font-style:inherit;font-weight:inherit}html.theme--catppuccin-mocha strong{color:#b8c5ef;font-weight:700}html.theme--catppuccin-mocha fieldset{border:none}html.theme--catppuccin-mocha pre{-webkit-overflow-scrolling:touch;background-color:#181825;color:#cdd6f4;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}html.theme--catppuccin-mocha pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}html.theme--catppuccin-mocha table td,html.theme--catppuccin-mocha table th{vertical-align:top}html.theme--catppuccin-mocha table td:not([align]),html.theme--catppuccin-mocha table th:not([align]){text-align:inherit}html.theme--catppuccin-mocha table th{color:#b8c5ef}html.theme--catppuccin-mocha .box{background-color:#45475a;border-radius:8px;box-shadow:none;color:#cdd6f4;display:block;padding:1.25rem}html.theme--catppuccin-mocha a.box:hover,html.theme--catppuccin-mocha a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #89b4fa}html.theme--catppuccin-mocha a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #89b4fa}html.theme--catppuccin-mocha .button{background-color:#181825;border-color:#363653;border-width:1px;color:#89b4fa;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}html.theme--catppuccin-mocha .button strong{color:inherit}html.theme--catppuccin-mocha .button .icon,html.theme--catppuccin-mocha .button .icon.is-small,html.theme--catppuccin-mocha .button #documenter .docs-sidebar form.docs-search>input.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .button form.docs-search>input.icon,html.theme--catppuccin-mocha .button .icon.is-medium,html.theme--catppuccin-mocha .button .icon.is-large{height:1.5em;width:1.5em}html.theme--catppuccin-mocha .button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}html.theme--catppuccin-mocha .button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-mocha .button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}html.theme--catppuccin-mocha .button:hover,html.theme--catppuccin-mocha .button.is-hovered{border-color:#6c7086;color:#b8c5ef}html.theme--catppuccin-mocha .button:focus,html.theme--catppuccin-mocha .button.is-focused{border-color:#6c7086;color:#71a4f9}html.theme--catppuccin-mocha .button:focus:not(:active),html.theme--catppuccin-mocha .button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .button:active,html.theme--catppuccin-mocha .button.is-active{border-color:#45475a;color:#b8c5ef}html.theme--catppuccin-mocha .button.is-text{background-color:transparent;border-color:transparent;color:#cdd6f4;text-decoration:underline}html.theme--catppuccin-mocha .button.is-text:hover,html.theme--catppuccin-mocha .button.is-text.is-hovered,html.theme--catppuccin-mocha .button.is-text:focus,html.theme--catppuccin-mocha .button.is-text.is-focused{background-color:#181825;color:#b8c5ef}html.theme--catppuccin-mocha .button.is-text:active,html.theme--catppuccin-mocha .button.is-text.is-active{background-color:#0e0e16;color:#b8c5ef}html.theme--catppuccin-mocha .button.is-text[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}html.theme--catppuccin-mocha .button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#89b4fa;text-decoration:none}html.theme--catppuccin-mocha .button.is-ghost:hover,html.theme--catppuccin-mocha .button.is-ghost.is-hovered{color:#89b4fa;text-decoration:underline}html.theme--catppuccin-mocha .button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white:hover,html.theme--catppuccin-mocha .button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white:focus,html.theme--catppuccin-mocha .button.is-white.is-focused{border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white:focus:not(:active),html.theme--catppuccin-mocha .button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-mocha .button.is-white:active,html.theme--catppuccin-mocha .button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}html.theme--catppuccin-mocha .button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .button.is-white.is-inverted:hover,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-hovered{background-color:#000}html.theme--catppuccin-mocha .button.is-white.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-mocha .button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-white.is-outlined:hover,html.theme--catppuccin-mocha .button.is-white.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-white.is-outlined:focus,html.theme--catppuccin-mocha .button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-white.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-white.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-white.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-mocha .button.is-white.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-black:hover,html.theme--catppuccin-mocha .button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-black:focus,html.theme--catppuccin-mocha .button.is-black.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-black:focus:not(:active),html.theme--catppuccin-mocha .button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-mocha .button.is-black:active,html.theme--catppuccin-mocha .button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-black[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}html.theme--catppuccin-mocha .button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black.is-inverted:hover,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-mocha .button.is-black.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black.is-outlined:hover,html.theme--catppuccin-mocha .button.is-black.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-black.is-outlined:focus,html.theme--catppuccin-mocha .button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-mocha .button.is-black.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-black.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-black.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-black.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-light{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light:hover,html.theme--catppuccin-mocha .button.is-light.is-hovered{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light:focus,html.theme--catppuccin-mocha .button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light:focus:not(:active),html.theme--catppuccin-mocha .button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-mocha .button.is-light:active,html.theme--catppuccin-mocha .button.is-light.is-active{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-light{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none}html.theme--catppuccin-mocha .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-mocha .button.is-light.is-inverted:hover,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-mocha .button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;color:#f5f5f5}html.theme--catppuccin-mocha .button.is-light.is-outlined:hover,html.theme--catppuccin-mocha .button.is-light.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-light.is-outlined:focus,html.theme--catppuccin-mocha .button.is-light.is-outlined.is-focused{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-mocha .button.is-light.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-light.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-light.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-light.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;box-shadow:none;color:#f5f5f5}html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-dark,html.theme--catppuccin-mocha .content kbd.button{background-color:#313244;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-dark:hover,html.theme--catppuccin-mocha .content kbd.button:hover,html.theme--catppuccin-mocha .button.is-dark.is-hovered,html.theme--catppuccin-mocha .content kbd.button.is-hovered{background-color:#2c2d3d;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-dark:focus,html.theme--catppuccin-mocha .content kbd.button:focus,html.theme--catppuccin-mocha .button.is-dark.is-focused,html.theme--catppuccin-mocha .content kbd.button.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-dark:focus:not(:active),html.theme--catppuccin-mocha .content kbd.button:focus:not(:active),html.theme--catppuccin-mocha .button.is-dark.is-focused:not(:active),html.theme--catppuccin-mocha .content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(49,50,68,0.25)}html.theme--catppuccin-mocha .button.is-dark:active,html.theme--catppuccin-mocha .content kbd.button:active,html.theme--catppuccin-mocha .button.is-dark.is-active,html.theme--catppuccin-mocha .content kbd.button.is-active{background-color:#262735;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-dark[disabled],html.theme--catppuccin-mocha .content kbd.button[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-dark,fieldset[disabled] html.theme--catppuccin-mocha .content kbd.button{background-color:#313244;border-color:#313244;box-shadow:none}html.theme--catppuccin-mocha .button.is-dark.is-inverted,html.theme--catppuccin-mocha .content kbd.button.is-inverted{background-color:#fff;color:#313244}html.theme--catppuccin-mocha .button.is-dark.is-inverted:hover,html.theme--catppuccin-mocha .content kbd.button.is-inverted:hover,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-hovered,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-mocha .button.is-dark.is-inverted[disabled],html.theme--catppuccin-mocha .content kbd.button.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-dark.is-inverted,fieldset[disabled] html.theme--catppuccin-mocha .content kbd.button.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#313244}html.theme--catppuccin-mocha .button.is-dark.is-loading::after,html.theme--catppuccin-mocha .content kbd.button.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-dark.is-outlined,html.theme--catppuccin-mocha .content kbd.button.is-outlined{background-color:transparent;border-color:#313244;color:#313244}html.theme--catppuccin-mocha .button.is-dark.is-outlined:hover,html.theme--catppuccin-mocha .content kbd.button.is-outlined:hover,html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-hovered,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-dark.is-outlined:focus,html.theme--catppuccin-mocha .content kbd.button.is-outlined:focus,html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-focused,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-focused{background-color:#313244;border-color:#313244;color:#fff}html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-loading::after,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #313244 #313244 !important}html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-dark.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-mocha .content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-dark.is-outlined[disabled],html.theme--catppuccin-mocha .content kbd.button.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-dark.is-outlined,fieldset[disabled] html.theme--catppuccin-mocha .content kbd.button.is-outlined{background-color:transparent;border-color:#313244;box-shadow:none;color:#313244}html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-focused,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-focused{background-color:#fff;color:#313244}html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #313244 #313244 !important}html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined[disabled],html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-dark.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-mocha .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-primary,html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink{background-color:#89b4fa;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-primary:hover,html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink:hover,html.theme--catppuccin-mocha .button.is-primary.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#7dacf9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-primary:focus,html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink:focus,html.theme--catppuccin-mocha .button.is-primary.is-focused,html.theme--catppuccin-mocha .docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-primary:focus:not(:active),html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink:focus:not(:active),html.theme--catppuccin-mocha .button.is-primary.is-focused:not(:active),html.theme--catppuccin-mocha .docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .button.is-primary:active,html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink:active,html.theme--catppuccin-mocha .button.is-primary.is-active,html.theme--catppuccin-mocha .docstring>section>a.button.is-active.docs-sourcelink{background-color:#71a4f9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-primary[disabled],html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-primary,fieldset[disabled] html.theme--catppuccin-mocha .docstring>section>a.button.docs-sourcelink{background-color:#89b4fa;border-color:#89b4fa;box-shadow:none}html.theme--catppuccin-mocha .button.is-primary.is-inverted,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .button.is-primary.is-inverted:hover,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.docs-sourcelink:hover,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}html.theme--catppuccin-mocha .button.is-primary.is-inverted[disabled],html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-primary.is-inverted,fieldset[disabled] html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#89b4fa}html.theme--catppuccin-mocha .button.is-primary.is-loading::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-primary.is-outlined,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#89b4fa;color:#89b4fa}html.theme--catppuccin-mocha .button.is-primary.is-outlined:hover,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-mocha .button.is-primary.is-outlined:focus,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-focused,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#89b4fa;border-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-loading::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #89b4fa #89b4fa !important}html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-mocha .button.is-primary.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-primary.is-outlined[disabled],html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-primary.is-outlined,fieldset[disabled] html.theme--catppuccin-mocha .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#89b4fa;box-shadow:none;color:#89b4fa}html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-focused,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #89b4fa #89b4fa !important}html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined[disabled],html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-primary.is-inverted.is-outlined,fieldset[disabled] html.theme--catppuccin-mocha .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-primary.is-light,html.theme--catppuccin-mocha .docstring>section>a.button.is-light.docs-sourcelink{background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .button.is-primary.is-light:hover,html.theme--catppuccin-mocha .docstring>section>a.button.is-light.docs-sourcelink:hover,html.theme--catppuccin-mocha .button.is-primary.is-light.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#dfebfe;border-color:transparent;color:#063c93}html.theme--catppuccin-mocha .button.is-primary.is-light:active,html.theme--catppuccin-mocha .docstring>section>a.button.is-light.docs-sourcelink:active,html.theme--catppuccin-mocha .button.is-primary.is-light.is-active,html.theme--catppuccin-mocha .docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#d3e3fd;border-color:transparent;color:#063c93}html.theme--catppuccin-mocha .button.is-link{background-color:#89b4fa;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-link:hover,html.theme--catppuccin-mocha .button.is-link.is-hovered{background-color:#7dacf9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-link:focus,html.theme--catppuccin-mocha .button.is-link.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-link:focus:not(:active),html.theme--catppuccin-mocha .button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .button.is-link:active,html.theme--catppuccin-mocha .button.is-link.is-active{background-color:#71a4f9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-link[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-link{background-color:#89b4fa;border-color:#89b4fa;box-shadow:none}html.theme--catppuccin-mocha .button.is-link.is-inverted{background-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .button.is-link.is-inverted:hover,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-mocha .button.is-link.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#89b4fa}html.theme--catppuccin-mocha .button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-link.is-outlined{background-color:transparent;border-color:#89b4fa;color:#89b4fa}html.theme--catppuccin-mocha .button.is-link.is-outlined:hover,html.theme--catppuccin-mocha .button.is-link.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-link.is-outlined:focus,html.theme--catppuccin-mocha .button.is-link.is-outlined.is-focused{background-color:#89b4fa;border-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #89b4fa #89b4fa !important}html.theme--catppuccin-mocha .button.is-link.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-link.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-link.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-link.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-link.is-outlined{background-color:transparent;border-color:#89b4fa;box-shadow:none;color:#89b4fa}html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #89b4fa #89b4fa !important}html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-link.is-light{background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .button.is-link.is-light:hover,html.theme--catppuccin-mocha .button.is-link.is-light.is-hovered{background-color:#dfebfe;border-color:transparent;color:#063c93}html.theme--catppuccin-mocha .button.is-link.is-light:active,html.theme--catppuccin-mocha .button.is-link.is-light.is-active{background-color:#d3e3fd;border-color:transparent;color:#063c93}html.theme--catppuccin-mocha .button.is-info{background-color:#94e2d5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info:hover,html.theme--catppuccin-mocha .button.is-info.is-hovered{background-color:#8adfd1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info:focus,html.theme--catppuccin-mocha .button.is-info.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info:focus:not(:active),html.theme--catppuccin-mocha .button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(148,226,213,0.25)}html.theme--catppuccin-mocha .button.is-info:active,html.theme--catppuccin-mocha .button.is-info.is-active{background-color:#80ddcd;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-info{background-color:#94e2d5;border-color:#94e2d5;box-shadow:none}html.theme--catppuccin-mocha .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);color:#94e2d5}html.theme--catppuccin-mocha .button.is-info.is-inverted:hover,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-info.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#94e2d5}html.theme--catppuccin-mocha .button.is-info.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-info.is-outlined{background-color:transparent;border-color:#94e2d5;color:#94e2d5}html.theme--catppuccin-mocha .button.is-info.is-outlined:hover,html.theme--catppuccin-mocha .button.is-info.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-info.is-outlined:focus,html.theme--catppuccin-mocha .button.is-info.is-outlined.is-focused{background-color:#94e2d5;border-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #94e2d5 #94e2d5 !important}html.theme--catppuccin-mocha .button.is-info.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-info.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-info.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-info.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-info.is-outlined{background-color:transparent;border-color:#94e2d5;box-shadow:none;color:#94e2d5}html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#94e2d5}html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #94e2d5 #94e2d5 !important}html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-info.is-light{background-color:#effbf9;color:#207466}html.theme--catppuccin-mocha .button.is-info.is-light:hover,html.theme--catppuccin-mocha .button.is-info.is-light.is-hovered{background-color:#e5f8f5;border-color:transparent;color:#207466}html.theme--catppuccin-mocha .button.is-info.is-light:active,html.theme--catppuccin-mocha .button.is-info.is-light.is-active{background-color:#dbf5f1;border-color:transparent;color:#207466}html.theme--catppuccin-mocha .button.is-success{background-color:#a6e3a1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success:hover,html.theme--catppuccin-mocha .button.is-success.is-hovered{background-color:#9de097;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success:focus,html.theme--catppuccin-mocha .button.is-success.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success:focus:not(:active),html.theme--catppuccin-mocha .button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(166,227,161,0.25)}html.theme--catppuccin-mocha .button.is-success:active,html.theme--catppuccin-mocha .button.is-success.is-active{background-color:#93dd8d;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-success{background-color:#a6e3a1;border-color:#a6e3a1;box-shadow:none}html.theme--catppuccin-mocha .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);color:#a6e3a1}html.theme--catppuccin-mocha .button.is-success.is-inverted:hover,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-success.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#a6e3a1}html.theme--catppuccin-mocha .button.is-success.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-success.is-outlined{background-color:transparent;border-color:#a6e3a1;color:#a6e3a1}html.theme--catppuccin-mocha .button.is-success.is-outlined:hover,html.theme--catppuccin-mocha .button.is-success.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-success.is-outlined:focus,html.theme--catppuccin-mocha .button.is-success.is-outlined.is-focused{background-color:#a6e3a1;border-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #a6e3a1 #a6e3a1 !important}html.theme--catppuccin-mocha .button.is-success.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-success.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-success.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-success.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-success.is-outlined{background-color:transparent;border-color:#a6e3a1;box-shadow:none;color:#a6e3a1}html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#a6e3a1}html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #a6e3a1 #a6e3a1 !important}html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-success.is-light{background-color:#f0faef;color:#287222}html.theme--catppuccin-mocha .button.is-success.is-light:hover,html.theme--catppuccin-mocha .button.is-success.is-light.is-hovered{background-color:#e7f7e5;border-color:transparent;color:#287222}html.theme--catppuccin-mocha .button.is-success.is-light:active,html.theme--catppuccin-mocha .button.is-success.is-light.is-active{background-color:#def4dc;border-color:transparent;color:#287222}html.theme--catppuccin-mocha .button.is-warning{background-color:#f9e2af;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning:hover,html.theme--catppuccin-mocha .button.is-warning.is-hovered{background-color:#f8dea3;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning:focus,html.theme--catppuccin-mocha .button.is-warning.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning:focus:not(:active),html.theme--catppuccin-mocha .button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(249,226,175,0.25)}html.theme--catppuccin-mocha .button.is-warning:active,html.theme--catppuccin-mocha .button.is-warning.is-active{background-color:#f7d997;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-warning{background-color:#f9e2af;border-color:#f9e2af;box-shadow:none}html.theme--catppuccin-mocha .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);color:#f9e2af}html.theme--catppuccin-mocha .button.is-warning.is-inverted:hover,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f9e2af}html.theme--catppuccin-mocha .button.is-warning.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-warning.is-outlined{background-color:transparent;border-color:#f9e2af;color:#f9e2af}html.theme--catppuccin-mocha .button.is-warning.is-outlined:hover,html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-warning.is-outlined:focus,html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-focused{background-color:#f9e2af;border-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #f9e2af #f9e2af !important}html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--catppuccin-mocha .button.is-warning.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-warning.is-outlined{background-color:transparent;border-color:#f9e2af;box-shadow:none;color:#f9e2af}html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f9e2af}html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f9e2af #f9e2af !important}html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .button.is-warning.is-light{background-color:#fef8ec;color:#8a620a}html.theme--catppuccin-mocha .button.is-warning.is-light:hover,html.theme--catppuccin-mocha .button.is-warning.is-light.is-hovered{background-color:#fdf4e0;border-color:transparent;color:#8a620a}html.theme--catppuccin-mocha .button.is-warning.is-light:active,html.theme--catppuccin-mocha .button.is-warning.is-light.is-active{background-color:#fcf0d4;border-color:transparent;color:#8a620a}html.theme--catppuccin-mocha .button.is-danger{background-color:#f38ba8;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-danger:hover,html.theme--catppuccin-mocha .button.is-danger.is-hovered{background-color:#f27f9f;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-danger:focus,html.theme--catppuccin-mocha .button.is-danger.is-focused{border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-danger:focus:not(:active),html.theme--catppuccin-mocha .button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(243,139,168,0.25)}html.theme--catppuccin-mocha .button.is-danger:active,html.theme--catppuccin-mocha .button.is-danger.is-active{background-color:#f17497;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .button.is-danger[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-danger{background-color:#f38ba8;border-color:#f38ba8;box-shadow:none}html.theme--catppuccin-mocha .button.is-danger.is-inverted{background-color:#fff;color:#f38ba8}html.theme--catppuccin-mocha .button.is-danger.is-inverted:hover,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--catppuccin-mocha .button.is-danger.is-inverted[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#f38ba8}html.theme--catppuccin-mocha .button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-danger.is-outlined{background-color:transparent;border-color:#f38ba8;color:#f38ba8}html.theme--catppuccin-mocha .button.is-danger.is-outlined:hover,html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-danger.is-outlined:focus,html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-focused{background-color:#f38ba8;border-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #f38ba8 #f38ba8 !important}html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--catppuccin-mocha .button.is-danger.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-danger.is-outlined{background-color:transparent;border-color:#f38ba8;box-shadow:none;color:#f38ba8}html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined:hover,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-hovered,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined:focus,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#f38ba8}html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-loading:hover::after,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-loading:focus::after,html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f38ba8 #f38ba8 !important}html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--catppuccin-mocha .button.is-danger.is-light{background-color:#fdedf1;color:#991036}html.theme--catppuccin-mocha .button.is-danger.is-light:hover,html.theme--catppuccin-mocha .button.is-danger.is-light.is-hovered{background-color:#fce1e8;border-color:transparent;color:#991036}html.theme--catppuccin-mocha .button.is-danger.is-light:active,html.theme--catppuccin-mocha .button.is-danger.is-light.is-active{background-color:#fbd5e0;border-color:transparent;color:#991036}html.theme--catppuccin-mocha .button.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}html.theme--catppuccin-mocha .button.is-small:not(.is-rounded),html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:3px}html.theme--catppuccin-mocha .button.is-normal{font-size:1rem}html.theme--catppuccin-mocha .button.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .button.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .button[disabled],fieldset[disabled] html.theme--catppuccin-mocha .button{background-color:#6c7086;border-color:#585b70;box-shadow:none;opacity:.5}html.theme--catppuccin-mocha .button.is-fullwidth{display:flex;width:100%}html.theme--catppuccin-mocha .button.is-loading{color:transparent !important;pointer-events:none}html.theme--catppuccin-mocha .button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}html.theme--catppuccin-mocha .button.is-static{background-color:#181825;border-color:#585b70;color:#7f849c;box-shadow:none;pointer-events:none}html.theme--catppuccin-mocha .button.is-rounded,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}html.theme--catppuccin-mocha .buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-mocha .buttons .button{margin-bottom:0.5rem}html.theme--catppuccin-mocha .buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}html.theme--catppuccin-mocha .buttons:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-mocha .buttons:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-mocha .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}html.theme--catppuccin-mocha .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:3px}html.theme--catppuccin-mocha .buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}html.theme--catppuccin-mocha .buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}html.theme--catppuccin-mocha .buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-mocha .buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}html.theme--catppuccin-mocha .buttons.has-addons .button:last-child{margin-right:0}html.theme--catppuccin-mocha .buttons.has-addons .button:hover,html.theme--catppuccin-mocha .buttons.has-addons .button.is-hovered{z-index:2}html.theme--catppuccin-mocha .buttons.has-addons .button:focus,html.theme--catppuccin-mocha .buttons.has-addons .button.is-focused,html.theme--catppuccin-mocha .buttons.has-addons .button:active,html.theme--catppuccin-mocha .buttons.has-addons .button.is-active,html.theme--catppuccin-mocha .buttons.has-addons .button.is-selected{z-index:3}html.theme--catppuccin-mocha .buttons.has-addons .button:focus:hover,html.theme--catppuccin-mocha .buttons.has-addons .button.is-focused:hover,html.theme--catppuccin-mocha .buttons.has-addons .button:active:hover,html.theme--catppuccin-mocha .buttons.has-addons .button.is-active:hover,html.theme--catppuccin-mocha .buttons.has-addons .button.is-selected:hover{z-index:4}html.theme--catppuccin-mocha .buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .buttons.is-centered{justify-content:center}html.theme--catppuccin-mocha .buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}html.theme--catppuccin-mocha .buttons.is-right{justify-content:flex-end}html.theme--catppuccin-mocha .buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .button.is-responsive.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}html.theme--catppuccin-mocha .button.is-responsive,html.theme--catppuccin-mocha .button.is-responsive.is-normal{font-size:.65625rem}html.theme--catppuccin-mocha .button.is-responsive.is-medium{font-size:.75rem}html.theme--catppuccin-mocha .button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .button.is-responsive.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}html.theme--catppuccin-mocha .button.is-responsive,html.theme--catppuccin-mocha .button.is-responsive.is-normal{font-size:.75rem}html.theme--catppuccin-mocha .button.is-responsive.is-medium{font-size:1rem}html.theme--catppuccin-mocha .button.is-responsive.is-large{font-size:1.25rem}}html.theme--catppuccin-mocha .container{flex-grow:1;margin:0 auto;position:relative;width:auto}html.theme--catppuccin-mocha .container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .container{max-width:992px}}@media screen and (max-width: 1215px){html.theme--catppuccin-mocha .container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){html.theme--catppuccin-mocha .container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}html.theme--catppuccin-mocha .content li+li{margin-top:0.25em}html.theme--catppuccin-mocha .content p:not(:last-child),html.theme--catppuccin-mocha .content dl:not(:last-child),html.theme--catppuccin-mocha .content ol:not(:last-child),html.theme--catppuccin-mocha .content ul:not(:last-child),html.theme--catppuccin-mocha .content blockquote:not(:last-child),html.theme--catppuccin-mocha .content pre:not(:last-child),html.theme--catppuccin-mocha .content table:not(:last-child){margin-bottom:1em}html.theme--catppuccin-mocha .content h1,html.theme--catppuccin-mocha .content h2,html.theme--catppuccin-mocha .content h3,html.theme--catppuccin-mocha .content h4,html.theme--catppuccin-mocha .content h5,html.theme--catppuccin-mocha .content h6{color:#cdd6f4;font-weight:600;line-height:1.125}html.theme--catppuccin-mocha .content h1{font-size:2em;margin-bottom:0.5em}html.theme--catppuccin-mocha .content h1:not(:first-child){margin-top:1em}html.theme--catppuccin-mocha .content h2{font-size:1.75em;margin-bottom:0.5714em}html.theme--catppuccin-mocha .content h2:not(:first-child){margin-top:1.1428em}html.theme--catppuccin-mocha .content h3{font-size:1.5em;margin-bottom:0.6666em}html.theme--catppuccin-mocha .content h3:not(:first-child){margin-top:1.3333em}html.theme--catppuccin-mocha .content h4{font-size:1.25em;margin-bottom:0.8em}html.theme--catppuccin-mocha .content h5{font-size:1.125em;margin-bottom:0.8888em}html.theme--catppuccin-mocha .content h6{font-size:1em;margin-bottom:1em}html.theme--catppuccin-mocha .content blockquote{background-color:#181825;border-left:5px solid #585b70;padding:1.25em 1.5em}html.theme--catppuccin-mocha .content ol{list-style-position:outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-mocha .content ol:not([type]){list-style-type:decimal}html.theme--catppuccin-mocha .content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}html.theme--catppuccin-mocha .content ol.is-lower-roman:not([type]){list-style-type:lower-roman}html.theme--catppuccin-mocha .content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}html.theme--catppuccin-mocha .content ol.is-upper-roman:not([type]){list-style-type:upper-roman}html.theme--catppuccin-mocha .content ul{list-style:disc outside;margin-left:2em;margin-top:1em}html.theme--catppuccin-mocha .content ul ul{list-style-type:circle;margin-top:0.5em}html.theme--catppuccin-mocha .content ul ul ul{list-style-type:square}html.theme--catppuccin-mocha .content dd{margin-left:2em}html.theme--catppuccin-mocha .content figure{margin-left:2em;margin-right:2em;text-align:center}html.theme--catppuccin-mocha .content figure:not(:first-child){margin-top:2em}html.theme--catppuccin-mocha .content figure:not(:last-child){margin-bottom:2em}html.theme--catppuccin-mocha .content figure img{display:inline-block}html.theme--catppuccin-mocha .content figure figcaption{font-style:italic}html.theme--catppuccin-mocha .content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}html.theme--catppuccin-mocha .content sup,html.theme--catppuccin-mocha .content sub{font-size:75%}html.theme--catppuccin-mocha .content table{width:100%}html.theme--catppuccin-mocha .content table td,html.theme--catppuccin-mocha .content table th{border:1px solid #585b70;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-mocha .content table th{color:#b8c5ef}html.theme--catppuccin-mocha .content table th:not([align]){text-align:inherit}html.theme--catppuccin-mocha .content table thead td,html.theme--catppuccin-mocha .content table thead th{border-width:0 0 2px;color:#b8c5ef}html.theme--catppuccin-mocha .content table tfoot td,html.theme--catppuccin-mocha .content table tfoot th{border-width:2px 0 0;color:#b8c5ef}html.theme--catppuccin-mocha .content table tbody tr:last-child td,html.theme--catppuccin-mocha .content table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-mocha .content .tabs li+li{margin-top:0}html.theme--catppuccin-mocha .content.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}html.theme--catppuccin-mocha .content.is-normal{font-size:1rem}html.theme--catppuccin-mocha .content.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .content.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}html.theme--catppuccin-mocha .icon.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}html.theme--catppuccin-mocha .icon.is-medium{height:2rem;width:2rem}html.theme--catppuccin-mocha .icon.is-large{height:3rem;width:3rem}html.theme--catppuccin-mocha .icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}html.theme--catppuccin-mocha .icon-text .icon{flex-grow:0;flex-shrink:0}html.theme--catppuccin-mocha .icon-text .icon:not(:last-child){margin-right:.25em}html.theme--catppuccin-mocha .icon-text .icon:not(:first-child){margin-left:.25em}html.theme--catppuccin-mocha div.icon-text{display:flex}html.theme--catppuccin-mocha .image,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img{display:block;position:relative}html.theme--catppuccin-mocha .image img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}html.theme--catppuccin-mocha .image img.is-rounded,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}html.theme--catppuccin-mocha .image.is-fullwidth,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}html.theme--catppuccin-mocha .image.is-square img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--catppuccin-mocha .image.is-square .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--catppuccin-mocha .image.is-1by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--catppuccin-mocha .image.is-1by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--catppuccin-mocha .image.is-5by4 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--catppuccin-mocha .image.is-5by4 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--catppuccin-mocha .image.is-4by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--catppuccin-mocha .image.is-4by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--catppuccin-mocha .image.is-3by2 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--catppuccin-mocha .image.is-3by2 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--catppuccin-mocha .image.is-5by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--catppuccin-mocha .image.is-5by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--catppuccin-mocha .image.is-16by9 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--catppuccin-mocha .image.is-16by9 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--catppuccin-mocha .image.is-2by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--catppuccin-mocha .image.is-2by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--catppuccin-mocha .image.is-3by1 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--catppuccin-mocha .image.is-3by1 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--catppuccin-mocha .image.is-4by5 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--catppuccin-mocha .image.is-4by5 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--catppuccin-mocha .image.is-3by4 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--catppuccin-mocha .image.is-3by4 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--catppuccin-mocha .image.is-2by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--catppuccin-mocha .image.is-2by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--catppuccin-mocha .image.is-3by5 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--catppuccin-mocha .image.is-3by5 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--catppuccin-mocha .image.is-9by16 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--catppuccin-mocha .image.is-9by16 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--catppuccin-mocha .image.is-1by2 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--catppuccin-mocha .image.is-1by2 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--catppuccin-mocha .image.is-1by3 img,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--catppuccin-mocha .image.is-1by3 .has-ratio,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}html.theme--catppuccin-mocha .image.is-square,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-square,html.theme--catppuccin-mocha .image.is-1by1,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}html.theme--catppuccin-mocha .image.is-5by4,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}html.theme--catppuccin-mocha .image.is-4by3,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}html.theme--catppuccin-mocha .image.is-3by2,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}html.theme--catppuccin-mocha .image.is-5by3,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}html.theme--catppuccin-mocha .image.is-16by9,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}html.theme--catppuccin-mocha .image.is-2by1,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}html.theme--catppuccin-mocha .image.is-3by1,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}html.theme--catppuccin-mocha .image.is-4by5,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}html.theme--catppuccin-mocha .image.is-3by4,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}html.theme--catppuccin-mocha .image.is-2by3,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}html.theme--catppuccin-mocha .image.is-3by5,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}html.theme--catppuccin-mocha .image.is-9by16,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}html.theme--catppuccin-mocha .image.is-1by2,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}html.theme--catppuccin-mocha .image.is-1by3,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}html.theme--catppuccin-mocha .image.is-16x16,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}html.theme--catppuccin-mocha .image.is-24x24,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}html.theme--catppuccin-mocha .image.is-32x32,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}html.theme--catppuccin-mocha .image.is-48x48,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}html.theme--catppuccin-mocha .image.is-64x64,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}html.theme--catppuccin-mocha .image.is-96x96,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}html.theme--catppuccin-mocha .image.is-128x128,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}html.theme--catppuccin-mocha .notification{background-color:#181825;border-radius:.4em;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}html.theme--catppuccin-mocha .notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-mocha .notification strong{color:currentColor}html.theme--catppuccin-mocha .notification code,html.theme--catppuccin-mocha .notification pre{background:#fff}html.theme--catppuccin-mocha .notification pre code{background:transparent}html.theme--catppuccin-mocha .notification>.delete{right:.5rem;position:absolute;top:0.5rem}html.theme--catppuccin-mocha .notification .title,html.theme--catppuccin-mocha .notification .subtitle,html.theme--catppuccin-mocha .notification .content{color:currentColor}html.theme--catppuccin-mocha .notification.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .notification.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .notification.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .notification.is-dark,html.theme--catppuccin-mocha .content kbd.notification{background-color:#313244;color:#fff}html.theme--catppuccin-mocha .notification.is-primary,html.theme--catppuccin-mocha .docstring>section>a.notification.docs-sourcelink{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .notification.is-primary.is-light,html.theme--catppuccin-mocha .docstring>section>a.notification.is-light.docs-sourcelink{background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .notification.is-link{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .notification.is-link.is-light{background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .notification.is-info{background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .notification.is-info.is-light{background-color:#effbf9;color:#207466}html.theme--catppuccin-mocha .notification.is-success{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .notification.is-success.is-light{background-color:#f0faef;color:#287222}html.theme--catppuccin-mocha .notification.is-warning{background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .notification.is-warning.is-light{background-color:#fef8ec;color:#8a620a}html.theme--catppuccin-mocha .notification.is-danger{background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .notification.is-danger.is-light{background-color:#fdedf1;color:#991036}html.theme--catppuccin-mocha .progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}html.theme--catppuccin-mocha .progress::-webkit-progress-bar{background-color:#45475a}html.theme--catppuccin-mocha .progress::-webkit-progress-value{background-color:#7f849c}html.theme--catppuccin-mocha .progress::-moz-progress-bar{background-color:#7f849c}html.theme--catppuccin-mocha .progress::-ms-fill{background-color:#7f849c;border:none}html.theme--catppuccin-mocha .progress.is-white::-webkit-progress-value{background-color:#fff}html.theme--catppuccin-mocha .progress.is-white::-moz-progress-bar{background-color:#fff}html.theme--catppuccin-mocha .progress.is-white::-ms-fill{background-color:#fff}html.theme--catppuccin-mocha .progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-black::-webkit-progress-value{background-color:#0a0a0a}html.theme--catppuccin-mocha .progress.is-black::-moz-progress-bar{background-color:#0a0a0a}html.theme--catppuccin-mocha .progress.is-black::-ms-fill{background-color:#0a0a0a}html.theme--catppuccin-mocha .progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-light::-webkit-progress-value{background-color:#f5f5f5}html.theme--catppuccin-mocha .progress.is-light::-moz-progress-bar{background-color:#f5f5f5}html.theme--catppuccin-mocha .progress.is-light::-ms-fill{background-color:#f5f5f5}html.theme--catppuccin-mocha .progress.is-light:indeterminate{background-image:linear-gradient(to right, #f5f5f5 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-dark::-webkit-progress-value,html.theme--catppuccin-mocha .content kbd.progress::-webkit-progress-value{background-color:#313244}html.theme--catppuccin-mocha .progress.is-dark::-moz-progress-bar,html.theme--catppuccin-mocha .content kbd.progress::-moz-progress-bar{background-color:#313244}html.theme--catppuccin-mocha .progress.is-dark::-ms-fill,html.theme--catppuccin-mocha .content kbd.progress::-ms-fill{background-color:#313244}html.theme--catppuccin-mocha .progress.is-dark:indeterminate,html.theme--catppuccin-mocha .content kbd.progress:indeterminate{background-image:linear-gradient(to right, #313244 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-primary::-webkit-progress-value,html.theme--catppuccin-mocha .docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-primary::-moz-progress-bar,html.theme--catppuccin-mocha .docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-primary::-ms-fill,html.theme--catppuccin-mocha .docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-primary:indeterminate,html.theme--catppuccin-mocha .docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #89b4fa 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-link::-webkit-progress-value{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-link::-moz-progress-bar{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-link::-ms-fill{background-color:#89b4fa}html.theme--catppuccin-mocha .progress.is-link:indeterminate{background-image:linear-gradient(to right, #89b4fa 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-info::-webkit-progress-value{background-color:#94e2d5}html.theme--catppuccin-mocha .progress.is-info::-moz-progress-bar{background-color:#94e2d5}html.theme--catppuccin-mocha .progress.is-info::-ms-fill{background-color:#94e2d5}html.theme--catppuccin-mocha .progress.is-info:indeterminate{background-image:linear-gradient(to right, #94e2d5 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-success::-webkit-progress-value{background-color:#a6e3a1}html.theme--catppuccin-mocha .progress.is-success::-moz-progress-bar{background-color:#a6e3a1}html.theme--catppuccin-mocha .progress.is-success::-ms-fill{background-color:#a6e3a1}html.theme--catppuccin-mocha .progress.is-success:indeterminate{background-image:linear-gradient(to right, #a6e3a1 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-warning::-webkit-progress-value{background-color:#f9e2af}html.theme--catppuccin-mocha .progress.is-warning::-moz-progress-bar{background-color:#f9e2af}html.theme--catppuccin-mocha .progress.is-warning::-ms-fill{background-color:#f9e2af}html.theme--catppuccin-mocha .progress.is-warning:indeterminate{background-image:linear-gradient(to right, #f9e2af 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress.is-danger::-webkit-progress-value{background-color:#f38ba8}html.theme--catppuccin-mocha .progress.is-danger::-moz-progress-bar{background-color:#f38ba8}html.theme--catppuccin-mocha .progress.is-danger::-ms-fill{background-color:#f38ba8}html.theme--catppuccin-mocha .progress.is-danger:indeterminate{background-image:linear-gradient(to right, #f38ba8 30%, #45475a 30%)}html.theme--catppuccin-mocha .progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#45475a;background-image:linear-gradient(to right, #cdd6f4 30%, #45475a 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}html.theme--catppuccin-mocha .progress:indeterminate::-webkit-progress-bar{background-color:transparent}html.theme--catppuccin-mocha .progress:indeterminate::-moz-progress-bar{background-color:transparent}html.theme--catppuccin-mocha .progress:indeterminate::-ms-fill{animation-name:none}html.theme--catppuccin-mocha .progress.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}html.theme--catppuccin-mocha .progress.is-medium{height:1.25rem}html.theme--catppuccin-mocha .progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}html.theme--catppuccin-mocha .table{background-color:#45475a;color:#cdd6f4}html.theme--catppuccin-mocha .table td,html.theme--catppuccin-mocha .table th{border:1px solid #585b70;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--catppuccin-mocha .table td.is-white,html.theme--catppuccin-mocha .table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .table td.is-black,html.theme--catppuccin-mocha .table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .table td.is-light,html.theme--catppuccin-mocha .table th.is-light{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .table td.is-dark,html.theme--catppuccin-mocha .table th.is-dark{background-color:#313244;border-color:#313244;color:#fff}html.theme--catppuccin-mocha .table td.is-primary,html.theme--catppuccin-mocha .table th.is-primary{background-color:#89b4fa;border-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .table td.is-link,html.theme--catppuccin-mocha .table th.is-link{background-color:#89b4fa;border-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .table td.is-info,html.theme--catppuccin-mocha .table th.is-info{background-color:#94e2d5;border-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .table td.is-success,html.theme--catppuccin-mocha .table th.is-success{background-color:#a6e3a1;border-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .table td.is-warning,html.theme--catppuccin-mocha .table th.is-warning{background-color:#f9e2af;border-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .table td.is-danger,html.theme--catppuccin-mocha .table th.is-danger{background-color:#f38ba8;border-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .table td.is-narrow,html.theme--catppuccin-mocha .table th.is-narrow{white-space:nowrap;width:1%}html.theme--catppuccin-mocha .table td.is-selected,html.theme--catppuccin-mocha .table th.is-selected{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .table td.is-selected a,html.theme--catppuccin-mocha .table td.is-selected strong,html.theme--catppuccin-mocha .table th.is-selected a,html.theme--catppuccin-mocha .table th.is-selected strong{color:currentColor}html.theme--catppuccin-mocha .table td.is-vcentered,html.theme--catppuccin-mocha .table th.is-vcentered{vertical-align:middle}html.theme--catppuccin-mocha .table th{color:#b8c5ef}html.theme--catppuccin-mocha .table th:not([align]){text-align:left}html.theme--catppuccin-mocha .table tr.is-selected{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .table tr.is-selected a,html.theme--catppuccin-mocha .table tr.is-selected strong{color:currentColor}html.theme--catppuccin-mocha .table tr.is-selected td,html.theme--catppuccin-mocha .table tr.is-selected th{border-color:#fff;color:currentColor}html.theme--catppuccin-mocha .table thead{background-color:rgba(0,0,0,0)}html.theme--catppuccin-mocha .table thead td,html.theme--catppuccin-mocha .table thead th{border-width:0 0 2px;color:#b8c5ef}html.theme--catppuccin-mocha .table tfoot{background-color:rgba(0,0,0,0)}html.theme--catppuccin-mocha .table tfoot td,html.theme--catppuccin-mocha .table tfoot th{border-width:2px 0 0;color:#b8c5ef}html.theme--catppuccin-mocha .table tbody{background-color:rgba(0,0,0,0)}html.theme--catppuccin-mocha .table tbody tr:last-child td,html.theme--catppuccin-mocha .table tbody tr:last-child th{border-bottom-width:0}html.theme--catppuccin-mocha .table.is-bordered td,html.theme--catppuccin-mocha .table.is-bordered th{border-width:1px}html.theme--catppuccin-mocha .table.is-bordered tr:last-child td,html.theme--catppuccin-mocha .table.is-bordered tr:last-child th{border-bottom-width:1px}html.theme--catppuccin-mocha .table.is-fullwidth{width:100%}html.theme--catppuccin-mocha .table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#313244}html.theme--catppuccin-mocha .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#313244}html.theme--catppuccin-mocha .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#35364a}html.theme--catppuccin-mocha .table.is-narrow td,html.theme--catppuccin-mocha .table.is-narrow th{padding:0.25em 0.5em}html.theme--catppuccin-mocha .table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#313244}html.theme--catppuccin-mocha .table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}html.theme--catppuccin-mocha .tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-mocha .tags .tag,html.theme--catppuccin-mocha .tags .content kbd,html.theme--catppuccin-mocha .content .tags kbd,html.theme--catppuccin-mocha .tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}html.theme--catppuccin-mocha .tags .tag:not(:last-child),html.theme--catppuccin-mocha .tags .content kbd:not(:last-child),html.theme--catppuccin-mocha .content .tags kbd:not(:last-child),html.theme--catppuccin-mocha .tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}html.theme--catppuccin-mocha .tags:last-child{margin-bottom:-0.5rem}html.theme--catppuccin-mocha .tags:not(:last-child){margin-bottom:1rem}html.theme--catppuccin-mocha .tags.are-medium .tag:not(.is-normal):not(.is-large),html.theme--catppuccin-mocha .tags.are-medium .content kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-mocha .content .tags.are-medium kbd:not(.is-normal):not(.is-large),html.theme--catppuccin-mocha .tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}html.theme--catppuccin-mocha .tags.are-large .tag:not(.is-normal):not(.is-medium),html.theme--catppuccin-mocha .tags.are-large .content kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-mocha .content .tags.are-large kbd:not(.is-normal):not(.is-medium),html.theme--catppuccin-mocha .tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}html.theme--catppuccin-mocha .tags.is-centered{justify-content:center}html.theme--catppuccin-mocha .tags.is-centered .tag,html.theme--catppuccin-mocha .tags.is-centered .content kbd,html.theme--catppuccin-mocha .content .tags.is-centered kbd,html.theme--catppuccin-mocha .tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}html.theme--catppuccin-mocha .tags.is-right{justify-content:flex-end}html.theme--catppuccin-mocha .tags.is-right .tag:not(:first-child),html.theme--catppuccin-mocha .tags.is-right .content kbd:not(:first-child),html.theme--catppuccin-mocha .content .tags.is-right kbd:not(:first-child),html.theme--catppuccin-mocha .tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}html.theme--catppuccin-mocha .tags.is-right .tag:not(:last-child),html.theme--catppuccin-mocha .tags.is-right .content kbd:not(:last-child),html.theme--catppuccin-mocha .content .tags.is-right kbd:not(:last-child),html.theme--catppuccin-mocha .tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}html.theme--catppuccin-mocha .tags.has-addons .tag,html.theme--catppuccin-mocha .tags.has-addons .content kbd,html.theme--catppuccin-mocha .content .tags.has-addons kbd,html.theme--catppuccin-mocha .tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}html.theme--catppuccin-mocha .tags.has-addons .tag:not(:first-child),html.theme--catppuccin-mocha .tags.has-addons .content kbd:not(:first-child),html.theme--catppuccin-mocha .content .tags.has-addons kbd:not(:first-child),html.theme--catppuccin-mocha .tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}html.theme--catppuccin-mocha .tags.has-addons .tag:not(:last-child),html.theme--catppuccin-mocha .tags.has-addons .content kbd:not(:last-child),html.theme--catppuccin-mocha .content .tags.has-addons kbd:not(:last-child),html.theme--catppuccin-mocha .tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}html.theme--catppuccin-mocha .tag:not(body),html.theme--catppuccin-mocha .content kbd:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#181825;border-radius:.4em;color:#cdd6f4;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}html.theme--catppuccin-mocha .tag:not(body) .delete,html.theme--catppuccin-mocha .content kbd:not(body) .delete,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}html.theme--catppuccin-mocha .tag.is-white:not(body),html.theme--catppuccin-mocha .content kbd.is-white:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .tag.is-black:not(body),html.theme--catppuccin-mocha .content kbd.is-black:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .tag.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .tag.is-dark:not(body),html.theme--catppuccin-mocha .content kbd:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-dark:not(body),html.theme--catppuccin-mocha .content .docstring>section>kbd:not(body){background-color:#313244;color:#fff}html.theme--catppuccin-mocha .tag.is-primary:not(body),html.theme--catppuccin-mocha .content kbd.is-primary:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body){background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .tag.is-primary.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-primary.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .tag.is-link:not(body),html.theme--catppuccin-mocha .content kbd.is-link:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .tag.is-link.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-link.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#ebf3fe;color:#063c93}html.theme--catppuccin-mocha .tag.is-info:not(body),html.theme--catppuccin-mocha .content kbd.is-info:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .tag.is-info.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-info.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#effbf9;color:#207466}html.theme--catppuccin-mocha .tag.is-success:not(body),html.theme--catppuccin-mocha .content kbd.is-success:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .tag.is-success.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-success.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#f0faef;color:#287222}html.theme--catppuccin-mocha .tag.is-warning:not(body),html.theme--catppuccin-mocha .content kbd.is-warning:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .tag.is-warning.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-warning.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fef8ec;color:#8a620a}html.theme--catppuccin-mocha .tag.is-danger:not(body),html.theme--catppuccin-mocha .content kbd.is-danger:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .tag.is-danger.is-light:not(body),html.theme--catppuccin-mocha .content kbd.is-danger.is-light:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#fdedf1;color:#991036}html.theme--catppuccin-mocha .tag.is-normal:not(body),html.theme--catppuccin-mocha .content kbd.is-normal:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}html.theme--catppuccin-mocha .tag.is-medium:not(body),html.theme--catppuccin-mocha .content kbd.is-medium:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}html.theme--catppuccin-mocha .tag.is-large:not(body),html.theme--catppuccin-mocha .content kbd.is-large:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}html.theme--catppuccin-mocha .tag:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-mocha .content kbd:not(body) .icon:first-child:not(:last-child),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}html.theme--catppuccin-mocha .tag:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-mocha .content kbd:not(body) .icon:last-child:not(:first-child),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}html.theme--catppuccin-mocha .tag:not(body) .icon:first-child:last-child,html.theme--catppuccin-mocha .content kbd:not(body) .icon:first-child:last-child,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}html.theme--catppuccin-mocha .tag.is-delete:not(body),html.theme--catppuccin-mocha .content kbd.is-delete:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}html.theme--catppuccin-mocha .tag.is-delete:not(body)::before,html.theme--catppuccin-mocha .content kbd.is-delete:not(body)::before,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body)::before,html.theme--catppuccin-mocha .tag.is-delete:not(body)::after,html.theme--catppuccin-mocha .content kbd.is-delete:not(body)::after,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--catppuccin-mocha .tag.is-delete:not(body)::before,html.theme--catppuccin-mocha .content kbd.is-delete:not(body)::before,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}html.theme--catppuccin-mocha .tag.is-delete:not(body)::after,html.theme--catppuccin-mocha .content kbd.is-delete:not(body)::after,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}html.theme--catppuccin-mocha .tag.is-delete:not(body):hover,html.theme--catppuccin-mocha .content kbd.is-delete:not(body):hover,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body):hover,html.theme--catppuccin-mocha .tag.is-delete:not(body):focus,html.theme--catppuccin-mocha .content kbd.is-delete:not(body):focus,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#0e0e16}html.theme--catppuccin-mocha .tag.is-delete:not(body):active,html.theme--catppuccin-mocha .content kbd.is-delete:not(body):active,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#040406}html.theme--catppuccin-mocha .tag.is-rounded:not(body),html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:not(body),html.theme--catppuccin-mocha .content kbd.is-rounded:not(body),html.theme--catppuccin-mocha #documenter .docs-sidebar .content form.docs-search>input:not(body),html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}html.theme--catppuccin-mocha a.tag:hover,html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:hover{text-decoration:underline}html.theme--catppuccin-mocha .title,html.theme--catppuccin-mocha .subtitle{word-break:break-word}html.theme--catppuccin-mocha .title em,html.theme--catppuccin-mocha .title span,html.theme--catppuccin-mocha .subtitle em,html.theme--catppuccin-mocha .subtitle span{font-weight:inherit}html.theme--catppuccin-mocha .title sub,html.theme--catppuccin-mocha .subtitle sub{font-size:.75em}html.theme--catppuccin-mocha .title sup,html.theme--catppuccin-mocha .subtitle sup{font-size:.75em}html.theme--catppuccin-mocha .title .tag,html.theme--catppuccin-mocha .title .content kbd,html.theme--catppuccin-mocha .content .title kbd,html.theme--catppuccin-mocha .title .docstring>section>a.docs-sourcelink,html.theme--catppuccin-mocha .subtitle .tag,html.theme--catppuccin-mocha .subtitle .content kbd,html.theme--catppuccin-mocha .content .subtitle kbd,html.theme--catppuccin-mocha .subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}html.theme--catppuccin-mocha .title{color:#fff;font-size:2rem;font-weight:500;line-height:1.125}html.theme--catppuccin-mocha .title strong{color:inherit;font-weight:inherit}html.theme--catppuccin-mocha .title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}html.theme--catppuccin-mocha .title.is-1{font-size:3rem}html.theme--catppuccin-mocha .title.is-2{font-size:2.5rem}html.theme--catppuccin-mocha .title.is-3{font-size:2rem}html.theme--catppuccin-mocha .title.is-4{font-size:1.5rem}html.theme--catppuccin-mocha .title.is-5{font-size:1.25rem}html.theme--catppuccin-mocha .title.is-6{font-size:1rem}html.theme--catppuccin-mocha .title.is-7{font-size:.75rem}html.theme--catppuccin-mocha .subtitle{color:#6c7086;font-size:1.25rem;font-weight:400;line-height:1.25}html.theme--catppuccin-mocha .subtitle strong{color:#6c7086;font-weight:600}html.theme--catppuccin-mocha .subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}html.theme--catppuccin-mocha .subtitle.is-1{font-size:3rem}html.theme--catppuccin-mocha .subtitle.is-2{font-size:2.5rem}html.theme--catppuccin-mocha .subtitle.is-3{font-size:2rem}html.theme--catppuccin-mocha .subtitle.is-4{font-size:1.5rem}html.theme--catppuccin-mocha .subtitle.is-5{font-size:1.25rem}html.theme--catppuccin-mocha .subtitle.is-6{font-size:1rem}html.theme--catppuccin-mocha .subtitle.is-7{font-size:.75rem}html.theme--catppuccin-mocha .heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}html.theme--catppuccin-mocha .number{align-items:center;background-color:#181825;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}html.theme--catppuccin-mocha .select select,html.theme--catppuccin-mocha .textarea,html.theme--catppuccin-mocha .input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{background-color:#1e1e2e;border-color:#585b70;border-radius:.4em;color:#7f849c}html.theme--catppuccin-mocha .select select::-moz-placeholder,html.theme--catppuccin-mocha .textarea::-moz-placeholder,html.theme--catppuccin-mocha .input::-moz-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#868c98}html.theme--catppuccin-mocha .select select::-webkit-input-placeholder,html.theme--catppuccin-mocha .textarea::-webkit-input-placeholder,html.theme--catppuccin-mocha .input::-webkit-input-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#868c98}html.theme--catppuccin-mocha .select select:-moz-placeholder,html.theme--catppuccin-mocha .textarea:-moz-placeholder,html.theme--catppuccin-mocha .input:-moz-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#868c98}html.theme--catppuccin-mocha .select select:-ms-input-placeholder,html.theme--catppuccin-mocha .textarea:-ms-input-placeholder,html.theme--catppuccin-mocha .input:-ms-input-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#868c98}html.theme--catppuccin-mocha .select select:hover,html.theme--catppuccin-mocha .textarea:hover,html.theme--catppuccin-mocha .input:hover,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:hover,html.theme--catppuccin-mocha .select select.is-hovered,html.theme--catppuccin-mocha .is-hovered.textarea,html.theme--catppuccin-mocha .is-hovered.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#6c7086}html.theme--catppuccin-mocha .select select:focus,html.theme--catppuccin-mocha .textarea:focus,html.theme--catppuccin-mocha .input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:focus,html.theme--catppuccin-mocha .select select.is-focused,html.theme--catppuccin-mocha .is-focused.textarea,html.theme--catppuccin-mocha .is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .select select:active,html.theme--catppuccin-mocha .textarea:active,html.theme--catppuccin-mocha .input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:active,html.theme--catppuccin-mocha .select select.is-active,html.theme--catppuccin-mocha .is-active.textarea,html.theme--catppuccin-mocha .is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{border-color:#89b4fa;box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .select select[disabled],html.theme--catppuccin-mocha .textarea[disabled],html.theme--catppuccin-mocha .input[disabled],html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] html.theme--catppuccin-mocha .select select,fieldset[disabled] html.theme--catppuccin-mocha .textarea,fieldset[disabled] html.theme--catppuccin-mocha .input,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{background-color:#6c7086;border-color:#181825;box-shadow:none;color:#f7f8fd}html.theme--catppuccin-mocha .select select[disabled]::-moz-placeholder,html.theme--catppuccin-mocha .textarea[disabled]::-moz-placeholder,html.theme--catppuccin-mocha .input[disabled]::-moz-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .select select::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .textarea::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .input::-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:rgba(247,248,253,0.3)}html.theme--catppuccin-mocha .select select[disabled]::-webkit-input-placeholder,html.theme--catppuccin-mocha .textarea[disabled]::-webkit-input-placeholder,html.theme--catppuccin-mocha .input[disabled]::-webkit-input-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .select select::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .textarea::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .input::-webkit-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:rgba(247,248,253,0.3)}html.theme--catppuccin-mocha .select select[disabled]:-moz-placeholder,html.theme--catppuccin-mocha .textarea[disabled]:-moz-placeholder,html.theme--catppuccin-mocha .input[disabled]:-moz-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .select select:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .textarea:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .input:-moz-placeholder,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:rgba(247,248,253,0.3)}html.theme--catppuccin-mocha .select select[disabled]:-ms-input-placeholder,html.theme--catppuccin-mocha .textarea[disabled]:-ms-input-placeholder,html.theme--catppuccin-mocha .input[disabled]:-ms-input-placeholder,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .select select:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .textarea:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha .input:-ms-input-placeholder,fieldset[disabled] html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:rgba(247,248,253,0.3)}html.theme--catppuccin-mocha .textarea,html.theme--catppuccin-mocha .input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}html.theme--catppuccin-mocha .textarea[readonly],html.theme--catppuccin-mocha .input[readonly],html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}html.theme--catppuccin-mocha .is-white.textarea,html.theme--catppuccin-mocha .is-white.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}html.theme--catppuccin-mocha .is-white.textarea:focus,html.theme--catppuccin-mocha .is-white.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-white:focus,html.theme--catppuccin-mocha .is-white.is-focused.textarea,html.theme--catppuccin-mocha .is-white.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-white.textarea:active,html.theme--catppuccin-mocha .is-white.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-white:active,html.theme--catppuccin-mocha .is-white.is-active.textarea,html.theme--catppuccin-mocha .is-white.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-mocha .is-black.textarea,html.theme--catppuccin-mocha .is-black.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}html.theme--catppuccin-mocha .is-black.textarea:focus,html.theme--catppuccin-mocha .is-black.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-black:focus,html.theme--catppuccin-mocha .is-black.is-focused.textarea,html.theme--catppuccin-mocha .is-black.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-black.textarea:active,html.theme--catppuccin-mocha .is-black.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-black:active,html.theme--catppuccin-mocha .is-black.is-active.textarea,html.theme--catppuccin-mocha .is-black.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-mocha .is-light.textarea,html.theme--catppuccin-mocha .is-light.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-light{border-color:#f5f5f5}html.theme--catppuccin-mocha .is-light.textarea:focus,html.theme--catppuccin-mocha .is-light.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-light:focus,html.theme--catppuccin-mocha .is-light.is-focused.textarea,html.theme--catppuccin-mocha .is-light.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-light.textarea:active,html.theme--catppuccin-mocha .is-light.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-light:active,html.theme--catppuccin-mocha .is-light.is-active.textarea,html.theme--catppuccin-mocha .is-light.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-mocha .is-dark.textarea,html.theme--catppuccin-mocha .content kbd.textarea,html.theme--catppuccin-mocha .is-dark.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-dark,html.theme--catppuccin-mocha .content kbd.input{border-color:#313244}html.theme--catppuccin-mocha .is-dark.textarea:focus,html.theme--catppuccin-mocha .content kbd.textarea:focus,html.theme--catppuccin-mocha .is-dark.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-dark:focus,html.theme--catppuccin-mocha .content kbd.input:focus,html.theme--catppuccin-mocha .is-dark.is-focused.textarea,html.theme--catppuccin-mocha .content kbd.is-focused.textarea,html.theme--catppuccin-mocha .is-dark.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .content kbd.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar .content form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-dark.textarea:active,html.theme--catppuccin-mocha .content kbd.textarea:active,html.theme--catppuccin-mocha .is-dark.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-dark:active,html.theme--catppuccin-mocha .content kbd.input:active,html.theme--catppuccin-mocha .is-dark.is-active.textarea,html.theme--catppuccin-mocha .content kbd.is-active.textarea,html.theme--catppuccin-mocha .is-dark.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-mocha .content kbd.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(49,50,68,0.25)}html.theme--catppuccin-mocha .is-primary.textarea,html.theme--catppuccin-mocha .docstring>section>a.textarea.docs-sourcelink,html.theme--catppuccin-mocha .is-primary.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-primary,html.theme--catppuccin-mocha .docstring>section>a.input.docs-sourcelink{border-color:#89b4fa}html.theme--catppuccin-mocha .is-primary.textarea:focus,html.theme--catppuccin-mocha .docstring>section>a.textarea.docs-sourcelink:focus,html.theme--catppuccin-mocha .is-primary.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-primary:focus,html.theme--catppuccin-mocha .docstring>section>a.input.docs-sourcelink:focus,html.theme--catppuccin-mocha .is-primary.is-focused.textarea,html.theme--catppuccin-mocha .docstring>section>a.is-focused.textarea.docs-sourcelink,html.theme--catppuccin-mocha .is-primary.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .docstring>section>a.is-focused.input.docs-sourcelink,html.theme--catppuccin-mocha .is-primary.textarea:active,html.theme--catppuccin-mocha .docstring>section>a.textarea.docs-sourcelink:active,html.theme--catppuccin-mocha .is-primary.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-primary:active,html.theme--catppuccin-mocha .docstring>section>a.input.docs-sourcelink:active,html.theme--catppuccin-mocha .is-primary.is-active.textarea,html.theme--catppuccin-mocha .docstring>section>a.is-active.textarea.docs-sourcelink,html.theme--catppuccin-mocha .is-primary.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--catppuccin-mocha .docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .is-link.textarea,html.theme--catppuccin-mocha .is-link.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-link{border-color:#89b4fa}html.theme--catppuccin-mocha .is-link.textarea:focus,html.theme--catppuccin-mocha .is-link.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-link:focus,html.theme--catppuccin-mocha .is-link.is-focused.textarea,html.theme--catppuccin-mocha .is-link.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-link.textarea:active,html.theme--catppuccin-mocha .is-link.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-link:active,html.theme--catppuccin-mocha .is-link.is-active.textarea,html.theme--catppuccin-mocha .is-link.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .is-info.textarea,html.theme--catppuccin-mocha .is-info.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-info{border-color:#94e2d5}html.theme--catppuccin-mocha .is-info.textarea:focus,html.theme--catppuccin-mocha .is-info.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-info:focus,html.theme--catppuccin-mocha .is-info.is-focused.textarea,html.theme--catppuccin-mocha .is-info.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-info.textarea:active,html.theme--catppuccin-mocha .is-info.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-info:active,html.theme--catppuccin-mocha .is-info.is-active.textarea,html.theme--catppuccin-mocha .is-info.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(148,226,213,0.25)}html.theme--catppuccin-mocha .is-success.textarea,html.theme--catppuccin-mocha .is-success.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-success{border-color:#a6e3a1}html.theme--catppuccin-mocha .is-success.textarea:focus,html.theme--catppuccin-mocha .is-success.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-success:focus,html.theme--catppuccin-mocha .is-success.is-focused.textarea,html.theme--catppuccin-mocha .is-success.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-success.textarea:active,html.theme--catppuccin-mocha .is-success.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-success:active,html.theme--catppuccin-mocha .is-success.is-active.textarea,html.theme--catppuccin-mocha .is-success.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(166,227,161,0.25)}html.theme--catppuccin-mocha .is-warning.textarea,html.theme--catppuccin-mocha .is-warning.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#f9e2af}html.theme--catppuccin-mocha .is-warning.textarea:focus,html.theme--catppuccin-mocha .is-warning.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-warning:focus,html.theme--catppuccin-mocha .is-warning.is-focused.textarea,html.theme--catppuccin-mocha .is-warning.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-warning.textarea:active,html.theme--catppuccin-mocha .is-warning.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-warning:active,html.theme--catppuccin-mocha .is-warning.is-active.textarea,html.theme--catppuccin-mocha .is-warning.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(249,226,175,0.25)}html.theme--catppuccin-mocha .is-danger.textarea,html.theme--catppuccin-mocha .is-danger.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#f38ba8}html.theme--catppuccin-mocha .is-danger.textarea:focus,html.theme--catppuccin-mocha .is-danger.input:focus,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-danger:focus,html.theme--catppuccin-mocha .is-danger.is-focused.textarea,html.theme--catppuccin-mocha .is-danger.is-focused.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--catppuccin-mocha .is-danger.textarea:active,html.theme--catppuccin-mocha .is-danger.input:active,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-danger:active,html.theme--catppuccin-mocha .is-danger.is-active.textarea,html.theme--catppuccin-mocha .is-danger.is-active.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(243,139,168,0.25)}html.theme--catppuccin-mocha .is-small.textarea,html.theme--catppuccin-mocha .is-small.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{border-radius:3px;font-size:.75rem}html.theme--catppuccin-mocha .is-medium.textarea,html.theme--catppuccin-mocha .is-medium.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .is-large.textarea,html.theme--catppuccin-mocha .is-large.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .is-fullwidth.textarea,html.theme--catppuccin-mocha .is-fullwidth.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}html.theme--catppuccin-mocha .is-inline.textarea,html.theme--catppuccin-mocha .is-inline.input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}html.theme--catppuccin-mocha .input.is-rounded,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}html.theme--catppuccin-mocha .input.is-static,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}html.theme--catppuccin-mocha .textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}html.theme--catppuccin-mocha .textarea:not([rows]){max-height:40em;min-height:8em}html.theme--catppuccin-mocha .textarea[rows]{height:initial}html.theme--catppuccin-mocha .textarea.has-fixed-size{resize:none}html.theme--catppuccin-mocha .radio,html.theme--catppuccin-mocha .checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}html.theme--catppuccin-mocha .radio input,html.theme--catppuccin-mocha .checkbox input{cursor:pointer}html.theme--catppuccin-mocha .radio:hover,html.theme--catppuccin-mocha .checkbox:hover{color:#89dceb}html.theme--catppuccin-mocha .radio[disabled],html.theme--catppuccin-mocha .checkbox[disabled],fieldset[disabled] html.theme--catppuccin-mocha .radio,fieldset[disabled] html.theme--catppuccin-mocha .checkbox,html.theme--catppuccin-mocha .radio input[disabled],html.theme--catppuccin-mocha .checkbox input[disabled]{color:#f7f8fd;cursor:not-allowed}html.theme--catppuccin-mocha .radio+.radio{margin-left:.5em}html.theme--catppuccin-mocha .select{display:inline-block;max-width:100%;position:relative;vertical-align:top}html.theme--catppuccin-mocha .select:not(.is-multiple){height:2.5em}html.theme--catppuccin-mocha .select:not(.is-multiple):not(.is-loading)::after{border-color:#89b4fa;right:1.125em;z-index:4}html.theme--catppuccin-mocha .select.is-rounded select,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}html.theme--catppuccin-mocha .select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}html.theme--catppuccin-mocha .select select::-ms-expand{display:none}html.theme--catppuccin-mocha .select select[disabled]:hover,fieldset[disabled] html.theme--catppuccin-mocha .select select:hover{border-color:#181825}html.theme--catppuccin-mocha .select select:not([multiple]){padding-right:2.5em}html.theme--catppuccin-mocha .select select[multiple]{height:auto;padding:0}html.theme--catppuccin-mocha .select select[multiple] option{padding:0.5em 1em}html.theme--catppuccin-mocha .select:not(.is-multiple):not(.is-loading):hover::after{border-color:#89dceb}html.theme--catppuccin-mocha .select.is-white:not(:hover)::after{border-color:#fff}html.theme--catppuccin-mocha .select.is-white select{border-color:#fff}html.theme--catppuccin-mocha .select.is-white select:hover,html.theme--catppuccin-mocha .select.is-white select.is-hovered{border-color:#f2f2f2}html.theme--catppuccin-mocha .select.is-white select:focus,html.theme--catppuccin-mocha .select.is-white select.is-focused,html.theme--catppuccin-mocha .select.is-white select:active,html.theme--catppuccin-mocha .select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--catppuccin-mocha .select.is-black:not(:hover)::after{border-color:#0a0a0a}html.theme--catppuccin-mocha .select.is-black select{border-color:#0a0a0a}html.theme--catppuccin-mocha .select.is-black select:hover,html.theme--catppuccin-mocha .select.is-black select.is-hovered{border-color:#000}html.theme--catppuccin-mocha .select.is-black select:focus,html.theme--catppuccin-mocha .select.is-black select.is-focused,html.theme--catppuccin-mocha .select.is-black select:active,html.theme--catppuccin-mocha .select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--catppuccin-mocha .select.is-light:not(:hover)::after{border-color:#f5f5f5}html.theme--catppuccin-mocha .select.is-light select{border-color:#f5f5f5}html.theme--catppuccin-mocha .select.is-light select:hover,html.theme--catppuccin-mocha .select.is-light select.is-hovered{border-color:#e8e8e8}html.theme--catppuccin-mocha .select.is-light select:focus,html.theme--catppuccin-mocha .select.is-light select.is-focused,html.theme--catppuccin-mocha .select.is-light select:active,html.theme--catppuccin-mocha .select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}html.theme--catppuccin-mocha .select.is-dark:not(:hover)::after,html.theme--catppuccin-mocha .content kbd.select:not(:hover)::after{border-color:#313244}html.theme--catppuccin-mocha .select.is-dark select,html.theme--catppuccin-mocha .content kbd.select select{border-color:#313244}html.theme--catppuccin-mocha .select.is-dark select:hover,html.theme--catppuccin-mocha .content kbd.select select:hover,html.theme--catppuccin-mocha .select.is-dark select.is-hovered,html.theme--catppuccin-mocha .content kbd.select select.is-hovered{border-color:#262735}html.theme--catppuccin-mocha .select.is-dark select:focus,html.theme--catppuccin-mocha .content kbd.select select:focus,html.theme--catppuccin-mocha .select.is-dark select.is-focused,html.theme--catppuccin-mocha .content kbd.select select.is-focused,html.theme--catppuccin-mocha .select.is-dark select:active,html.theme--catppuccin-mocha .content kbd.select select:active,html.theme--catppuccin-mocha .select.is-dark select.is-active,html.theme--catppuccin-mocha .content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(49,50,68,0.25)}html.theme--catppuccin-mocha .select.is-primary:not(:hover)::after,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#89b4fa}html.theme--catppuccin-mocha .select.is-primary select,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select{border-color:#89b4fa}html.theme--catppuccin-mocha .select.is-primary select:hover,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select:hover,html.theme--catppuccin-mocha .select.is-primary select.is-hovered,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#71a4f9}html.theme--catppuccin-mocha .select.is-primary select:focus,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select:focus,html.theme--catppuccin-mocha .select.is-primary select.is-focused,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select.is-focused,html.theme--catppuccin-mocha .select.is-primary select:active,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select:active,html.theme--catppuccin-mocha .select.is-primary select.is-active,html.theme--catppuccin-mocha .docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .select.is-link:not(:hover)::after{border-color:#89b4fa}html.theme--catppuccin-mocha .select.is-link select{border-color:#89b4fa}html.theme--catppuccin-mocha .select.is-link select:hover,html.theme--catppuccin-mocha .select.is-link select.is-hovered{border-color:#71a4f9}html.theme--catppuccin-mocha .select.is-link select:focus,html.theme--catppuccin-mocha .select.is-link select.is-focused,html.theme--catppuccin-mocha .select.is-link select:active,html.theme--catppuccin-mocha .select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(137,180,250,0.25)}html.theme--catppuccin-mocha .select.is-info:not(:hover)::after{border-color:#94e2d5}html.theme--catppuccin-mocha .select.is-info select{border-color:#94e2d5}html.theme--catppuccin-mocha .select.is-info select:hover,html.theme--catppuccin-mocha .select.is-info select.is-hovered{border-color:#80ddcd}html.theme--catppuccin-mocha .select.is-info select:focus,html.theme--catppuccin-mocha .select.is-info select.is-focused,html.theme--catppuccin-mocha .select.is-info select:active,html.theme--catppuccin-mocha .select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(148,226,213,0.25)}html.theme--catppuccin-mocha .select.is-success:not(:hover)::after{border-color:#a6e3a1}html.theme--catppuccin-mocha .select.is-success select{border-color:#a6e3a1}html.theme--catppuccin-mocha .select.is-success select:hover,html.theme--catppuccin-mocha .select.is-success select.is-hovered{border-color:#93dd8d}html.theme--catppuccin-mocha .select.is-success select:focus,html.theme--catppuccin-mocha .select.is-success select.is-focused,html.theme--catppuccin-mocha .select.is-success select:active,html.theme--catppuccin-mocha .select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(166,227,161,0.25)}html.theme--catppuccin-mocha .select.is-warning:not(:hover)::after{border-color:#f9e2af}html.theme--catppuccin-mocha .select.is-warning select{border-color:#f9e2af}html.theme--catppuccin-mocha .select.is-warning select:hover,html.theme--catppuccin-mocha .select.is-warning select.is-hovered{border-color:#f7d997}html.theme--catppuccin-mocha .select.is-warning select:focus,html.theme--catppuccin-mocha .select.is-warning select.is-focused,html.theme--catppuccin-mocha .select.is-warning select:active,html.theme--catppuccin-mocha .select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(249,226,175,0.25)}html.theme--catppuccin-mocha .select.is-danger:not(:hover)::after{border-color:#f38ba8}html.theme--catppuccin-mocha .select.is-danger select{border-color:#f38ba8}html.theme--catppuccin-mocha .select.is-danger select:hover,html.theme--catppuccin-mocha .select.is-danger select.is-hovered{border-color:#f17497}html.theme--catppuccin-mocha .select.is-danger select:focus,html.theme--catppuccin-mocha .select.is-danger select.is-focused,html.theme--catppuccin-mocha .select.is-danger select:active,html.theme--catppuccin-mocha .select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(243,139,168,0.25)}html.theme--catppuccin-mocha .select.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.select{border-radius:3px;font-size:.75rem}html.theme--catppuccin-mocha .select.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .select.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .select.is-disabled::after{border-color:#f7f8fd !important;opacity:0.5}html.theme--catppuccin-mocha .select.is-fullwidth{width:100%}html.theme--catppuccin-mocha .select.is-fullwidth select{width:100%}html.theme--catppuccin-mocha .select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}html.theme--catppuccin-mocha .select.is-loading.is-small:after,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-mocha .select.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-mocha .select.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-mocha .file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}html.theme--catppuccin-mocha .file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .file.is-white:hover .file-cta,html.theme--catppuccin-mocha .file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .file.is-white:focus .file-cta,html.theme--catppuccin-mocha .file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}html.theme--catppuccin-mocha .file.is-white:active .file-cta,html.theme--catppuccin-mocha .file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--catppuccin-mocha .file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-black:hover .file-cta,html.theme--catppuccin-mocha .file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-black:focus .file-cta,html.theme--catppuccin-mocha .file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}html.theme--catppuccin-mocha .file.is-black:active .file-cta,html.theme--catppuccin-mocha .file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-light .file-cta{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-light:hover .file-cta,html.theme--catppuccin-mocha .file.is-light.is-hovered .file-cta{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-light:focus .file-cta,html.theme--catppuccin-mocha .file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(245,245,245,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-light:active .file-cta,html.theme--catppuccin-mocha .file.is-light.is-active .file-cta{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-dark .file-cta,html.theme--catppuccin-mocha .content kbd.file .file-cta{background-color:#313244;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-dark:hover .file-cta,html.theme--catppuccin-mocha .content kbd.file:hover .file-cta,html.theme--catppuccin-mocha .file.is-dark.is-hovered .file-cta,html.theme--catppuccin-mocha .content kbd.file.is-hovered .file-cta{background-color:#2c2d3d;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-dark:focus .file-cta,html.theme--catppuccin-mocha .content kbd.file:focus .file-cta,html.theme--catppuccin-mocha .file.is-dark.is-focused .file-cta,html.theme--catppuccin-mocha .content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(49,50,68,0.25);color:#fff}html.theme--catppuccin-mocha .file.is-dark:active .file-cta,html.theme--catppuccin-mocha .content kbd.file:active .file-cta,html.theme--catppuccin-mocha .file.is-dark.is-active .file-cta,html.theme--catppuccin-mocha .content kbd.file.is-active .file-cta{background-color:#262735;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-primary .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.docs-sourcelink .file-cta{background-color:#89b4fa;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-primary:hover .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.docs-sourcelink:hover .file-cta,html.theme--catppuccin-mocha .file.is-primary.is-hovered .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#7dacf9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-primary:focus .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.docs-sourcelink:focus .file-cta,html.theme--catppuccin-mocha .file.is-primary.is-focused .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(137,180,250,0.25);color:#fff}html.theme--catppuccin-mocha .file.is-primary:active .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.docs-sourcelink:active .file-cta,html.theme--catppuccin-mocha .file.is-primary.is-active .file-cta,html.theme--catppuccin-mocha .docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#71a4f9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-link .file-cta{background-color:#89b4fa;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-link:hover .file-cta,html.theme--catppuccin-mocha .file.is-link.is-hovered .file-cta{background-color:#7dacf9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-link:focus .file-cta,html.theme--catppuccin-mocha .file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(137,180,250,0.25);color:#fff}html.theme--catppuccin-mocha .file.is-link:active .file-cta,html.theme--catppuccin-mocha .file.is-link.is-active .file-cta{background-color:#71a4f9;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-info .file-cta{background-color:#94e2d5;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-info:hover .file-cta,html.theme--catppuccin-mocha .file.is-info.is-hovered .file-cta{background-color:#8adfd1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-info:focus .file-cta,html.theme--catppuccin-mocha .file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(148,226,213,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-info:active .file-cta,html.theme--catppuccin-mocha .file.is-info.is-active .file-cta{background-color:#80ddcd;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-success .file-cta{background-color:#a6e3a1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-success:hover .file-cta,html.theme--catppuccin-mocha .file.is-success.is-hovered .file-cta{background-color:#9de097;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-success:focus .file-cta,html.theme--catppuccin-mocha .file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(166,227,161,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-success:active .file-cta,html.theme--catppuccin-mocha .file.is-success.is-active .file-cta{background-color:#93dd8d;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-warning .file-cta{background-color:#f9e2af;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-warning:hover .file-cta,html.theme--catppuccin-mocha .file.is-warning.is-hovered .file-cta{background-color:#f8dea3;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-warning:focus .file-cta,html.theme--catppuccin-mocha .file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(249,226,175,0.25);color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-warning:active .file-cta,html.theme--catppuccin-mocha .file.is-warning.is-active .file-cta{background-color:#f7d997;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .file.is-danger .file-cta{background-color:#f38ba8;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-danger:hover .file-cta,html.theme--catppuccin-mocha .file.is-danger.is-hovered .file-cta{background-color:#f27f9f;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-danger:focus .file-cta,html.theme--catppuccin-mocha .file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(243,139,168,0.25);color:#fff}html.theme--catppuccin-mocha .file.is-danger:active .file-cta,html.theme--catppuccin-mocha .file.is-danger.is-active .file-cta{background-color:#f17497;border-color:transparent;color:#fff}html.theme--catppuccin-mocha .file.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}html.theme--catppuccin-mocha .file.is-normal{font-size:1rem}html.theme--catppuccin-mocha .file.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .file.is-medium .file-icon .fa{font-size:21px}html.theme--catppuccin-mocha .file.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .file.is-large .file-icon .fa{font-size:28px}html.theme--catppuccin-mocha .file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-mocha .file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-mocha .file.has-name.is-empty .file-cta{border-radius:.4em}html.theme--catppuccin-mocha .file.has-name.is-empty .file-name{display:none}html.theme--catppuccin-mocha .file.is-boxed .file-label{flex-direction:column}html.theme--catppuccin-mocha .file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}html.theme--catppuccin-mocha .file.is-boxed .file-name{border-width:0 1px 1px}html.theme--catppuccin-mocha .file.is-boxed .file-icon{height:1.5em;width:1.5em}html.theme--catppuccin-mocha .file.is-boxed .file-icon .fa{font-size:21px}html.theme--catppuccin-mocha .file.is-boxed.is-small .file-icon .fa,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}html.theme--catppuccin-mocha .file.is-boxed.is-medium .file-icon .fa{font-size:28px}html.theme--catppuccin-mocha .file.is-boxed.is-large .file-icon .fa{font-size:35px}html.theme--catppuccin-mocha .file.is-boxed.has-name .file-cta{border-radius:.4em .4em 0 0}html.theme--catppuccin-mocha .file.is-boxed.has-name .file-name{border-radius:0 0 .4em .4em;border-width:0 1px 1px}html.theme--catppuccin-mocha .file.is-centered{justify-content:center}html.theme--catppuccin-mocha .file.is-fullwidth .file-label{width:100%}html.theme--catppuccin-mocha .file.is-fullwidth .file-name{flex-grow:1;max-width:none}html.theme--catppuccin-mocha .file.is-right{justify-content:flex-end}html.theme--catppuccin-mocha .file.is-right .file-cta{border-radius:0 .4em .4em 0}html.theme--catppuccin-mocha .file.is-right .file-name{border-radius:.4em 0 0 .4em;border-width:1px 0 1px 1px;order:-1}html.theme--catppuccin-mocha .file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}html.theme--catppuccin-mocha .file-label:hover .file-cta{background-color:#2c2d3d;color:#b8c5ef}html.theme--catppuccin-mocha .file-label:hover .file-name{border-color:#525569}html.theme--catppuccin-mocha .file-label:active .file-cta{background-color:#262735;color:#b8c5ef}html.theme--catppuccin-mocha .file-label:active .file-name{border-color:#4d4f62}html.theme--catppuccin-mocha .file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}html.theme--catppuccin-mocha .file-cta,html.theme--catppuccin-mocha .file-name{border-color:#585b70;border-radius:.4em;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}html.theme--catppuccin-mocha .file-cta{background-color:#313244;color:#cdd6f4}html.theme--catppuccin-mocha .file-name{border-color:#585b70;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}html.theme--catppuccin-mocha .file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}html.theme--catppuccin-mocha .file-icon .fa{font-size:14px}html.theme--catppuccin-mocha .label{color:#b8c5ef;display:block;font-size:1rem;font-weight:700}html.theme--catppuccin-mocha .label:not(:last-child){margin-bottom:0.5em}html.theme--catppuccin-mocha .label.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}html.theme--catppuccin-mocha .label.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .label.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .help{display:block;font-size:.75rem;margin-top:0.25rem}html.theme--catppuccin-mocha .help.is-white{color:#fff}html.theme--catppuccin-mocha .help.is-black{color:#0a0a0a}html.theme--catppuccin-mocha .help.is-light{color:#f5f5f5}html.theme--catppuccin-mocha .help.is-dark,html.theme--catppuccin-mocha .content kbd.help{color:#313244}html.theme--catppuccin-mocha .help.is-primary,html.theme--catppuccin-mocha .docstring>section>a.help.docs-sourcelink{color:#89b4fa}html.theme--catppuccin-mocha .help.is-link{color:#89b4fa}html.theme--catppuccin-mocha .help.is-info{color:#94e2d5}html.theme--catppuccin-mocha .help.is-success{color:#a6e3a1}html.theme--catppuccin-mocha .help.is-warning{color:#f9e2af}html.theme--catppuccin-mocha .help.is-danger{color:#f38ba8}html.theme--catppuccin-mocha .field:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-mocha .field.has-addons{display:flex;justify-content:flex-start}html.theme--catppuccin-mocha .field.has-addons .control:not(:last-child){margin-right:-1px}html.theme--catppuccin-mocha .field.has-addons .control:not(:first-child):not(:last-child) .button,html.theme--catppuccin-mocha .field.has-addons .control:not(:first-child):not(:last-child) .input,html.theme--catppuccin-mocha .field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,html.theme--catppuccin-mocha .field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}html.theme--catppuccin-mocha .field.has-addons .control:first-child:not(:only-child) .button,html.theme--catppuccin-mocha .field.has-addons .control:first-child:not(:only-child) .input,html.theme--catppuccin-mocha .field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-mocha .field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--catppuccin-mocha .field.has-addons .control:last-child:not(:only-child) .button,html.theme--catppuccin-mocha .field.has-addons .control:last-child:not(:only-child) .input,html.theme--catppuccin-mocha .field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,html.theme--catppuccin-mocha .field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--catppuccin-mocha .field.has-addons .control .button:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .button.is-hovered:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .input:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .input.is-hovered:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .select select:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}html.theme--catppuccin-mocha .field.has-addons .control .button:not([disabled]):focus,html.theme--catppuccin-mocha .field.has-addons .control .button.is-focused:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .button:not([disabled]):active,html.theme--catppuccin-mocha .field.has-addons .control .button.is-active:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .input:not([disabled]):focus,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,html.theme--catppuccin-mocha .field.has-addons .control .input.is-focused:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .input:not([disabled]):active,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,html.theme--catppuccin-mocha .field.has-addons .control .input.is-active:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .select select:not([disabled]):focus,html.theme--catppuccin-mocha .field.has-addons .control .select select.is-focused:not([disabled]),html.theme--catppuccin-mocha .field.has-addons .control .select select:not([disabled]):active,html.theme--catppuccin-mocha .field.has-addons .control .select select.is-active:not([disabled]){z-index:3}html.theme--catppuccin-mocha .field.has-addons .control .button:not([disabled]):focus:hover,html.theme--catppuccin-mocha .field.has-addons .control .button.is-focused:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .button:not([disabled]):active:hover,html.theme--catppuccin-mocha .field.has-addons .control .button.is-active:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .input:not([disabled]):focus:hover,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,html.theme--catppuccin-mocha .field.has-addons .control .input.is-focused:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .input:not([disabled]):active:hover,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,html.theme--catppuccin-mocha .field.has-addons .control .input.is-active:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-mocha #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .select select:not([disabled]):focus:hover,html.theme--catppuccin-mocha .field.has-addons .control .select select.is-focused:not([disabled]):hover,html.theme--catppuccin-mocha .field.has-addons .control .select select:not([disabled]):active:hover,html.theme--catppuccin-mocha .field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}html.theme--catppuccin-mocha .field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .field.has-addons.has-addons-centered{justify-content:center}html.theme--catppuccin-mocha .field.has-addons.has-addons-right{justify-content:flex-end}html.theme--catppuccin-mocha .field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}html.theme--catppuccin-mocha .field.is-grouped{display:flex;justify-content:flex-start}html.theme--catppuccin-mocha .field.is-grouped>.control{flex-shrink:0}html.theme--catppuccin-mocha .field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-mocha .field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-centered{justify-content:center}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-right{justify-content:flex-end}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-multiline{flex-wrap:wrap}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-multiline>.control:last-child,html.theme--catppuccin-mocha .field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}html.theme--catppuccin-mocha .field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .field.is-horizontal{display:flex}}html.theme--catppuccin-mocha .field-label .label{font-size:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}html.theme--catppuccin-mocha .field-label.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}html.theme--catppuccin-mocha .field-label.is-normal{padding-top:0.375em}html.theme--catppuccin-mocha .field-label.is-medium{font-size:1.25rem;padding-top:0.375em}html.theme--catppuccin-mocha .field-label.is-large{font-size:1.5rem;padding-top:0.375em}}html.theme--catppuccin-mocha .field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}html.theme--catppuccin-mocha .field-body .field{margin-bottom:0}html.theme--catppuccin-mocha .field-body>.field{flex-shrink:1}html.theme--catppuccin-mocha .field-body>.field:not(.is-narrow){flex-grow:1}html.theme--catppuccin-mocha .field-body>.field:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-mocha .control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}html.theme--catppuccin-mocha .control.has-icons-left .input:focus~.icon,html.theme--catppuccin-mocha .control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,html.theme--catppuccin-mocha .control.has-icons-left .select:focus~.icon,html.theme--catppuccin-mocha .control.has-icons-right .input:focus~.icon,html.theme--catppuccin-mocha .control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,html.theme--catppuccin-mocha .control.has-icons-right .select:focus~.icon{color:#313244}html.theme--catppuccin-mocha .control.has-icons-left .input.is-small~.icon,html.theme--catppuccin-mocha .control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,html.theme--catppuccin-mocha .control.has-icons-left .select.is-small~.icon,html.theme--catppuccin-mocha .control.has-icons-right .input.is-small~.icon,html.theme--catppuccin-mocha .control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,html.theme--catppuccin-mocha .control.has-icons-right .select.is-small~.icon{font-size:.75rem}html.theme--catppuccin-mocha .control.has-icons-left .input.is-medium~.icon,html.theme--catppuccin-mocha .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,html.theme--catppuccin-mocha .control.has-icons-left .select.is-medium~.icon,html.theme--catppuccin-mocha .control.has-icons-right .input.is-medium~.icon,html.theme--catppuccin-mocha .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,html.theme--catppuccin-mocha .control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}html.theme--catppuccin-mocha .control.has-icons-left .input.is-large~.icon,html.theme--catppuccin-mocha .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,html.theme--catppuccin-mocha .control.has-icons-left .select.is-large~.icon,html.theme--catppuccin-mocha .control.has-icons-right .input.is-large~.icon,html.theme--catppuccin-mocha .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,html.theme--catppuccin-mocha .control.has-icons-right .select.is-large~.icon{font-size:1.5rem}html.theme--catppuccin-mocha .control.has-icons-left .icon,html.theme--catppuccin-mocha .control.has-icons-right .icon{color:#585b70;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}html.theme--catppuccin-mocha .control.has-icons-left .input,html.theme--catppuccin-mocha .control.has-icons-left #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-left form.docs-search>input,html.theme--catppuccin-mocha .control.has-icons-left .select select{padding-left:2.5em}html.theme--catppuccin-mocha .control.has-icons-left .icon.is-left{left:0}html.theme--catppuccin-mocha .control.has-icons-right .input,html.theme--catppuccin-mocha .control.has-icons-right #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha #documenter .docs-sidebar .control.has-icons-right form.docs-search>input,html.theme--catppuccin-mocha .control.has-icons-right .select select{padding-right:2.5em}html.theme--catppuccin-mocha .control.has-icons-right .icon.is-right{right:0}html.theme--catppuccin-mocha .control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}html.theme--catppuccin-mocha .control.is-loading.is-small:after,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--catppuccin-mocha .control.is-loading.is-medium:after{font-size:1.25rem}html.theme--catppuccin-mocha .control.is-loading.is-large:after{font-size:1.5rem}html.theme--catppuccin-mocha .breadcrumb{font-size:1rem;white-space:nowrap}html.theme--catppuccin-mocha .breadcrumb a{align-items:center;color:#89b4fa;display:flex;justify-content:center;padding:0 .75em}html.theme--catppuccin-mocha .breadcrumb a:hover{color:#89dceb}html.theme--catppuccin-mocha .breadcrumb li{align-items:center;display:flex}html.theme--catppuccin-mocha .breadcrumb li:first-child a{padding-left:0}html.theme--catppuccin-mocha .breadcrumb li.is-active a{color:#b8c5ef;cursor:default;pointer-events:none}html.theme--catppuccin-mocha .breadcrumb li+li::before{color:#6c7086;content:"\0002f"}html.theme--catppuccin-mocha .breadcrumb ul,html.theme--catppuccin-mocha .breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--catppuccin-mocha .breadcrumb .icon:first-child{margin-right:.5em}html.theme--catppuccin-mocha .breadcrumb .icon:last-child{margin-left:.5em}html.theme--catppuccin-mocha .breadcrumb.is-centered ol,html.theme--catppuccin-mocha .breadcrumb.is-centered ul{justify-content:center}html.theme--catppuccin-mocha .breadcrumb.is-right ol,html.theme--catppuccin-mocha .breadcrumb.is-right ul{justify-content:flex-end}html.theme--catppuccin-mocha .breadcrumb.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}html.theme--catppuccin-mocha .breadcrumb.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .breadcrumb.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .breadcrumb.has-arrow-separator li+li::before{content:"\02192"}html.theme--catppuccin-mocha .breadcrumb.has-bullet-separator li+li::before{content:"\02022"}html.theme--catppuccin-mocha .breadcrumb.has-dot-separator li+li::before{content:"\000b7"}html.theme--catppuccin-mocha .breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}html.theme--catppuccin-mocha .card{background-color:#fff;border-radius:.25rem;box-shadow:#171717;color:#cdd6f4;max-width:100%;position:relative}html.theme--catppuccin-mocha .card-footer:first-child,html.theme--catppuccin-mocha .card-content:first-child,html.theme--catppuccin-mocha .card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-mocha .card-footer:last-child,html.theme--catppuccin-mocha .card-content:last-child,html.theme--catppuccin-mocha .card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-mocha .card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}html.theme--catppuccin-mocha .card-header-title{align-items:center;color:#b8c5ef;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}html.theme--catppuccin-mocha .card-header-title.is-centered{justify-content:center}html.theme--catppuccin-mocha .card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}html.theme--catppuccin-mocha .card-image{display:block;position:relative}html.theme--catppuccin-mocha .card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--catppuccin-mocha .card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--catppuccin-mocha .card-content{background-color:rgba(0,0,0,0);padding:1.5rem}html.theme--catppuccin-mocha .card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}html.theme--catppuccin-mocha .card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}html.theme--catppuccin-mocha .card-footer-item:not(:last-child){border-right:1px solid #ededed}html.theme--catppuccin-mocha .card .media:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-mocha .dropdown{display:inline-flex;position:relative;vertical-align:top}html.theme--catppuccin-mocha .dropdown.is-active .dropdown-menu,html.theme--catppuccin-mocha .dropdown.is-hoverable:hover .dropdown-menu{display:block}html.theme--catppuccin-mocha .dropdown.is-right .dropdown-menu{left:auto;right:0}html.theme--catppuccin-mocha .dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}html.theme--catppuccin-mocha .dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}html.theme--catppuccin-mocha .dropdown-content{background-color:#181825;border-radius:.4em;box-shadow:#171717;padding-bottom:.5rem;padding-top:.5rem}html.theme--catppuccin-mocha .dropdown-item{color:#cdd6f4;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}html.theme--catppuccin-mocha a.dropdown-item,html.theme--catppuccin-mocha button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}html.theme--catppuccin-mocha a.dropdown-item:hover,html.theme--catppuccin-mocha button.dropdown-item:hover{background-color:#181825;color:#0a0a0a}html.theme--catppuccin-mocha a.dropdown-item.is-active,html.theme--catppuccin-mocha button.dropdown-item.is-active{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}html.theme--catppuccin-mocha .level{align-items:center;justify-content:space-between}html.theme--catppuccin-mocha .level code{border-radius:.4em}html.theme--catppuccin-mocha .level img{display:inline-block;vertical-align:top}html.theme--catppuccin-mocha .level.is-mobile{display:flex}html.theme--catppuccin-mocha .level.is-mobile .level-left,html.theme--catppuccin-mocha .level.is-mobile .level-right{display:flex}html.theme--catppuccin-mocha .level.is-mobile .level-left+.level-right{margin-top:0}html.theme--catppuccin-mocha .level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--catppuccin-mocha .level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .level{display:flex}html.theme--catppuccin-mocha .level>.level-item:not(.is-narrow){flex-grow:1}}html.theme--catppuccin-mocha .level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}html.theme--catppuccin-mocha .level-item .title,html.theme--catppuccin-mocha .level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .level-item:not(:last-child){margin-bottom:.75rem}}html.theme--catppuccin-mocha .level-left,html.theme--catppuccin-mocha .level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-mocha .level-left .level-item.is-flexible,html.theme--catppuccin-mocha .level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .level-left .level-item:not(:last-child),html.theme--catppuccin-mocha .level-right .level-item:not(:last-child){margin-right:.75rem}}html.theme--catppuccin-mocha .level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .level-left{display:flex}}html.theme--catppuccin-mocha .level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .level-right{display:flex}}html.theme--catppuccin-mocha .media{align-items:flex-start;display:flex;text-align:inherit}html.theme--catppuccin-mocha .media .content:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-mocha .media .media{border-top:1px solid rgba(88,91,112,0.5);display:flex;padding-top:.75rem}html.theme--catppuccin-mocha .media .media .content:not(:last-child),html.theme--catppuccin-mocha .media .media .control:not(:last-child){margin-bottom:.5rem}html.theme--catppuccin-mocha .media .media .media{padding-top:.5rem}html.theme--catppuccin-mocha .media .media .media+.media{margin-top:.5rem}html.theme--catppuccin-mocha .media+.media{border-top:1px solid rgba(88,91,112,0.5);margin-top:1rem;padding-top:1rem}html.theme--catppuccin-mocha .media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}html.theme--catppuccin-mocha .media-left,html.theme--catppuccin-mocha .media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--catppuccin-mocha .media-left{margin-right:1rem}html.theme--catppuccin-mocha .media-right{margin-left:1rem}html.theme--catppuccin-mocha .media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .media-content{overflow-x:auto}}html.theme--catppuccin-mocha .menu{font-size:1rem}html.theme--catppuccin-mocha .menu.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}html.theme--catppuccin-mocha .menu.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .menu.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .menu-list{line-height:1.25}html.theme--catppuccin-mocha .menu-list a{border-radius:3px;color:#cdd6f4;display:block;padding:0.5em 0.75em}html.theme--catppuccin-mocha .menu-list a:hover{background-color:#181825;color:#b8c5ef}html.theme--catppuccin-mocha .menu-list a.is-active{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .menu-list li ul{border-left:1px solid #585b70;margin:.75em;padding-left:.75em}html.theme--catppuccin-mocha .menu-label{color:#f7f8fd;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}html.theme--catppuccin-mocha .menu-label:not(:first-child){margin-top:1em}html.theme--catppuccin-mocha .menu-label:not(:last-child){margin-bottom:1em}html.theme--catppuccin-mocha .message{background-color:#181825;border-radius:.4em;font-size:1rem}html.theme--catppuccin-mocha .message strong{color:currentColor}html.theme--catppuccin-mocha .message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--catppuccin-mocha .message.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}html.theme--catppuccin-mocha .message.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .message.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .message.is-white{background-color:#fff}html.theme--catppuccin-mocha .message.is-white .message-header{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .message.is-white .message-body{border-color:#fff}html.theme--catppuccin-mocha .message.is-black{background-color:#fafafa}html.theme--catppuccin-mocha .message.is-black .message-header{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .message.is-black .message-body{border-color:#0a0a0a}html.theme--catppuccin-mocha .message.is-light{background-color:#fafafa}html.theme--catppuccin-mocha .message.is-light .message-header{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .message.is-light .message-body{border-color:#f5f5f5}html.theme--catppuccin-mocha .message.is-dark,html.theme--catppuccin-mocha .content kbd.message{background-color:#f9f9fb}html.theme--catppuccin-mocha .message.is-dark .message-header,html.theme--catppuccin-mocha .content kbd.message .message-header{background-color:#313244;color:#fff}html.theme--catppuccin-mocha .message.is-dark .message-body,html.theme--catppuccin-mocha .content kbd.message .message-body{border-color:#313244}html.theme--catppuccin-mocha .message.is-primary,html.theme--catppuccin-mocha .docstring>section>a.message.docs-sourcelink{background-color:#ebf3fe}html.theme--catppuccin-mocha .message.is-primary .message-header,html.theme--catppuccin-mocha .docstring>section>a.message.docs-sourcelink .message-header{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .message.is-primary .message-body,html.theme--catppuccin-mocha .docstring>section>a.message.docs-sourcelink .message-body{border-color:#89b4fa;color:#063c93}html.theme--catppuccin-mocha .message.is-link{background-color:#ebf3fe}html.theme--catppuccin-mocha .message.is-link .message-header{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .message.is-link .message-body{border-color:#89b4fa;color:#063c93}html.theme--catppuccin-mocha .message.is-info{background-color:#effbf9}html.theme--catppuccin-mocha .message.is-info .message-header{background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .message.is-info .message-body{border-color:#94e2d5;color:#207466}html.theme--catppuccin-mocha .message.is-success{background-color:#f0faef}html.theme--catppuccin-mocha .message.is-success .message-header{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .message.is-success .message-body{border-color:#a6e3a1;color:#287222}html.theme--catppuccin-mocha .message.is-warning{background-color:#fef8ec}html.theme--catppuccin-mocha .message.is-warning .message-header{background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .message.is-warning .message-body{border-color:#f9e2af;color:#8a620a}html.theme--catppuccin-mocha .message.is-danger{background-color:#fdedf1}html.theme--catppuccin-mocha .message.is-danger .message-header{background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .message.is-danger .message-body{border-color:#f38ba8;color:#991036}html.theme--catppuccin-mocha .message-header{align-items:center;background-color:#cdd6f4;border-radius:.4em .4em 0 0;color:rgba(0,0,0,0.7);display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}html.theme--catppuccin-mocha .message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}html.theme--catppuccin-mocha .message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}html.theme--catppuccin-mocha .message-body{border-color:#585b70;border-radius:.4em;border-style:solid;border-width:0 0 0 4px;color:#cdd6f4;padding:1.25em 1.5em}html.theme--catppuccin-mocha .message-body code,html.theme--catppuccin-mocha .message-body pre{background-color:#fff}html.theme--catppuccin-mocha .message-body pre code{background-color:rgba(0,0,0,0)}html.theme--catppuccin-mocha .modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}html.theme--catppuccin-mocha .modal.is-active{display:flex}html.theme--catppuccin-mocha .modal-background{background-color:rgba(10,10,10,0.86)}html.theme--catppuccin-mocha .modal-content,html.theme--catppuccin-mocha .modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){html.theme--catppuccin-mocha .modal-content,html.theme--catppuccin-mocha .modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}html.theme--catppuccin-mocha .modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}html.theme--catppuccin-mocha .modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}html.theme--catppuccin-mocha .modal-card-head,html.theme--catppuccin-mocha .modal-card-foot{align-items:center;background-color:#181825;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}html.theme--catppuccin-mocha .modal-card-head{border-bottom:1px solid #585b70;border-top-left-radius:8px;border-top-right-radius:8px}html.theme--catppuccin-mocha .modal-card-title{color:#cdd6f4;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}html.theme--catppuccin-mocha .modal-card-foot{border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid #585b70}html.theme--catppuccin-mocha .modal-card-foot .button:not(:last-child){margin-right:.5em}html.theme--catppuccin-mocha .modal-card-body{-webkit-overflow-scrolling:touch;background-color:#1e1e2e;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}html.theme--catppuccin-mocha .navbar{background-color:#89b4fa;min-height:4rem;position:relative;z-index:30}html.theme--catppuccin-mocha .navbar.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-white .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-white .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-white .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-white .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-white .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-white .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-white .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-mocha .navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}html.theme--catppuccin-mocha .navbar.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-black .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-black .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-black .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-black .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-black .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-black .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-black .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-black .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}html.theme--catppuccin-mocha .navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}html.theme--catppuccin-mocha .navbar.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-light .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-light .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-light .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-light .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-light .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-light .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-light .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-light .navbar-end .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-mocha .navbar.is-dark,html.theme--catppuccin-mocha .content kbd.navbar{background-color:#313244;color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand .navbar-link.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#262735;color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-brand .navbar-link::after,html.theme--catppuccin-mocha .content kbd.navbar .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-burger,html.theme--catppuccin-mocha .content kbd.navbar .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-dark .navbar-start>.navbar-item,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end>.navbar-item,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end .navbar-link.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#262735;color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .content kbd.navbar .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-dark .navbar-end .navbar-link::after,html.theme--catppuccin-mocha .content kbd.navbar .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-mocha .content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#262735;color:#fff}html.theme--catppuccin-mocha .navbar.is-dark .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-mocha .content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#313244;color:#fff}}html.theme--catppuccin-mocha .navbar.is-primary,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand .navbar-link.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-brand .navbar-link::after,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-burger,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-primary .navbar-start>.navbar-item,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end>.navbar-item,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end .navbar-link.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-primary .navbar-end .navbar-link::after,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#89b4fa;color:#fff}}html.theme--catppuccin-mocha .navbar.is-link{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-link .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-link .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-link .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-link .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-link .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-link .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-link .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-link .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-link .navbar-end .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#89b4fa;color:#fff}}html.theme--catppuccin-mocha .navbar.is-info{background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#80ddcd;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-info .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-info .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-info .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-info .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-info .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-info .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-info .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-info .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-info .navbar-end .navbar-link.is-active{background-color:#80ddcd;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-info .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#80ddcd;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#94e2d5;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-mocha .navbar.is-success{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#93dd8d;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-success .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-success .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-success .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-success .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-success .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-success .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-success .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-success .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-success .navbar-end .navbar-link.is-active{background-color:#93dd8d;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-success .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#93dd8d;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-mocha .navbar.is-warning{background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#f7d997;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-warning .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#f7d997;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-warning .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f7d997;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#f9e2af;color:rgba(0,0,0,0.7)}}html.theme--catppuccin-mocha .navbar.is-danger{background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand>.navbar-item,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#f17497;color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar.is-danger .navbar-start>.navbar-item,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start .navbar-link,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end>.navbar-item,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end .navbar-link{color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-start>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-start .navbar-link.is-active,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end>a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end>a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end>a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#f17497;color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-start .navbar-link::after,html.theme--catppuccin-mocha .navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f17497;color:#fff}html.theme--catppuccin-mocha .navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#f38ba8;color:#fff}}html.theme--catppuccin-mocha .navbar>.container{align-items:stretch;display:flex;min-height:4rem;width:100%}html.theme--catppuccin-mocha .navbar.has-shadow{box-shadow:0 2px 0 0 #181825}html.theme--catppuccin-mocha .navbar.is-fixed-bottom,html.theme--catppuccin-mocha .navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-mocha .navbar.is-fixed-bottom{bottom:0}html.theme--catppuccin-mocha .navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #181825}html.theme--catppuccin-mocha .navbar.is-fixed-top{top:0}html.theme--catppuccin-mocha html.has-navbar-fixed-top,html.theme--catppuccin-mocha body.has-navbar-fixed-top{padding-top:4rem}html.theme--catppuccin-mocha html.has-navbar-fixed-bottom,html.theme--catppuccin-mocha body.has-navbar-fixed-bottom{padding-bottom:4rem}html.theme--catppuccin-mocha .navbar-brand,html.theme--catppuccin-mocha .navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:4rem}html.theme--catppuccin-mocha .navbar-brand a.navbar-item:focus,html.theme--catppuccin-mocha .navbar-brand a.navbar-item:hover{background-color:transparent}html.theme--catppuccin-mocha .navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}html.theme--catppuccin-mocha .navbar-burger{color:#cdd6f4;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:4rem;position:relative;width:4rem;margin-left:auto}html.theme--catppuccin-mocha .navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}html.theme--catppuccin-mocha .navbar-burger span:nth-child(1){top:calc(50% - 6px)}html.theme--catppuccin-mocha .navbar-burger span:nth-child(2){top:calc(50% - 1px)}html.theme--catppuccin-mocha .navbar-burger span:nth-child(3){top:calc(50% + 4px)}html.theme--catppuccin-mocha .navbar-burger:hover{background-color:rgba(0,0,0,0.05)}html.theme--catppuccin-mocha .navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}html.theme--catppuccin-mocha .navbar-burger.is-active span:nth-child(2){opacity:0}html.theme--catppuccin-mocha .navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}html.theme--catppuccin-mocha .navbar-menu{display:none}html.theme--catppuccin-mocha .navbar-item,html.theme--catppuccin-mocha .navbar-link{color:#cdd6f4;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}html.theme--catppuccin-mocha .navbar-item .icon:only-child,html.theme--catppuccin-mocha .navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}html.theme--catppuccin-mocha a.navbar-item,html.theme--catppuccin-mocha .navbar-link{cursor:pointer}html.theme--catppuccin-mocha a.navbar-item:focus,html.theme--catppuccin-mocha a.navbar-item:focus-within,html.theme--catppuccin-mocha a.navbar-item:hover,html.theme--catppuccin-mocha a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar-link:focus,html.theme--catppuccin-mocha .navbar-link:focus-within,html.theme--catppuccin-mocha .navbar-link:hover,html.theme--catppuccin-mocha .navbar-link.is-active{background-color:rgba(0,0,0,0);color:#89b4fa}html.theme--catppuccin-mocha .navbar-item{flex-grow:0;flex-shrink:0}html.theme--catppuccin-mocha .navbar-item img{max-height:1.75rem}html.theme--catppuccin-mocha .navbar-item.has-dropdown{padding:0}html.theme--catppuccin-mocha .navbar-item.is-expanded{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .navbar-item.is-tab{border-bottom:1px solid transparent;min-height:4rem;padding-bottom:calc(0.5rem - 1px)}html.theme--catppuccin-mocha .navbar-item.is-tab:focus,html.theme--catppuccin-mocha .navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#89b4fa}html.theme--catppuccin-mocha .navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#89b4fa;border-bottom-style:solid;border-bottom-width:3px;color:#89b4fa;padding-bottom:calc(0.5rem - 3px)}html.theme--catppuccin-mocha .navbar-content{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .navbar-link:not(.is-arrowless){padding-right:2.5em}html.theme--catppuccin-mocha .navbar-link:not(.is-arrowless)::after{border-color:#fff;margin-top:-0.375em;right:1.125em}html.theme--catppuccin-mocha .navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}html.theme--catppuccin-mocha .navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}html.theme--catppuccin-mocha .navbar-divider{background-color:rgba(0,0,0,0.2);border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .navbar>.container{display:block}html.theme--catppuccin-mocha .navbar-brand .navbar-item,html.theme--catppuccin-mocha .navbar-tabs .navbar-item{align-items:center;display:flex}html.theme--catppuccin-mocha .navbar-link::after{display:none}html.theme--catppuccin-mocha .navbar-menu{background-color:#89b4fa;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}html.theme--catppuccin-mocha .navbar-menu.is-active{display:block}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-touch,html.theme--catppuccin-mocha .navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-touch{bottom:0}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .navbar.is-fixed-top-touch{top:0}html.theme--catppuccin-mocha .navbar.is-fixed-top .navbar-menu,html.theme--catppuccin-mocha .navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 4rem);overflow:auto}html.theme--catppuccin-mocha html.has-navbar-fixed-top-touch,html.theme--catppuccin-mocha body.has-navbar-fixed-top-touch{padding-top:4rem}html.theme--catppuccin-mocha html.has-navbar-fixed-bottom-touch,html.theme--catppuccin-mocha body.has-navbar-fixed-bottom-touch{padding-bottom:4rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .navbar,html.theme--catppuccin-mocha .navbar-menu,html.theme--catppuccin-mocha .navbar-start,html.theme--catppuccin-mocha .navbar-end{align-items:stretch;display:flex}html.theme--catppuccin-mocha .navbar{min-height:4rem}html.theme--catppuccin-mocha .navbar.is-spaced{padding:1rem 2rem}html.theme--catppuccin-mocha .navbar.is-spaced .navbar-start,html.theme--catppuccin-mocha .navbar.is-spaced .navbar-end{align-items:center}html.theme--catppuccin-mocha .navbar.is-spaced a.navbar-item,html.theme--catppuccin-mocha .navbar.is-spaced .navbar-link{border-radius:.4em}html.theme--catppuccin-mocha .navbar.is-transparent a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-transparent a.navbar-item:hover,html.theme--catppuccin-mocha .navbar.is-transparent a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-link:focus,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-link:hover,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}html.theme--catppuccin-mocha .navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}html.theme--catppuccin-mocha .navbar.is-transparent .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-mocha .navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#7f849c}html.theme--catppuccin-mocha .navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#89b4fa}html.theme--catppuccin-mocha .navbar-burger{display:none}html.theme--catppuccin-mocha .navbar-item,html.theme--catppuccin-mocha .navbar-link{align-items:center;display:flex}html.theme--catppuccin-mocha .navbar-item.has-dropdown{align-items:stretch}html.theme--catppuccin-mocha .navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}html.theme--catppuccin-mocha .navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:1px solid rgba(0,0,0,0.2);border-radius:8px 8px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}html.theme--catppuccin-mocha .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced html.theme--catppuccin-mocha .navbar-item.is-active .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--catppuccin-mocha .navbar-item.is-hoverable:hover .navbar-dropdown,html.theme--catppuccin-mocha .navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}html.theme--catppuccin-mocha .navbar-menu{flex-grow:1;flex-shrink:0}html.theme--catppuccin-mocha .navbar-start{justify-content:flex-start;margin-right:auto}html.theme--catppuccin-mocha .navbar-end{justify-content:flex-end;margin-left:auto}html.theme--catppuccin-mocha .navbar-dropdown{background-color:#89b4fa;border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid rgba(0,0,0,0.2);box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}html.theme--catppuccin-mocha .navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}html.theme--catppuccin-mocha .navbar-dropdown a.navbar-item{padding-right:3rem}html.theme--catppuccin-mocha .navbar-dropdown a.navbar-item:focus,html.theme--catppuccin-mocha .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#7f849c}html.theme--catppuccin-mocha .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#89b4fa}.navbar.is-spaced html.theme--catppuccin-mocha .navbar-dropdown,html.theme--catppuccin-mocha .navbar-dropdown.is-boxed{border-radius:8px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}html.theme--catppuccin-mocha .navbar-dropdown.is-right{left:auto;right:0}html.theme--catppuccin-mocha .navbar-divider{display:block}html.theme--catppuccin-mocha .navbar>.container .navbar-brand,html.theme--catppuccin-mocha .container>.navbar .navbar-brand{margin-left:-.75rem}html.theme--catppuccin-mocha .navbar>.container .navbar-menu,html.theme--catppuccin-mocha .container>.navbar .navbar-menu{margin-right:-.75rem}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-desktop,html.theme--catppuccin-mocha .navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-desktop{bottom:0}html.theme--catppuccin-mocha .navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .navbar.is-fixed-top-desktop{top:0}html.theme--catppuccin-mocha html.has-navbar-fixed-top-desktop,html.theme--catppuccin-mocha body.has-navbar-fixed-top-desktop{padding-top:4rem}html.theme--catppuccin-mocha html.has-navbar-fixed-bottom-desktop,html.theme--catppuccin-mocha body.has-navbar-fixed-bottom-desktop{padding-bottom:4rem}html.theme--catppuccin-mocha html.has-spaced-navbar-fixed-top,html.theme--catppuccin-mocha body.has-spaced-navbar-fixed-top{padding-top:6rem}html.theme--catppuccin-mocha html.has-spaced-navbar-fixed-bottom,html.theme--catppuccin-mocha body.has-spaced-navbar-fixed-bottom{padding-bottom:6rem}html.theme--catppuccin-mocha a.navbar-item.is-active,html.theme--catppuccin-mocha .navbar-link.is-active{color:#89b4fa}html.theme--catppuccin-mocha a.navbar-item.is-active:not(:focus):not(:hover),html.theme--catppuccin-mocha .navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}html.theme--catppuccin-mocha .navbar-item.has-dropdown:focus .navbar-link,html.theme--catppuccin-mocha .navbar-item.has-dropdown:hover .navbar-link,html.theme--catppuccin-mocha .navbar-item.has-dropdown.is-active .navbar-link{background-color:rgba(0,0,0,0)}}html.theme--catppuccin-mocha .hero.is-fullheight-with-navbar{min-height:calc(100vh - 4rem)}html.theme--catppuccin-mocha .pagination{font-size:1rem;margin:-.25rem}html.theme--catppuccin-mocha .pagination.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}html.theme--catppuccin-mocha .pagination.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .pagination.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .pagination.is-rounded .pagination-previous,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,html.theme--catppuccin-mocha .pagination.is-rounded .pagination-next,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}html.theme--catppuccin-mocha .pagination.is-rounded .pagination-link,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}html.theme--catppuccin-mocha .pagination,html.theme--catppuccin-mocha .pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha .pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-link{border-color:#585b70;color:#89b4fa;min-width:2.5em}html.theme--catppuccin-mocha .pagination-previous:hover,html.theme--catppuccin-mocha .pagination-next:hover,html.theme--catppuccin-mocha .pagination-link:hover{border-color:#6c7086;color:#89dceb}html.theme--catppuccin-mocha .pagination-previous:focus,html.theme--catppuccin-mocha .pagination-next:focus,html.theme--catppuccin-mocha .pagination-link:focus{border-color:#6c7086}html.theme--catppuccin-mocha .pagination-previous:active,html.theme--catppuccin-mocha .pagination-next:active,html.theme--catppuccin-mocha .pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}html.theme--catppuccin-mocha .pagination-previous[disabled],html.theme--catppuccin-mocha .pagination-previous.is-disabled,html.theme--catppuccin-mocha .pagination-next[disabled],html.theme--catppuccin-mocha .pagination-next.is-disabled,html.theme--catppuccin-mocha .pagination-link[disabled],html.theme--catppuccin-mocha .pagination-link.is-disabled{background-color:#585b70;border-color:#585b70;box-shadow:none;color:#f7f8fd;opacity:0.5}html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}html.theme--catppuccin-mocha .pagination-link.is-current{background-color:#89b4fa;border-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .pagination-ellipsis{color:#6c7086;pointer-events:none}html.theme--catppuccin-mocha .pagination-list{flex-wrap:wrap}html.theme--catppuccin-mocha .pagination-list li{list-style:none}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .pagination{flex-wrap:wrap}html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha .pagination-ellipsis{margin-bottom:0;margin-top:0}html.theme--catppuccin-mocha .pagination-previous{order:2}html.theme--catppuccin-mocha .pagination-next{order:3}html.theme--catppuccin-mocha .pagination{justify-content:space-between;margin-bottom:0;margin-top:0}html.theme--catppuccin-mocha .pagination.is-centered .pagination-previous{order:1}html.theme--catppuccin-mocha .pagination.is-centered .pagination-list{justify-content:center;order:2}html.theme--catppuccin-mocha .pagination.is-centered .pagination-next{order:3}html.theme--catppuccin-mocha .pagination.is-right .pagination-previous{order:1}html.theme--catppuccin-mocha .pagination.is-right .pagination-next{order:2}html.theme--catppuccin-mocha .pagination.is-right .pagination-list{justify-content:flex-end;order:3}}html.theme--catppuccin-mocha .panel{border-radius:8px;box-shadow:#171717;font-size:1rem}html.theme--catppuccin-mocha .panel:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-mocha .panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}html.theme--catppuccin-mocha .panel.is-white .panel-block.is-active .panel-icon{color:#fff}html.theme--catppuccin-mocha .panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}html.theme--catppuccin-mocha .panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}html.theme--catppuccin-mocha .panel.is-light .panel-heading{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .panel.is-light .panel-tabs a.is-active{border-bottom-color:#f5f5f5}html.theme--catppuccin-mocha .panel.is-light .panel-block.is-active .panel-icon{color:#f5f5f5}html.theme--catppuccin-mocha .panel.is-dark .panel-heading,html.theme--catppuccin-mocha .content kbd.panel .panel-heading{background-color:#313244;color:#fff}html.theme--catppuccin-mocha .panel.is-dark .panel-tabs a.is-active,html.theme--catppuccin-mocha .content kbd.panel .panel-tabs a.is-active{border-bottom-color:#313244}html.theme--catppuccin-mocha .panel.is-dark .panel-block.is-active .panel-icon,html.theme--catppuccin-mocha .content kbd.panel .panel-block.is-active .panel-icon{color:#313244}html.theme--catppuccin-mocha .panel.is-primary .panel-heading,html.theme--catppuccin-mocha .docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .panel.is-primary .panel-tabs a.is-active,html.theme--catppuccin-mocha .docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#89b4fa}html.theme--catppuccin-mocha .panel.is-primary .panel-block.is-active .panel-icon,html.theme--catppuccin-mocha .docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#89b4fa}html.theme--catppuccin-mocha .panel.is-link .panel-heading{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .panel.is-link .panel-tabs a.is-active{border-bottom-color:#89b4fa}html.theme--catppuccin-mocha .panel.is-link .panel-block.is-active .panel-icon{color:#89b4fa}html.theme--catppuccin-mocha .panel.is-info .panel-heading{background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .panel.is-info .panel-tabs a.is-active{border-bottom-color:#94e2d5}html.theme--catppuccin-mocha .panel.is-info .panel-block.is-active .panel-icon{color:#94e2d5}html.theme--catppuccin-mocha .panel.is-success .panel-heading{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .panel.is-success .panel-tabs a.is-active{border-bottom-color:#a6e3a1}html.theme--catppuccin-mocha .panel.is-success .panel-block.is-active .panel-icon{color:#a6e3a1}html.theme--catppuccin-mocha .panel.is-warning .panel-heading{background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .panel.is-warning .panel-tabs a.is-active{border-bottom-color:#f9e2af}html.theme--catppuccin-mocha .panel.is-warning .panel-block.is-active .panel-icon{color:#f9e2af}html.theme--catppuccin-mocha .panel.is-danger .panel-heading{background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .panel.is-danger .panel-tabs a.is-active{border-bottom-color:#f38ba8}html.theme--catppuccin-mocha .panel.is-danger .panel-block.is-active .panel-icon{color:#f38ba8}html.theme--catppuccin-mocha .panel-tabs:not(:last-child),html.theme--catppuccin-mocha .panel-block:not(:last-child){border-bottom:1px solid #ededed}html.theme--catppuccin-mocha .panel-heading{background-color:#45475a;border-radius:8px 8px 0 0;color:#b8c5ef;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}html.theme--catppuccin-mocha .panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}html.theme--catppuccin-mocha .panel-tabs a{border-bottom:1px solid #585b70;margin-bottom:-1px;padding:0.5em}html.theme--catppuccin-mocha .panel-tabs a.is-active{border-bottom-color:#45475a;color:#71a4f9}html.theme--catppuccin-mocha .panel-list a{color:#cdd6f4}html.theme--catppuccin-mocha .panel-list a:hover{color:#89b4fa}html.theme--catppuccin-mocha .panel-block{align-items:center;color:#b8c5ef;display:flex;justify-content:flex-start;padding:0.5em 0.75em}html.theme--catppuccin-mocha .panel-block input[type="checkbox"]{margin-right:.75em}html.theme--catppuccin-mocha .panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}html.theme--catppuccin-mocha .panel-block.is-wrapped{flex-wrap:wrap}html.theme--catppuccin-mocha .panel-block.is-active{border-left-color:#89b4fa;color:#71a4f9}html.theme--catppuccin-mocha .panel-block.is-active .panel-icon{color:#89b4fa}html.theme--catppuccin-mocha .panel-block:last-child{border-bottom-left-radius:8px;border-bottom-right-radius:8px}html.theme--catppuccin-mocha a.panel-block,html.theme--catppuccin-mocha label.panel-block{cursor:pointer}html.theme--catppuccin-mocha a.panel-block:hover,html.theme--catppuccin-mocha label.panel-block:hover{background-color:#181825}html.theme--catppuccin-mocha .panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#f7f8fd;margin-right:.75em}html.theme--catppuccin-mocha .panel-icon .fa{font-size:inherit;line-height:inherit}html.theme--catppuccin-mocha .tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}html.theme--catppuccin-mocha .tabs a{align-items:center;border-bottom-color:#585b70;border-bottom-style:solid;border-bottom-width:1px;color:#cdd6f4;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}html.theme--catppuccin-mocha .tabs a:hover{border-bottom-color:#b8c5ef;color:#b8c5ef}html.theme--catppuccin-mocha .tabs li{display:block}html.theme--catppuccin-mocha .tabs li.is-active a{border-bottom-color:#89b4fa;color:#89b4fa}html.theme--catppuccin-mocha .tabs ul{align-items:center;border-bottom-color:#585b70;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}html.theme--catppuccin-mocha .tabs ul.is-left{padding-right:0.75em}html.theme--catppuccin-mocha .tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}html.theme--catppuccin-mocha .tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}html.theme--catppuccin-mocha .tabs .icon:first-child{margin-right:.5em}html.theme--catppuccin-mocha .tabs .icon:last-child{margin-left:.5em}html.theme--catppuccin-mocha .tabs.is-centered ul{justify-content:center}html.theme--catppuccin-mocha .tabs.is-right ul{justify-content:flex-end}html.theme--catppuccin-mocha .tabs.is-boxed a{border:1px solid transparent;border-radius:.4em .4em 0 0}html.theme--catppuccin-mocha .tabs.is-boxed a:hover{background-color:#181825;border-bottom-color:#585b70}html.theme--catppuccin-mocha .tabs.is-boxed li.is-active a{background-color:#fff;border-color:#585b70;border-bottom-color:rgba(0,0,0,0) !important}html.theme--catppuccin-mocha .tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}html.theme--catppuccin-mocha .tabs.is-toggle a{border-color:#585b70;border-style:solid;border-width:1px;margin-bottom:0;position:relative}html.theme--catppuccin-mocha .tabs.is-toggle a:hover{background-color:#181825;border-color:#6c7086;z-index:2}html.theme--catppuccin-mocha .tabs.is-toggle li+li{margin-left:-1px}html.theme--catppuccin-mocha .tabs.is-toggle li:first-child a{border-top-left-radius:.4em;border-bottom-left-radius:.4em}html.theme--catppuccin-mocha .tabs.is-toggle li:last-child a{border-top-right-radius:.4em;border-bottom-right-radius:.4em}html.theme--catppuccin-mocha .tabs.is-toggle li.is-active a{background-color:#89b4fa;border-color:#89b4fa;color:#fff;z-index:1}html.theme--catppuccin-mocha .tabs.is-toggle ul{border-bottom:none}html.theme--catppuccin-mocha .tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}html.theme--catppuccin-mocha .tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}html.theme--catppuccin-mocha .tabs.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}html.theme--catppuccin-mocha .tabs.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .tabs.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-narrow{flex:none;width:unset}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-full{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-half{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-half{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-0{flex:none;width:0%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-0{margin-left:0%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-3{flex:none;width:25%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-3{margin-left:25%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-6{flex:none;width:50%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-6{margin-left:50%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-9{flex:none;width:75%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-9{margin-left:75%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-12{flex:none;width:100%}.columns.is-mobile>html.theme--catppuccin-mocha .column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .column.is-narrow-mobile{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full-mobile{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters-mobile{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds-mobile{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half-mobile{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third-mobile{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter-mobile{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth-mobile{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths-mobile{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths-mobile{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths-mobile{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters-mobile{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds-mobile{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half-mobile{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third-mobile{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter-mobile{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth-mobile{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths-mobile{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths-mobile{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths-mobile{margin-left:80%}html.theme--catppuccin-mocha .column.is-0-mobile{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0-mobile{margin-left:0%}html.theme--catppuccin-mocha .column.is-1-mobile{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1-mobile{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2-mobile{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2-mobile{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3-mobile{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3-mobile{margin-left:25%}html.theme--catppuccin-mocha .column.is-4-mobile{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4-mobile{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5-mobile{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5-mobile{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6-mobile{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6-mobile{margin-left:50%}html.theme--catppuccin-mocha .column.is-7-mobile{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7-mobile{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8-mobile{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8-mobile{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9-mobile{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9-mobile{margin-left:75%}html.theme--catppuccin-mocha .column.is-10-mobile{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10-mobile{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11-mobile{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11-mobile{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12-mobile{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .column.is-narrow,html.theme--catppuccin-mocha .column.is-narrow-tablet{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full,html.theme--catppuccin-mocha .column.is-full-tablet{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters,html.theme--catppuccin-mocha .column.is-three-quarters-tablet{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds,html.theme--catppuccin-mocha .column.is-two-thirds-tablet{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half,html.theme--catppuccin-mocha .column.is-half-tablet{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third,html.theme--catppuccin-mocha .column.is-one-third-tablet{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter,html.theme--catppuccin-mocha .column.is-one-quarter-tablet{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth,html.theme--catppuccin-mocha .column.is-one-fifth-tablet{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths,html.theme--catppuccin-mocha .column.is-two-fifths-tablet{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths,html.theme--catppuccin-mocha .column.is-three-fifths-tablet{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths,html.theme--catppuccin-mocha .column.is-four-fifths-tablet{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters,html.theme--catppuccin-mocha .column.is-offset-three-quarters-tablet{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds,html.theme--catppuccin-mocha .column.is-offset-two-thirds-tablet{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half,html.theme--catppuccin-mocha .column.is-offset-half-tablet{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third,html.theme--catppuccin-mocha .column.is-offset-one-third-tablet{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter,html.theme--catppuccin-mocha .column.is-offset-one-quarter-tablet{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth,html.theme--catppuccin-mocha .column.is-offset-one-fifth-tablet{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths,html.theme--catppuccin-mocha .column.is-offset-two-fifths-tablet{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths,html.theme--catppuccin-mocha .column.is-offset-three-fifths-tablet{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths,html.theme--catppuccin-mocha .column.is-offset-four-fifths-tablet{margin-left:80%}html.theme--catppuccin-mocha .column.is-0,html.theme--catppuccin-mocha .column.is-0-tablet{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0,html.theme--catppuccin-mocha .column.is-offset-0-tablet{margin-left:0%}html.theme--catppuccin-mocha .column.is-1,html.theme--catppuccin-mocha .column.is-1-tablet{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1,html.theme--catppuccin-mocha .column.is-offset-1-tablet{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2,html.theme--catppuccin-mocha .column.is-2-tablet{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2,html.theme--catppuccin-mocha .column.is-offset-2-tablet{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3,html.theme--catppuccin-mocha .column.is-3-tablet{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3,html.theme--catppuccin-mocha .column.is-offset-3-tablet{margin-left:25%}html.theme--catppuccin-mocha .column.is-4,html.theme--catppuccin-mocha .column.is-4-tablet{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4,html.theme--catppuccin-mocha .column.is-offset-4-tablet{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5,html.theme--catppuccin-mocha .column.is-5-tablet{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5,html.theme--catppuccin-mocha .column.is-offset-5-tablet{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6,html.theme--catppuccin-mocha .column.is-6-tablet{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6,html.theme--catppuccin-mocha .column.is-offset-6-tablet{margin-left:50%}html.theme--catppuccin-mocha .column.is-7,html.theme--catppuccin-mocha .column.is-7-tablet{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7,html.theme--catppuccin-mocha .column.is-offset-7-tablet{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8,html.theme--catppuccin-mocha .column.is-8-tablet{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8,html.theme--catppuccin-mocha .column.is-offset-8-tablet{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9,html.theme--catppuccin-mocha .column.is-9-tablet{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9,html.theme--catppuccin-mocha .column.is-offset-9-tablet{margin-left:75%}html.theme--catppuccin-mocha .column.is-10,html.theme--catppuccin-mocha .column.is-10-tablet{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10,html.theme--catppuccin-mocha .column.is-offset-10-tablet{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11,html.theme--catppuccin-mocha .column.is-11-tablet{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11,html.theme--catppuccin-mocha .column.is-offset-11-tablet{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12,html.theme--catppuccin-mocha .column.is-12-tablet{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12,html.theme--catppuccin-mocha .column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .column.is-narrow-touch{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full-touch{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters-touch{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds-touch{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half-touch{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third-touch{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter-touch{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth-touch{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths-touch{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths-touch{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths-touch{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters-touch{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds-touch{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half-touch{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third-touch{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter-touch{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth-touch{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths-touch{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths-touch{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths-touch{margin-left:80%}html.theme--catppuccin-mocha .column.is-0-touch{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0-touch{margin-left:0%}html.theme--catppuccin-mocha .column.is-1-touch{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1-touch{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2-touch{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2-touch{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3-touch{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3-touch{margin-left:25%}html.theme--catppuccin-mocha .column.is-4-touch{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4-touch{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5-touch{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5-touch{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6-touch{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6-touch{margin-left:50%}html.theme--catppuccin-mocha .column.is-7-touch{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7-touch{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8-touch{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8-touch{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9-touch{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9-touch{margin-left:75%}html.theme--catppuccin-mocha .column.is-10-touch{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10-touch{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11-touch{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11-touch{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12-touch{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .column.is-narrow-desktop{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full-desktop{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters-desktop{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds-desktop{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half-desktop{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third-desktop{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter-desktop{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth-desktop{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths-desktop{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths-desktop{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths-desktop{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters-desktop{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds-desktop{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half-desktop{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third-desktop{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter-desktop{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth-desktop{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths-desktop{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths-desktop{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths-desktop{margin-left:80%}html.theme--catppuccin-mocha .column.is-0-desktop{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0-desktop{margin-left:0%}html.theme--catppuccin-mocha .column.is-1-desktop{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1-desktop{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2-desktop{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2-desktop{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3-desktop{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3-desktop{margin-left:25%}html.theme--catppuccin-mocha .column.is-4-desktop{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4-desktop{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5-desktop{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5-desktop{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6-desktop{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6-desktop{margin-left:50%}html.theme--catppuccin-mocha .column.is-7-desktop{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7-desktop{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8-desktop{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8-desktop{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9-desktop{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9-desktop{margin-left:75%}html.theme--catppuccin-mocha .column.is-10-desktop{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10-desktop{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11-desktop{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11-desktop{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12-desktop{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .column.is-narrow-widescreen{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full-widescreen{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters-widescreen{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds-widescreen{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half-widescreen{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third-widescreen{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter-widescreen{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth-widescreen{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths-widescreen{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths-widescreen{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths-widescreen{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters-widescreen{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds-widescreen{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half-widescreen{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third-widescreen{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter-widescreen{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth-widescreen{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths-widescreen{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths-widescreen{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths-widescreen{margin-left:80%}html.theme--catppuccin-mocha .column.is-0-widescreen{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0-widescreen{margin-left:0%}html.theme--catppuccin-mocha .column.is-1-widescreen{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1-widescreen{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2-widescreen{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2-widescreen{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3-widescreen{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3-widescreen{margin-left:25%}html.theme--catppuccin-mocha .column.is-4-widescreen{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4-widescreen{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5-widescreen{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5-widescreen{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6-widescreen{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6-widescreen{margin-left:50%}html.theme--catppuccin-mocha .column.is-7-widescreen{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7-widescreen{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8-widescreen{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8-widescreen{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9-widescreen{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9-widescreen{margin-left:75%}html.theme--catppuccin-mocha .column.is-10-widescreen{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10-widescreen{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11-widescreen{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11-widescreen{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12-widescreen{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .column.is-narrow-fullhd{flex:none;width:unset}html.theme--catppuccin-mocha .column.is-full-fullhd{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-three-quarters-fullhd{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-two-thirds-fullhd{flex:none;width:66.6666%}html.theme--catppuccin-mocha .column.is-half-fullhd{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-one-third-fullhd{flex:none;width:33.3333%}html.theme--catppuccin-mocha .column.is-one-quarter-fullhd{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-one-fifth-fullhd{flex:none;width:20%}html.theme--catppuccin-mocha .column.is-two-fifths-fullhd{flex:none;width:40%}html.theme--catppuccin-mocha .column.is-three-fifths-fullhd{flex:none;width:60%}html.theme--catppuccin-mocha .column.is-four-fifths-fullhd{flex:none;width:80%}html.theme--catppuccin-mocha .column.is-offset-three-quarters-fullhd{margin-left:75%}html.theme--catppuccin-mocha .column.is-offset-two-thirds-fullhd{margin-left:66.6666%}html.theme--catppuccin-mocha .column.is-offset-half-fullhd{margin-left:50%}html.theme--catppuccin-mocha .column.is-offset-one-third-fullhd{margin-left:33.3333%}html.theme--catppuccin-mocha .column.is-offset-one-quarter-fullhd{margin-left:25%}html.theme--catppuccin-mocha .column.is-offset-one-fifth-fullhd{margin-left:20%}html.theme--catppuccin-mocha .column.is-offset-two-fifths-fullhd{margin-left:40%}html.theme--catppuccin-mocha .column.is-offset-three-fifths-fullhd{margin-left:60%}html.theme--catppuccin-mocha .column.is-offset-four-fifths-fullhd{margin-left:80%}html.theme--catppuccin-mocha .column.is-0-fullhd{flex:none;width:0%}html.theme--catppuccin-mocha .column.is-offset-0-fullhd{margin-left:0%}html.theme--catppuccin-mocha .column.is-1-fullhd{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .column.is-offset-1-fullhd{margin-left:8.33333337%}html.theme--catppuccin-mocha .column.is-2-fullhd{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .column.is-offset-2-fullhd{margin-left:16.66666674%}html.theme--catppuccin-mocha .column.is-3-fullhd{flex:none;width:25%}html.theme--catppuccin-mocha .column.is-offset-3-fullhd{margin-left:25%}html.theme--catppuccin-mocha .column.is-4-fullhd{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .column.is-offset-4-fullhd{margin-left:33.33333337%}html.theme--catppuccin-mocha .column.is-5-fullhd{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .column.is-offset-5-fullhd{margin-left:41.66666674%}html.theme--catppuccin-mocha .column.is-6-fullhd{flex:none;width:50%}html.theme--catppuccin-mocha .column.is-offset-6-fullhd{margin-left:50%}html.theme--catppuccin-mocha .column.is-7-fullhd{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .column.is-offset-7-fullhd{margin-left:58.33333337%}html.theme--catppuccin-mocha .column.is-8-fullhd{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .column.is-offset-8-fullhd{margin-left:66.66666674%}html.theme--catppuccin-mocha .column.is-9-fullhd{flex:none;width:75%}html.theme--catppuccin-mocha .column.is-offset-9-fullhd{margin-left:75%}html.theme--catppuccin-mocha .column.is-10-fullhd{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .column.is-offset-10-fullhd{margin-left:83.33333337%}html.theme--catppuccin-mocha .column.is-11-fullhd{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .column.is-offset-11-fullhd{margin-left:91.66666674%}html.theme--catppuccin-mocha .column.is-12-fullhd{flex:none;width:100%}html.theme--catppuccin-mocha .column.is-offset-12-fullhd{margin-left:100%}}html.theme--catppuccin-mocha .columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-mocha .columns:last-child{margin-bottom:-.75rem}html.theme--catppuccin-mocha .columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}html.theme--catppuccin-mocha .columns.is-centered{justify-content:center}html.theme--catppuccin-mocha .columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}html.theme--catppuccin-mocha .columns.is-gapless>.column{margin:0;padding:0 !important}html.theme--catppuccin-mocha .columns.is-gapless:not(:last-child){margin-bottom:1.5rem}html.theme--catppuccin-mocha .columns.is-gapless:last-child{margin-bottom:0}html.theme--catppuccin-mocha .columns.is-mobile{display:flex}html.theme--catppuccin-mocha .columns.is-multiline{flex-wrap:wrap}html.theme--catppuccin-mocha .columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-desktop{display:flex}}html.theme--catppuccin-mocha .columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}html.theme--catppuccin-mocha .columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}html.theme--catppuccin-mocha .columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-0-fullhd{--columnGap: 0rem}}html.theme--catppuccin-mocha .columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-1-fullhd{--columnGap: .25rem}}html.theme--catppuccin-mocha .columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-2-fullhd{--columnGap: .5rem}}html.theme--catppuccin-mocha .columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-3-fullhd{--columnGap: .75rem}}html.theme--catppuccin-mocha .columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-4-fullhd{--columnGap: 1rem}}html.theme--catppuccin-mocha .columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}html.theme--catppuccin-mocha .columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}html.theme--catppuccin-mocha .columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}html.theme--catppuccin-mocha .columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--catppuccin-mocha .columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){html.theme--catppuccin-mocha .columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--catppuccin-mocha .columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){html.theme--catppuccin-mocha .columns.is-variable.is-8-fullhd{--columnGap: 2rem}}html.theme--catppuccin-mocha .tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}html.theme--catppuccin-mocha .tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--catppuccin-mocha .tile.is-ancestor:last-child{margin-bottom:-.75rem}html.theme--catppuccin-mocha .tile.is-ancestor:not(:last-child){margin-bottom:.75rem}html.theme--catppuccin-mocha .tile.is-child{margin:0 !important}html.theme--catppuccin-mocha .tile.is-parent{padding:.75rem}html.theme--catppuccin-mocha .tile.is-vertical{flex-direction:column}html.theme--catppuccin-mocha .tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .tile:not(.is-child){display:flex}html.theme--catppuccin-mocha .tile.is-1{flex:none;width:8.33333337%}html.theme--catppuccin-mocha .tile.is-2{flex:none;width:16.66666674%}html.theme--catppuccin-mocha .tile.is-3{flex:none;width:25%}html.theme--catppuccin-mocha .tile.is-4{flex:none;width:33.33333337%}html.theme--catppuccin-mocha .tile.is-5{flex:none;width:41.66666674%}html.theme--catppuccin-mocha .tile.is-6{flex:none;width:50%}html.theme--catppuccin-mocha .tile.is-7{flex:none;width:58.33333337%}html.theme--catppuccin-mocha .tile.is-8{flex:none;width:66.66666674%}html.theme--catppuccin-mocha .tile.is-9{flex:none;width:75%}html.theme--catppuccin-mocha .tile.is-10{flex:none;width:83.33333337%}html.theme--catppuccin-mocha .tile.is-11{flex:none;width:91.66666674%}html.theme--catppuccin-mocha .tile.is-12{flex:none;width:100%}}html.theme--catppuccin-mocha .hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}html.theme--catppuccin-mocha .hero .navbar{background:none}html.theme--catppuccin-mocha .hero .tabs ul{border-bottom:none}html.theme--catppuccin-mocha .hero.is-white{background-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-white strong{color:inherit}html.theme--catppuccin-mocha .hero.is-white .title{color:#0a0a0a}html.theme--catppuccin-mocha .hero.is-white .subtitle{color:rgba(10,10,10,0.9)}html.theme--catppuccin-mocha .hero.is-white .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-white .navbar-menu{background-color:#fff}}html.theme--catppuccin-mocha .hero.is-white .navbar-item,html.theme--catppuccin-mocha .hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}html.theme--catppuccin-mocha .hero.is-white a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-white a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-white .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--catppuccin-mocha .hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}html.theme--catppuccin-mocha .hero.is-white .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}html.theme--catppuccin-mocha .hero.is-white .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-white .tabs.is-toggle a{color:#0a0a0a}html.theme--catppuccin-mocha .hero.is-white .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-white .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-white .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-white .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}html.theme--catppuccin-mocha .hero.is-black{background-color:#0a0a0a;color:#fff}html.theme--catppuccin-mocha .hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-black strong{color:inherit}html.theme--catppuccin-mocha .hero.is-black .title{color:#fff}html.theme--catppuccin-mocha .hero.is-black .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-mocha .hero.is-black .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-black .navbar-menu{background-color:#0a0a0a}}html.theme--catppuccin-mocha .hero.is-black .navbar-item,html.theme--catppuccin-mocha .hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-mocha .hero.is-black a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-black a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-black .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}html.theme--catppuccin-mocha .hero.is-black .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-mocha .hero.is-black .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}html.theme--catppuccin-mocha .hero.is-black .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-black .tabs.is-toggle a{color:#fff}html.theme--catppuccin-mocha .hero.is-black .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-black .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-black .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-black .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--catppuccin-mocha .hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}html.theme--catppuccin-mocha .hero.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-light strong{color:inherit}html.theme--catppuccin-mocha .hero.is-light .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-light .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-mocha .hero.is-light .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-light .navbar-menu{background-color:#f5f5f5}}html.theme--catppuccin-mocha .hero.is-light .navbar-item,html.theme--catppuccin-mocha .hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-light a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-light a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-light .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-light .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-mocha .hero.is-light .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-light .tabs li.is-active a{color:#f5f5f5 !important;opacity:1}html.theme--catppuccin-mocha .hero.is-light .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-light .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-light .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-light .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-light .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f5f5f5}html.theme--catppuccin-mocha .hero.is-light.is-bold{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}}html.theme--catppuccin-mocha .hero.is-dark,html.theme--catppuccin-mocha .content kbd.hero{background-color:#313244;color:#fff}html.theme--catppuccin-mocha .hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-dark strong,html.theme--catppuccin-mocha .content kbd.hero strong{color:inherit}html.theme--catppuccin-mocha .hero.is-dark .title,html.theme--catppuccin-mocha .content kbd.hero .title{color:#fff}html.theme--catppuccin-mocha .hero.is-dark .subtitle,html.theme--catppuccin-mocha .content kbd.hero .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-mocha .hero.is-dark .subtitle a:not(.button),html.theme--catppuccin-mocha .content kbd.hero .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-dark .subtitle strong,html.theme--catppuccin-mocha .content kbd.hero .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-dark .navbar-menu,html.theme--catppuccin-mocha .content kbd.hero .navbar-menu{background-color:#313244}}html.theme--catppuccin-mocha .hero.is-dark .navbar-item,html.theme--catppuccin-mocha .content kbd.hero .navbar-item,html.theme--catppuccin-mocha .hero.is-dark .navbar-link,html.theme--catppuccin-mocha .content kbd.hero .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-mocha .hero.is-dark a.navbar-item:hover,html.theme--catppuccin-mocha .content kbd.hero a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-dark a.navbar-item.is-active,html.theme--catppuccin-mocha .content kbd.hero a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-dark .navbar-link:hover,html.theme--catppuccin-mocha .content kbd.hero .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-dark .navbar-link.is-active,html.theme--catppuccin-mocha .content kbd.hero .navbar-link.is-active{background-color:#262735;color:#fff}html.theme--catppuccin-mocha .hero.is-dark .tabs a,html.theme--catppuccin-mocha .content kbd.hero .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-mocha .hero.is-dark .tabs a:hover,html.theme--catppuccin-mocha .content kbd.hero .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-dark .tabs li.is-active a,html.theme--catppuccin-mocha .content kbd.hero .tabs li.is-active a{color:#313244 !important;opacity:1}html.theme--catppuccin-mocha .hero.is-dark .tabs.is-boxed a,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-dark .tabs.is-toggle a,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-toggle a{color:#fff}html.theme--catppuccin-mocha .hero.is-dark .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-dark .tabs.is-toggle a:hover,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-dark .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-dark .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-dark .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .content kbd.hero .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#313244}html.theme--catppuccin-mocha .hero.is-dark.is-bold,html.theme--catppuccin-mocha .content kbd.hero.is-bold{background-image:linear-gradient(141deg, #181c2a 0%, #313244 71%, #3c3856 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-dark.is-bold .navbar-menu,html.theme--catppuccin-mocha .content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #181c2a 0%, #313244 71%, #3c3856 100%)}}html.theme--catppuccin-mocha .hero.is-primary,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-primary strong,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink strong{color:inherit}html.theme--catppuccin-mocha .hero.is-primary .title,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .title{color:#fff}html.theme--catppuccin-mocha .hero.is-primary .subtitle,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-mocha .hero.is-primary .subtitle a:not(.button),html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-primary .subtitle strong,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-primary .navbar-menu,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#89b4fa}}html.theme--catppuccin-mocha .hero.is-primary .navbar-item,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .navbar-item,html.theme--catppuccin-mocha .hero.is-primary .navbar-link,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-mocha .hero.is-primary a.navbar-item:hover,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-primary a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-primary .navbar-link:hover,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-primary .navbar-link.is-active,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .hero.is-primary .tabs a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-mocha .hero.is-primary .tabs a:hover,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-primary .tabs li.is-active a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#89b4fa !important;opacity:1}html.theme--catppuccin-mocha .hero.is-primary .tabs.is-boxed a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-primary .tabs.is-toggle a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}html.theme--catppuccin-mocha .hero.is-primary .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-primary .tabs.is-toggle a:hover,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-primary .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-primary .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-primary .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .hero.is-primary.is-bold,html.theme--catppuccin-mocha .docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #51b0ff 0%, #89b4fa 71%, #9fb3fd 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-primary.is-bold .navbar-menu,html.theme--catppuccin-mocha .docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #51b0ff 0%, #89b4fa 71%, #9fb3fd 100%)}}html.theme--catppuccin-mocha .hero.is-link{background-color:#89b4fa;color:#fff}html.theme--catppuccin-mocha .hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-link strong{color:inherit}html.theme--catppuccin-mocha .hero.is-link .title{color:#fff}html.theme--catppuccin-mocha .hero.is-link .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-mocha .hero.is-link .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-link .navbar-menu{background-color:#89b4fa}}html.theme--catppuccin-mocha .hero.is-link .navbar-item,html.theme--catppuccin-mocha .hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-mocha .hero.is-link a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-link a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-link .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-link .navbar-link.is-active{background-color:#71a4f9;color:#fff}html.theme--catppuccin-mocha .hero.is-link .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-mocha .hero.is-link .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-link .tabs li.is-active a{color:#89b4fa !important;opacity:1}html.theme--catppuccin-mocha .hero.is-link .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-link .tabs.is-toggle a{color:#fff}html.theme--catppuccin-mocha .hero.is-link .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-link .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-link .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-link .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#89b4fa}html.theme--catppuccin-mocha .hero.is-link.is-bold{background-image:linear-gradient(141deg, #51b0ff 0%, #89b4fa 71%, #9fb3fd 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #51b0ff 0%, #89b4fa 71%, #9fb3fd 100%)}}html.theme--catppuccin-mocha .hero.is-info{background-color:#94e2d5;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-info strong{color:inherit}html.theme--catppuccin-mocha .hero.is-info .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-info .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-mocha .hero.is-info .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-info .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-info .navbar-menu{background-color:#94e2d5}}html.theme--catppuccin-mocha .hero.is-info .navbar-item,html.theme--catppuccin-mocha .hero.is-info .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-info a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-info a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-info .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-info .navbar-link.is-active{background-color:#80ddcd;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-info .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-mocha .hero.is-info .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-info .tabs li.is-active a{color:#94e2d5 !important;opacity:1}html.theme--catppuccin-mocha .hero.is-info .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-info .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-info .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-info .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-info .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-info .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#94e2d5}html.theme--catppuccin-mocha .hero.is-info.is-bold{background-image:linear-gradient(141deg, #63e0b6 0%, #94e2d5 71%, #a5eaea 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #63e0b6 0%, #94e2d5 71%, #a5eaea 100%)}}html.theme--catppuccin-mocha .hero.is-success{background-color:#a6e3a1;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-success strong{color:inherit}html.theme--catppuccin-mocha .hero.is-success .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-success .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-mocha .hero.is-success .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-success .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-success .navbar-menu{background-color:#a6e3a1}}html.theme--catppuccin-mocha .hero.is-success .navbar-item,html.theme--catppuccin-mocha .hero.is-success .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-success a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-success a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-success .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-success .navbar-link.is-active{background-color:#93dd8d;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-success .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-mocha .hero.is-success .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-success .tabs li.is-active a{color:#a6e3a1 !important;opacity:1}html.theme--catppuccin-mocha .hero.is-success .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-success .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-success .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-success .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-success .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-success .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#a6e3a1}html.theme--catppuccin-mocha .hero.is-success.is-bold{background-image:linear-gradient(141deg, #8ce071 0%, #a6e3a1 71%, #b2ebb7 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #8ce071 0%, #a6e3a1 71%, #b2ebb7 100%)}}html.theme--catppuccin-mocha .hero.is-warning{background-color:#f9e2af;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-warning strong{color:inherit}html.theme--catppuccin-mocha .hero.is-warning .title{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-warning .subtitle{color:rgba(0,0,0,0.9)}html.theme--catppuccin-mocha .hero.is-warning .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-warning .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-warning .navbar-menu{background-color:#f9e2af}}html.theme--catppuccin-mocha .hero.is-warning .navbar-item,html.theme--catppuccin-mocha .hero.is-warning .navbar-link{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-warning a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-warning a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-warning .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-warning .navbar-link.is-active{background-color:#f7d997;color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-warning .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--catppuccin-mocha .hero.is-warning .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-warning .tabs li.is-active a{color:#f9e2af !important;opacity:1}html.theme--catppuccin-mocha .hero.is-warning .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-warning .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--catppuccin-mocha .hero.is-warning .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-warning .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-warning .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-warning .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f9e2af}html.theme--catppuccin-mocha .hero.is-warning.is-bold{background-image:linear-gradient(141deg, #fcbd79 0%, #f9e2af 71%, #fcf4c5 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #fcbd79 0%, #f9e2af 71%, #fcf4c5 100%)}}html.theme--catppuccin-mocha .hero.is-danger{background-color:#f38ba8;color:#fff}html.theme--catppuccin-mocha .hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--catppuccin-mocha .hero.is-danger strong{color:inherit}html.theme--catppuccin-mocha .hero.is-danger .title{color:#fff}html.theme--catppuccin-mocha .hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}html.theme--catppuccin-mocha .hero.is-danger .subtitle a:not(.button),html.theme--catppuccin-mocha .hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .hero.is-danger .navbar-menu{background-color:#f38ba8}}html.theme--catppuccin-mocha .hero.is-danger .navbar-item,html.theme--catppuccin-mocha .hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}html.theme--catppuccin-mocha .hero.is-danger a.navbar-item:hover,html.theme--catppuccin-mocha .hero.is-danger a.navbar-item.is-active,html.theme--catppuccin-mocha .hero.is-danger .navbar-link:hover,html.theme--catppuccin-mocha .hero.is-danger .navbar-link.is-active{background-color:#f17497;color:#fff}html.theme--catppuccin-mocha .hero.is-danger .tabs a{color:#fff;opacity:0.9}html.theme--catppuccin-mocha .hero.is-danger .tabs a:hover{opacity:1}html.theme--catppuccin-mocha .hero.is-danger .tabs li.is-active a{color:#f38ba8 !important;opacity:1}html.theme--catppuccin-mocha .hero.is-danger .tabs.is-boxed a,html.theme--catppuccin-mocha .hero.is-danger .tabs.is-toggle a{color:#fff}html.theme--catppuccin-mocha .hero.is-danger .tabs.is-boxed a:hover,html.theme--catppuccin-mocha .hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--catppuccin-mocha .hero.is-danger .tabs.is-boxed li.is-active a,html.theme--catppuccin-mocha .hero.is-danger .tabs.is-boxed li.is-active a:hover,html.theme--catppuccin-mocha .hero.is-danger .tabs.is-toggle li.is-active a,html.theme--catppuccin-mocha .hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#f38ba8}html.theme--catppuccin-mocha .hero.is-danger.is-bold{background-image:linear-gradient(141deg, #f7549d 0%, #f38ba8 71%, #f8a0a9 100%)}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #f7549d 0%, #f38ba8 71%, #f8a0a9 100%)}}html.theme--catppuccin-mocha .hero.is-small .hero-body,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .hero.is-large .hero-body{padding:18rem 6rem}}html.theme--catppuccin-mocha .hero.is-halfheight .hero-body,html.theme--catppuccin-mocha .hero.is-fullheight .hero-body,html.theme--catppuccin-mocha .hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}html.theme--catppuccin-mocha .hero.is-halfheight .hero-body>.container,html.theme--catppuccin-mocha .hero.is-fullheight .hero-body>.container,html.theme--catppuccin-mocha .hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}html.theme--catppuccin-mocha .hero.is-halfheight{min-height:50vh}html.theme--catppuccin-mocha .hero.is-fullheight{min-height:100vh}html.theme--catppuccin-mocha .hero-video{overflow:hidden}html.theme--catppuccin-mocha .hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}html.theme--catppuccin-mocha .hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero-video{display:none}}html.theme--catppuccin-mocha .hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){html.theme--catppuccin-mocha .hero-buttons .button{display:flex}html.theme--catppuccin-mocha .hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .hero-buttons{display:flex;justify-content:center}html.theme--catppuccin-mocha .hero-buttons .button:not(:last-child){margin-right:1.5rem}}html.theme--catppuccin-mocha .hero-head,html.theme--catppuccin-mocha .hero-foot{flex-grow:0;flex-shrink:0}html.theme--catppuccin-mocha .hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{html.theme--catppuccin-mocha .hero-body{padding:3rem 3rem}}html.theme--catppuccin-mocha .section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha .section{padding:3rem 3rem}html.theme--catppuccin-mocha .section.is-medium{padding:9rem 4.5rem}html.theme--catppuccin-mocha .section.is-large{padding:18rem 6rem}}html.theme--catppuccin-mocha .footer{background-color:#181825;padding:3rem 1.5rem 6rem}html.theme--catppuccin-mocha h1 .docs-heading-anchor,html.theme--catppuccin-mocha h1 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h1 .docs-heading-anchor:visited,html.theme--catppuccin-mocha h2 .docs-heading-anchor,html.theme--catppuccin-mocha h2 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h2 .docs-heading-anchor:visited,html.theme--catppuccin-mocha h3 .docs-heading-anchor,html.theme--catppuccin-mocha h3 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h3 .docs-heading-anchor:visited,html.theme--catppuccin-mocha h4 .docs-heading-anchor,html.theme--catppuccin-mocha h4 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h4 .docs-heading-anchor:visited,html.theme--catppuccin-mocha h5 .docs-heading-anchor,html.theme--catppuccin-mocha h5 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h5 .docs-heading-anchor:visited,html.theme--catppuccin-mocha h6 .docs-heading-anchor,html.theme--catppuccin-mocha h6 .docs-heading-anchor:hover,html.theme--catppuccin-mocha h6 .docs-heading-anchor:visited{color:#cdd6f4}html.theme--catppuccin-mocha h1 .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h2 .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h3 .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h4 .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h5 .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}html.theme--catppuccin-mocha h1 .docs-heading-anchor-permalink::before,html.theme--catppuccin-mocha h2 .docs-heading-anchor-permalink::before,html.theme--catppuccin-mocha h3 .docs-heading-anchor-permalink::before,html.theme--catppuccin-mocha h4 .docs-heading-anchor-permalink::before,html.theme--catppuccin-mocha h5 .docs-heading-anchor-permalink::before,html.theme--catppuccin-mocha h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}html.theme--catppuccin-mocha h1:hover .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h2:hover .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h3:hover .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h4:hover .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h5:hover .docs-heading-anchor-permalink,html.theme--catppuccin-mocha h6:hover .docs-heading-anchor-permalink{visibility:visible}html.theme--catppuccin-mocha .docs-light-only{display:none !important}html.theme--catppuccin-mocha pre{position:relative;overflow:hidden}html.theme--catppuccin-mocha pre code,html.theme--catppuccin-mocha pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}html.theme--catppuccin-mocha pre code:first-of-type,html.theme--catppuccin-mocha pre code.hljs:first-of-type{padding-top:0.5rem !important}html.theme--catppuccin-mocha pre code:last-of-type,html.theme--catppuccin-mocha pre code.hljs:last-of-type{padding-bottom:0.5rem !important}html.theme--catppuccin-mocha pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#cdd6f4;cursor:pointer;text-align:center}html.theme--catppuccin-mocha pre .copy-button:focus,html.theme--catppuccin-mocha pre .copy-button:hover{opacity:1;background:rgba(205,214,244,0.1);color:#89b4fa}html.theme--catppuccin-mocha pre .copy-button.success{color:#a6e3a1;opacity:1}html.theme--catppuccin-mocha pre .copy-button.error{color:#f38ba8;opacity:1}html.theme--catppuccin-mocha pre:hover .copy-button{opacity:1}html.theme--catppuccin-mocha .admonition{background-color:#181825;border-style:solid;border-width:2px;border-color:#bac2de;border-radius:4px;font-size:1rem}html.theme--catppuccin-mocha .admonition strong{color:currentColor}html.theme--catppuccin-mocha .admonition.is-small,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}html.theme--catppuccin-mocha .admonition.is-medium{font-size:1.25rem}html.theme--catppuccin-mocha .admonition.is-large{font-size:1.5rem}html.theme--catppuccin-mocha .admonition.is-default{background-color:#181825;border-color:#bac2de}html.theme--catppuccin-mocha .admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#bac2de}html.theme--catppuccin-mocha .admonition.is-default>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition.is-info{background-color:#181825;border-color:#94e2d5}html.theme--catppuccin-mocha .admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#94e2d5}html.theme--catppuccin-mocha .admonition.is-info>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition.is-success{background-color:#181825;border-color:#a6e3a1}html.theme--catppuccin-mocha .admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#a6e3a1}html.theme--catppuccin-mocha .admonition.is-success>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition.is-warning{background-color:#181825;border-color:#f9e2af}html.theme--catppuccin-mocha .admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#f9e2af}html.theme--catppuccin-mocha .admonition.is-warning>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition.is-danger{background-color:#181825;border-color:#f38ba8}html.theme--catppuccin-mocha .admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#f38ba8}html.theme--catppuccin-mocha .admonition.is-danger>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition.is-compat{background-color:#181825;border-color:#89dceb}html.theme--catppuccin-mocha .admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#89dceb}html.theme--catppuccin-mocha .admonition.is-compat>.admonition-body{color:#cdd6f4}html.theme--catppuccin-mocha .admonition-header{color:#bac2de;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}html.theme--catppuccin-mocha .admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}html.theme--catppuccin-mocha details.admonition.is-details>.admonition-header{list-style:none}html.theme--catppuccin-mocha details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}html.theme--catppuccin-mocha details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}html.theme--catppuccin-mocha .admonition-body{color:#cdd6f4;padding:0.5rem .75rem}html.theme--catppuccin-mocha .admonition-body pre{background-color:#181825}html.theme--catppuccin-mocha .admonition-body code{background-color:#181825}html.theme--catppuccin-mocha .docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #585b70;border-radius:4px;box-shadow:none;max-width:100%}html.theme--catppuccin-mocha .docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#181825;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #585b70;overflow:auto}html.theme--catppuccin-mocha .docstring>header code{background-color:transparent}html.theme--catppuccin-mocha .docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}html.theme--catppuccin-mocha .docstring>header .docstring-binding{margin-right:0.3em}html.theme--catppuccin-mocha .docstring>header .docstring-category{margin-left:0.3em}html.theme--catppuccin-mocha .docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #585b70}html.theme--catppuccin-mocha .docstring>section:last-child{border-bottom:none}html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:focus{opacity:1 !important}html.theme--catppuccin-mocha .docstring:hover>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-mocha .docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}html.theme--catppuccin-mocha .docstring>section:hover a.docs-sourcelink{opacity:1}html.theme--catppuccin-mocha .documenter-example-output{background-color:#1e1e2e}html.theme--catppuccin-mocha .outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#181825;color:#cdd6f4;border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}html.theme--catppuccin-mocha .outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}html.theme--catppuccin-mocha .outdated-warning-overlay a{color:#89b4fa}html.theme--catppuccin-mocha .outdated-warning-overlay a:hover{color:#89dceb}html.theme--catppuccin-mocha .content pre{border:2px solid #585b70;border-radius:4px}html.theme--catppuccin-mocha .content code{font-weight:inherit}html.theme--catppuccin-mocha .content a code{color:#89b4fa}html.theme--catppuccin-mocha .content a:hover code{color:#89dceb}html.theme--catppuccin-mocha .content h1 code,html.theme--catppuccin-mocha .content h2 code,html.theme--catppuccin-mocha .content h3 code,html.theme--catppuccin-mocha .content h4 code,html.theme--catppuccin-mocha .content h5 code,html.theme--catppuccin-mocha .content h6 code{color:#cdd6f4}html.theme--catppuccin-mocha .content table{display:block;width:initial;max-width:100%;overflow-x:auto}html.theme--catppuccin-mocha .content blockquote>ul:first-child,html.theme--catppuccin-mocha .content blockquote>ol:first-child,html.theme--catppuccin-mocha .content .admonition-body>ul:first-child,html.theme--catppuccin-mocha .content .admonition-body>ol:first-child{margin-top:0}html.theme--catppuccin-mocha pre,html.theme--catppuccin-mocha code{font-variant-ligatures:no-contextual}html.theme--catppuccin-mocha .breadcrumb a.is-disabled{cursor:default;pointer-events:none}html.theme--catppuccin-mocha .breadcrumb a.is-disabled,html.theme--catppuccin-mocha .breadcrumb a.is-disabled:hover{color:#b8c5ef}html.theme--catppuccin-mocha .hljs{background:initial !important}html.theme--catppuccin-mocha .katex .katex-mathml{top:0;right:0}html.theme--catppuccin-mocha .katex-display,html.theme--catppuccin-mocha mjx-container,html.theme--catppuccin-mocha .MathJax_Display{margin:0.5em 0 !important}html.theme--catppuccin-mocha html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}html.theme--catppuccin-mocha li.no-marker{list-style:none}html.theme--catppuccin-mocha #documenter .docs-main>article{overflow-wrap:break-word}html.theme--catppuccin-mocha #documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha #documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha #documenter .docs-main{width:100%}html.theme--catppuccin-mocha #documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}html.theme--catppuccin-mocha #documenter .docs-main>header,html.theme--catppuccin-mocha #documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar{background-color:#1e1e2e;border-bottom:1px solid #585b70;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-right .docs-icon,html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #171717;transition-duration:0.7s;-webkit-transition-duration:0.7s}html.theme--catppuccin-mocha #documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}html.theme--catppuccin-mocha #documenter .docs-main section.footnotes{border-top:1px solid #585b70}html.theme--catppuccin-mocha #documenter .docs-main section.footnotes li .tag:first-child,html.theme--catppuccin-mocha #documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,html.theme--catppuccin-mocha #documenter .docs-main section.footnotes li .content kbd:first-child,html.theme--catppuccin-mocha .content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}html.theme--catppuccin-mocha #documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #585b70;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha #documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}html.theme--catppuccin-mocha #documenter .docs-main .docs-footer .docs-footer-nextpage,html.theme--catppuccin-mocha #documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}html.theme--catppuccin-mocha #documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}html.theme--catppuccin-mocha #documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}html.theme--catppuccin-mocha #documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}html.theme--catppuccin-mocha #documenter .docs-sidebar{display:flex;flex-direction:column;color:#cdd6f4;background-color:#181825;border-right:1px solid #585b70;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}html.theme--catppuccin-mocha #documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #171717}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha #documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha #documenter .docs-sidebar{left:0;top:0}}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-package-name a,html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-package-name a:hover{color:#cdd6f4}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-version-selector{border-top:1px solid #585b70;display:none;padding:0.5rem}html.theme--catppuccin-mocha #documenter .docs-sidebar .docs-version-selector.visible{display:flex}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #585b70;padding-bottom:1.5rem}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #585b70}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu .tocitem,html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#cdd6f4;background:#181825}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu a.tocitem:hover,html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#cdd6f4;background-color:#202031}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #585b70;border-bottom:1px solid #585b70;background-color:#11111b}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#11111b;color:#cdd6f4}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#202031;color:#cdd6f4}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #585b70}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input{width:14.4rem}html.theme--catppuccin-mocha #documenter .docs-sidebar #documenter-search-query{color:#868c98;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#28283e}html.theme--catppuccin-mocha #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#383856}}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha #documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--catppuccin-mocha #documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}html.theme--catppuccin-mocha #documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#28283e}html.theme--catppuccin-mocha #documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#383856}}html.theme--catppuccin-mocha kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(245,245,245,0.6);box-shadow:0 2px 0 1px rgba(245,245,245,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}html.theme--catppuccin-mocha .search-min-width-50{min-width:50%}html.theme--catppuccin-mocha .search-min-height-100{min-height:100%}html.theme--catppuccin-mocha .search-modal-card-body{max-height:calc(100vh - 15rem)}html.theme--catppuccin-mocha .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-mocha .search-result-link:hover,html.theme--catppuccin-mocha .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--catppuccin-mocha .search-result-link .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-mocha .property-search-result-badge,html.theme--catppuccin-mocha .search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}html.theme--catppuccin-mocha .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link:hover .search-filter,html.theme--catppuccin-mocha .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link:focus .search-filter{color:#333;background-color:#f1f5f9}html.theme--catppuccin-mocha .search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}html.theme--catppuccin-mocha .search-filter:hover,html.theme--catppuccin-mocha .search-filter:focus{color:#333}html.theme--catppuccin-mocha .search-filter-selected{color:#313244;background-color:#b4befe}html.theme--catppuccin-mocha .search-filter-selected:hover,html.theme--catppuccin-mocha .search-filter-selected:focus{color:#313244}html.theme--catppuccin-mocha .search-result-highlight{background-color:#ffdd57;color:black}html.theme--catppuccin-mocha .search-divider{border-bottom:1px solid #585b70}html.theme--catppuccin-mocha .search-result-title{width:85%;color:#f5f5f5}html.theme--catppuccin-mocha .search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--catppuccin-mocha #search-modal .modal-card-body::-webkit-scrollbar,html.theme--catppuccin-mocha #search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}html.theme--catppuccin-mocha #search-modal .modal-card-body::-webkit-scrollbar-thumb,html.theme--catppuccin-mocha #search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}html.theme--catppuccin-mocha #search-modal .modal-card-body::-webkit-scrollbar-track,html.theme--catppuccin-mocha #search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}html.theme--catppuccin-mocha .w-100{width:100%}html.theme--catppuccin-mocha .gap-2{gap:0.5rem}html.theme--catppuccin-mocha .gap-4{gap:1rem}html.theme--catppuccin-mocha .gap-8{gap:2rem}html.theme--catppuccin-mocha{background-color:#1e1e2e;font-size:16px;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--catppuccin-mocha a{transition:all 200ms ease}html.theme--catppuccin-mocha .label{color:#cdd6f4}html.theme--catppuccin-mocha .button,html.theme--catppuccin-mocha .control.has-icons-left .icon,html.theme--catppuccin-mocha .control.has-icons-right .icon,html.theme--catppuccin-mocha .input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha .pagination-ellipsis,html.theme--catppuccin-mocha .pagination-link,html.theme--catppuccin-mocha .pagination-next,html.theme--catppuccin-mocha .pagination-previous,html.theme--catppuccin-mocha .select,html.theme--catppuccin-mocha .select select,html.theme--catppuccin-mocha .textarea{height:2.5em;color:#cdd6f4}html.theme--catppuccin-mocha .input,html.theme--catppuccin-mocha #documenter .docs-sidebar form.docs-search>input,html.theme--catppuccin-mocha .textarea{transition:all 200ms ease;box-shadow:none;border-width:1px;padding-left:1em;padding-right:1em;color:#cdd6f4}html.theme--catppuccin-mocha .select:after,html.theme--catppuccin-mocha .select select{border-width:1px}html.theme--catppuccin-mocha .menu-list a{transition:all 300ms ease}html.theme--catppuccin-mocha .modal-card-foot,html.theme--catppuccin-mocha .modal-card-head{border-color:#585b70}html.theme--catppuccin-mocha .navbar{border-radius:.4em}html.theme--catppuccin-mocha .navbar.is-transparent{background:none}html.theme--catppuccin-mocha .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--catppuccin-mocha .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#89b4fa}@media screen and (max-width: 1055px){html.theme--catppuccin-mocha .navbar .navbar-menu{background-color:#89b4fa;border-radius:0 0 .4em .4em}}html.theme--catppuccin-mocha .docstring>section>a.docs-sourcelink:not(body){color:#313244}html.theme--catppuccin-mocha .tag.is-link:not(body),html.theme--catppuccin-mocha .docstring>section>a.is-link.docs-sourcelink:not(body),html.theme--catppuccin-mocha .content kbd.is-link:not(body){color:#313244}html.theme--catppuccin-mocha .ansi span.sgr1{font-weight:bolder}html.theme--catppuccin-mocha .ansi span.sgr2{font-weight:lighter}html.theme--catppuccin-mocha .ansi span.sgr3{font-style:italic}html.theme--catppuccin-mocha .ansi span.sgr4{text-decoration:underline}html.theme--catppuccin-mocha .ansi span.sgr7{color:#1e1e2e;background-color:#cdd6f4}html.theme--catppuccin-mocha .ansi span.sgr8{color:transparent}html.theme--catppuccin-mocha .ansi span.sgr8 span{color:transparent}html.theme--catppuccin-mocha .ansi span.sgr9{text-decoration:line-through}html.theme--catppuccin-mocha .ansi span.sgr30{color:#45475a}html.theme--catppuccin-mocha .ansi span.sgr31{color:#f38ba8}html.theme--catppuccin-mocha .ansi span.sgr32{color:#a6e3a1}html.theme--catppuccin-mocha .ansi span.sgr33{color:#f9e2af}html.theme--catppuccin-mocha .ansi span.sgr34{color:#89b4fa}html.theme--catppuccin-mocha .ansi span.sgr35{color:#f5c2e7}html.theme--catppuccin-mocha .ansi span.sgr36{color:#94e2d5}html.theme--catppuccin-mocha .ansi span.sgr37{color:#bac2de}html.theme--catppuccin-mocha .ansi span.sgr40{background-color:#45475a}html.theme--catppuccin-mocha .ansi span.sgr41{background-color:#f38ba8}html.theme--catppuccin-mocha .ansi span.sgr42{background-color:#a6e3a1}html.theme--catppuccin-mocha .ansi span.sgr43{background-color:#f9e2af}html.theme--catppuccin-mocha .ansi span.sgr44{background-color:#89b4fa}html.theme--catppuccin-mocha .ansi span.sgr45{background-color:#f5c2e7}html.theme--catppuccin-mocha .ansi span.sgr46{background-color:#94e2d5}html.theme--catppuccin-mocha .ansi span.sgr47{background-color:#bac2de}html.theme--catppuccin-mocha .ansi span.sgr90{color:#585b70}html.theme--catppuccin-mocha .ansi span.sgr91{color:#f38ba8}html.theme--catppuccin-mocha .ansi span.sgr92{color:#a6e3a1}html.theme--catppuccin-mocha .ansi span.sgr93{color:#f9e2af}html.theme--catppuccin-mocha .ansi span.sgr94{color:#89b4fa}html.theme--catppuccin-mocha .ansi span.sgr95{color:#f5c2e7}html.theme--catppuccin-mocha .ansi span.sgr96{color:#94e2d5}html.theme--catppuccin-mocha .ansi span.sgr97{color:#a6adc8}html.theme--catppuccin-mocha .ansi span.sgr100{background-color:#585b70}html.theme--catppuccin-mocha .ansi span.sgr101{background-color:#f38ba8}html.theme--catppuccin-mocha .ansi span.sgr102{background-color:#a6e3a1}html.theme--catppuccin-mocha .ansi span.sgr103{background-color:#f9e2af}html.theme--catppuccin-mocha .ansi span.sgr104{background-color:#89b4fa}html.theme--catppuccin-mocha .ansi span.sgr105{background-color:#f5c2e7}html.theme--catppuccin-mocha .ansi span.sgr106{background-color:#94e2d5}html.theme--catppuccin-mocha .ansi span.sgr107{background-color:#a6adc8}html.theme--catppuccin-mocha code.language-julia-repl>span.hljs-meta{color:#a6e3a1;font-weight:bolder}html.theme--catppuccin-mocha code .hljs{color:#cdd6f4;background:#1e1e2e}html.theme--catppuccin-mocha code .hljs-keyword{color:#cba6f7}html.theme--catppuccin-mocha code .hljs-built_in{color:#f38ba8}html.theme--catppuccin-mocha code .hljs-type{color:#f9e2af}html.theme--catppuccin-mocha code .hljs-literal{color:#fab387}html.theme--catppuccin-mocha code .hljs-number{color:#fab387}html.theme--catppuccin-mocha code .hljs-operator{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-punctuation{color:#bac2de}html.theme--catppuccin-mocha code .hljs-property{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-regexp{color:#f5c2e7}html.theme--catppuccin-mocha code .hljs-string{color:#a6e3a1}html.theme--catppuccin-mocha code .hljs-char.escape_{color:#a6e3a1}html.theme--catppuccin-mocha code .hljs-subst{color:#a6adc8}html.theme--catppuccin-mocha code .hljs-symbol{color:#f2cdcd}html.theme--catppuccin-mocha code .hljs-variable{color:#cba6f7}html.theme--catppuccin-mocha code .hljs-variable.language_{color:#cba6f7}html.theme--catppuccin-mocha code .hljs-variable.constant_{color:#fab387}html.theme--catppuccin-mocha code .hljs-title{color:#89b4fa}html.theme--catppuccin-mocha code .hljs-title.class_{color:#f9e2af}html.theme--catppuccin-mocha code .hljs-title.function_{color:#89b4fa}html.theme--catppuccin-mocha code .hljs-params{color:#cdd6f4}html.theme--catppuccin-mocha code .hljs-comment{color:#585b70}html.theme--catppuccin-mocha code .hljs-doctag{color:#f38ba8}html.theme--catppuccin-mocha code .hljs-meta{color:#fab387}html.theme--catppuccin-mocha code .hljs-section{color:#89b4fa}html.theme--catppuccin-mocha code .hljs-tag{color:#a6adc8}html.theme--catppuccin-mocha code .hljs-name{color:#cba6f7}html.theme--catppuccin-mocha code .hljs-attr{color:#89b4fa}html.theme--catppuccin-mocha code .hljs-attribute{color:#a6e3a1}html.theme--catppuccin-mocha code .hljs-bullet{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-code{color:#a6e3a1}html.theme--catppuccin-mocha code .hljs-emphasis{color:#f38ba8;font-style:italic}html.theme--catppuccin-mocha code .hljs-strong{color:#f38ba8;font-weight:bold}html.theme--catppuccin-mocha code .hljs-formula{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-link{color:#74c7ec;font-style:italic}html.theme--catppuccin-mocha code .hljs-quote{color:#a6e3a1;font-style:italic}html.theme--catppuccin-mocha code .hljs-selector-tag{color:#f9e2af}html.theme--catppuccin-mocha code .hljs-selector-id{color:#89b4fa}html.theme--catppuccin-mocha code .hljs-selector-class{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-selector-attr{color:#cba6f7}html.theme--catppuccin-mocha code .hljs-selector-pseudo{color:#94e2d5}html.theme--catppuccin-mocha code .hljs-template-tag{color:#f2cdcd}html.theme--catppuccin-mocha code .hljs-template-variable{color:#f2cdcd}html.theme--catppuccin-mocha code .hljs-addition{color:#a6e3a1;background:rgba(166,227,161,0.15)}html.theme--catppuccin-mocha code .hljs-deletion{color:#f38ba8;background:rgba(243,139,168,0.15)}html.theme--catppuccin-mocha .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--catppuccin-mocha .search-result-link:hover,html.theme--catppuccin-mocha .search-result-link:focus{background-color:#313244}html.theme--catppuccin-mocha .search-result-link .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link .search-filter{transition:all 300ms}html.theme--catppuccin-mocha .search-result-link:hover .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link:hover .search-filter,html.theme--catppuccin-mocha .search-result-link:focus .property-search-result-badge,html.theme--catppuccin-mocha .search-result-link:focus .search-filter{color:#313244 !important;background-color:#b4befe !important}html.theme--catppuccin-mocha .search-result-title{color:#cdd6f4}html.theme--catppuccin-mocha .search-result-highlight{background-color:#f38ba8;color:#181825}html.theme--catppuccin-mocha .search-divider{border-bottom:1px solid #5e6d6f50}html.theme--catppuccin-mocha .w-100{width:100%}html.theme--catppuccin-mocha .gap-2{gap:0.5rem}html.theme--catppuccin-mocha .gap-4{gap:1rem} diff --git a/previews/PR92/assets/themes/documenter-dark.css b/previews/PR92/assets/themes/documenter-dark.css new file mode 100644 index 00000000..2892b385 --- /dev/null +++ b/previews/PR92/assets/themes/documenter-dark.css @@ -0,0 +1,7 @@ +html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-ellipsis,html.theme--documenter-dark .file-cta,html.theme--documenter-dark .file-name,html.theme--documenter-dark .select select,html.theme--documenter-dark .textarea,html.theme--documenter-dark .input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark .button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:.4em;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}html.theme--documenter-dark .pagination-previous:focus,html.theme--documenter-dark .pagination-next:focus,html.theme--documenter-dark .pagination-link:focus,html.theme--documenter-dark .pagination-ellipsis:focus,html.theme--documenter-dark .file-cta:focus,html.theme--documenter-dark .file-name:focus,html.theme--documenter-dark .select select:focus,html.theme--documenter-dark .textarea:focus,html.theme--documenter-dark .input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:focus,html.theme--documenter-dark .button:focus,html.theme--documenter-dark .is-focused.pagination-previous,html.theme--documenter-dark .is-focused.pagination-next,html.theme--documenter-dark .is-focused.pagination-link,html.theme--documenter-dark .is-focused.pagination-ellipsis,html.theme--documenter-dark .is-focused.file-cta,html.theme--documenter-dark .is-focused.file-name,html.theme--documenter-dark .select select.is-focused,html.theme--documenter-dark .is-focused.textarea,html.theme--documenter-dark .is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-focused.button,html.theme--documenter-dark .pagination-previous:active,html.theme--documenter-dark .pagination-next:active,html.theme--documenter-dark .pagination-link:active,html.theme--documenter-dark .pagination-ellipsis:active,html.theme--documenter-dark .file-cta:active,html.theme--documenter-dark .file-name:active,html.theme--documenter-dark .select select:active,html.theme--documenter-dark .textarea:active,html.theme--documenter-dark .input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:active,html.theme--documenter-dark .button:active,html.theme--documenter-dark .is-active.pagination-previous,html.theme--documenter-dark .is-active.pagination-next,html.theme--documenter-dark .is-active.pagination-link,html.theme--documenter-dark .is-active.pagination-ellipsis,html.theme--documenter-dark .is-active.file-cta,html.theme--documenter-dark .is-active.file-name,html.theme--documenter-dark .select select.is-active,html.theme--documenter-dark .is-active.textarea,html.theme--documenter-dark .is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--documenter-dark .is-active.button{outline:none}html.theme--documenter-dark .pagination-previous[disabled],html.theme--documenter-dark .pagination-next[disabled],html.theme--documenter-dark .pagination-link[disabled],html.theme--documenter-dark .pagination-ellipsis[disabled],html.theme--documenter-dark .file-cta[disabled],html.theme--documenter-dark .file-name[disabled],html.theme--documenter-dark .select select[disabled],html.theme--documenter-dark .textarea[disabled],html.theme--documenter-dark .input[disabled],html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled],html.theme--documenter-dark .button[disabled],fieldset[disabled] html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark fieldset[disabled] .pagination-previous,fieldset[disabled] html.theme--documenter-dark .pagination-next,html.theme--documenter-dark fieldset[disabled] .pagination-next,fieldset[disabled] html.theme--documenter-dark .pagination-link,html.theme--documenter-dark fieldset[disabled] .pagination-link,fieldset[disabled] html.theme--documenter-dark .pagination-ellipsis,html.theme--documenter-dark fieldset[disabled] .pagination-ellipsis,fieldset[disabled] html.theme--documenter-dark .file-cta,html.theme--documenter-dark fieldset[disabled] .file-cta,fieldset[disabled] html.theme--documenter-dark .file-name,html.theme--documenter-dark fieldset[disabled] .file-name,fieldset[disabled] html.theme--documenter-dark .select select,fieldset[disabled] html.theme--documenter-dark .textarea,fieldset[disabled] html.theme--documenter-dark .input,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark fieldset[disabled] .select select,html.theme--documenter-dark .select fieldset[disabled] select,html.theme--documenter-dark fieldset[disabled] .textarea,html.theme--documenter-dark fieldset[disabled] .input,html.theme--documenter-dark fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] html.theme--documenter-dark .button,html.theme--documenter-dark fieldset[disabled] .button{cursor:not-allowed}html.theme--documenter-dark .tabs,html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-ellipsis,html.theme--documenter-dark .breadcrumb,html.theme--documenter-dark .file,html.theme--documenter-dark .button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}html.theme--documenter-dark .navbar-link:not(.is-arrowless)::after,html.theme--documenter-dark .select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}html.theme--documenter-dark .admonition:not(:last-child),html.theme--documenter-dark .tabs:not(:last-child),html.theme--documenter-dark .pagination:not(:last-child),html.theme--documenter-dark .message:not(:last-child),html.theme--documenter-dark .level:not(:last-child),html.theme--documenter-dark .breadcrumb:not(:last-child),html.theme--documenter-dark .block:not(:last-child),html.theme--documenter-dark .title:not(:last-child),html.theme--documenter-dark .subtitle:not(:last-child),html.theme--documenter-dark .table-container:not(:last-child),html.theme--documenter-dark .table:not(:last-child),html.theme--documenter-dark .progress:not(:last-child),html.theme--documenter-dark .notification:not(:last-child),html.theme--documenter-dark .content:not(:last-child),html.theme--documenter-dark .box:not(:last-child){margin-bottom:1.5rem}html.theme--documenter-dark .modal-close,html.theme--documenter-dark .delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}html.theme--documenter-dark .modal-close::before,html.theme--documenter-dark .delete::before,html.theme--documenter-dark .modal-close::after,html.theme--documenter-dark .delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--documenter-dark .modal-close::before,html.theme--documenter-dark .delete::before{height:2px;width:50%}html.theme--documenter-dark .modal-close::after,html.theme--documenter-dark .delete::after{height:50%;width:2px}html.theme--documenter-dark .modal-close:hover,html.theme--documenter-dark .delete:hover,html.theme--documenter-dark .modal-close:focus,html.theme--documenter-dark .delete:focus{background-color:rgba(10,10,10,0.3)}html.theme--documenter-dark .modal-close:active,html.theme--documenter-dark .delete:active{background-color:rgba(10,10,10,0.4)}html.theme--documenter-dark .is-small.modal-close,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.modal-close,html.theme--documenter-dark .is-small.delete,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}html.theme--documenter-dark .is-medium.modal-close,html.theme--documenter-dark .is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}html.theme--documenter-dark .is-large.modal-close,html.theme--documenter-dark .is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}html.theme--documenter-dark .control.is-loading::after,html.theme--documenter-dark .select.is-loading::after,html.theme--documenter-dark .loader,html.theme--documenter-dark .button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #dbdee0;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}html.theme--documenter-dark .hero-video,html.theme--documenter-dark .modal-background,html.theme--documenter-dark .modal,html.theme--documenter-dark .image.is-square img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--documenter-dark .image.is-square .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--documenter-dark .image.is-1by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--documenter-dark .image.is-1by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--documenter-dark .image.is-5by4 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--documenter-dark .image.is-5by4 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--documenter-dark .image.is-4by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--documenter-dark .image.is-4by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--documenter-dark .image.is-3by2 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--documenter-dark .image.is-3by2 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--documenter-dark .image.is-5by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--documenter-dark .image.is-5by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--documenter-dark .image.is-16by9 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--documenter-dark .image.is-16by9 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--documenter-dark .image.is-2by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--documenter-dark .image.is-2by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--documenter-dark .image.is-3by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--documenter-dark .image.is-3by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--documenter-dark .image.is-4by5 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--documenter-dark .image.is-4by5 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--documenter-dark .image.is-3by4 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--documenter-dark .image.is-3by4 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--documenter-dark .image.is-2by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--documenter-dark .image.is-2by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--documenter-dark .image.is-3by5 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--documenter-dark .image.is-3by5 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--documenter-dark .image.is-9by16 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--documenter-dark .image.is-9by16 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--documenter-dark .image.is-1by2 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--documenter-dark .image.is-1by2 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--documenter-dark .image.is-1by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--documenter-dark .image.is-1by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}html.theme--documenter-dark .navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#ecf0f1 !important}a.has-text-light:hover,a.has-text-light:focus{color:#cfd9db !important}.has-background-light{background-color:#ecf0f1 !important}.has-text-dark{color:#282f2f !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#111414 !important}.has-background-dark{background-color:#282f2f !important}.has-text-primary{color:#375a7f !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#28415b !important}.has-background-primary{background-color:#375a7f !important}.has-text-primary-light{color:#f1f5f9 !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#cddbe9 !important}.has-background-primary-light{background-color:#f1f5f9 !important}.has-text-primary-dark{color:#4d7eb2 !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#7198c1 !important}.has-background-primary-dark{background-color:#4d7eb2 !important}.has-text-link{color:#1abc9c !important}a.has-text-link:hover,a.has-text-link:focus{color:#148f77 !important}.has-background-link{background-color:#1abc9c !important}.has-text-link-light{color:#edfdf9 !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#c0f6ec !important}.has-background-link-light{background-color:#edfdf9 !important}.has-text-link-dark{color:#15987e !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#1bc5a4 !important}.has-background-link-dark{background-color:#15987e !important}.has-text-info{color:#3c5dcd !important}a.has-text-info:hover,a.has-text-info:focus{color:#2c48aa !important}.has-background-info{background-color:#3c5dcd !important}.has-text-info-light{color:#eff2fb !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#c6d0f0 !important}.has-background-info-light{background-color:#eff2fb !important}.has-text-info-dark{color:#3253c3 !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#5571d3 !important}.has-background-info-dark{background-color:#3253c3 !important}.has-text-success{color:#259a12 !important}a.has-text-success:hover,a.has-text-success:focus{color:#1a6c0d !important}.has-background-success{background-color:#259a12 !important}.has-text-success-light{color:#effded !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#c7f8bf !important}.has-background-success-light{background-color:#effded !important}.has-text-success-dark{color:#2ec016 !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#3fe524 !important}.has-background-success-dark{background-color:#2ec016 !important}.has-text-warning{color:#f4c72f !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#e4b30c !important}.has-background-warning{background-color:#f4c72f !important}.has-text-warning-light{color:#fefaec !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#fbedbb !important}.has-background-warning-light{background-color:#fefaec !important}.has-text-warning-dark{color:#8c6e07 !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#bd940a !important}.has-background-warning-dark{background-color:#8c6e07 !important}.has-text-danger{color:#cb3c33 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#a23029 !important}.has-background-danger{background-color:#cb3c33 !important}.has-text-danger-light{color:#fbefef !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#f1c8c6 !important}.has-background-danger-light{background-color:#fbefef !important}.has-text-danger-dark{color:#c03930 !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#d35850 !important}.has-background-danger-dark{background-color:#c03930 !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#282f2f !important}.has-background-grey-darker{background-color:#282f2f !important}.has-text-grey-dark{color:#343c3d !important}.has-background-grey-dark{background-color:#343c3d !important}.has-text-grey{color:#5e6d6f !important}.has-background-grey{background-color:#5e6d6f !important}.has-text-grey-light{color:#8c9b9d !important}.has-background-grey-light{background-color:#8c9b9d !important}.has-text-grey-lighter{color:#dbdee0 !important}.has-background-grey-lighter{background-color:#dbdee0 !important}.has-text-white-ter{color:#ecf0f1 !important}.has-background-white-ter{background-color:#ecf0f1 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,html.theme--documenter-dark .docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}html.theme--documenter-dark{/*! + Theme: a11y-dark + Author: @ericwbailey + Maintainer: @ericwbailey + + Based on the Tomorrow Night Eighties theme: https://github.com/isagalaev/highlight.js/blob/master/src/styles/tomorrow-night-eighties.css +*/}html.theme--documenter-dark html{background-color:#1f2424;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--documenter-dark article,html.theme--documenter-dark aside,html.theme--documenter-dark figure,html.theme--documenter-dark footer,html.theme--documenter-dark header,html.theme--documenter-dark hgroup,html.theme--documenter-dark section{display:block}html.theme--documenter-dark body,html.theme--documenter-dark button,html.theme--documenter-dark input,html.theme--documenter-dark optgroup,html.theme--documenter-dark select,html.theme--documenter-dark textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}html.theme--documenter-dark code,html.theme--documenter-dark pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--documenter-dark body{color:#fff;font-size:1em;font-weight:400;line-height:1.5}html.theme--documenter-dark a{color:#1abc9c;cursor:pointer;text-decoration:none}html.theme--documenter-dark a strong{color:currentColor}html.theme--documenter-dark a:hover{color:#1dd2af}html.theme--documenter-dark code{background-color:rgba(255,255,255,0.05);color:#ececec;font-size:.875em;font-weight:normal;padding:.1em}html.theme--documenter-dark hr{background-color:#282f2f;border:none;display:block;height:2px;margin:1.5rem 0}html.theme--documenter-dark img{height:auto;max-width:100%}html.theme--documenter-dark input[type="checkbox"],html.theme--documenter-dark input[type="radio"]{vertical-align:baseline}html.theme--documenter-dark small{font-size:.875em}html.theme--documenter-dark span{font-style:inherit;font-weight:inherit}html.theme--documenter-dark strong{color:#f2f2f2;font-weight:700}html.theme--documenter-dark fieldset{border:none}html.theme--documenter-dark pre{-webkit-overflow-scrolling:touch;background-color:#282f2f;color:#fff;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}html.theme--documenter-dark pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}html.theme--documenter-dark table td,html.theme--documenter-dark table th{vertical-align:top}html.theme--documenter-dark table td:not([align]),html.theme--documenter-dark table th:not([align]){text-align:inherit}html.theme--documenter-dark table th{color:#f2f2f2}html.theme--documenter-dark .box{background-color:#343c3d;border-radius:8px;box-shadow:none;color:#fff;display:block;padding:1.25rem}html.theme--documenter-dark a.box:hover,html.theme--documenter-dark a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #1abc9c}html.theme--documenter-dark a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #1abc9c}html.theme--documenter-dark .button{background-color:#282f2f;border-color:#4c5759;border-width:1px;color:#375a7f;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}html.theme--documenter-dark .button strong{color:inherit}html.theme--documenter-dark .button .icon,html.theme--documenter-dark .button .icon.is-small,html.theme--documenter-dark .button #documenter .docs-sidebar form.docs-search>input.icon,html.theme--documenter-dark #documenter .docs-sidebar .button form.docs-search>input.icon,html.theme--documenter-dark .button .icon.is-medium,html.theme--documenter-dark .button .icon.is-large{height:1.5em;width:1.5em}html.theme--documenter-dark .button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}html.theme--documenter-dark .button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}html.theme--documenter-dark .button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}html.theme--documenter-dark .button:hover,html.theme--documenter-dark .button.is-hovered{border-color:#8c9b9d;color:#f2f2f2}html.theme--documenter-dark .button:focus,html.theme--documenter-dark .button.is-focused{border-color:#8c9b9d;color:#17a689}html.theme--documenter-dark .button:focus:not(:active),html.theme--documenter-dark .button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(26,188,156,0.25)}html.theme--documenter-dark .button:active,html.theme--documenter-dark .button.is-active{border-color:#343c3d;color:#f2f2f2}html.theme--documenter-dark .button.is-text{background-color:transparent;border-color:transparent;color:#fff;text-decoration:underline}html.theme--documenter-dark .button.is-text:hover,html.theme--documenter-dark .button.is-text.is-hovered,html.theme--documenter-dark .button.is-text:focus,html.theme--documenter-dark .button.is-text.is-focused{background-color:#282f2f;color:#f2f2f2}html.theme--documenter-dark .button.is-text:active,html.theme--documenter-dark .button.is-text.is-active{background-color:#1d2122;color:#f2f2f2}html.theme--documenter-dark .button.is-text[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}html.theme--documenter-dark .button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#1abc9c;text-decoration:none}html.theme--documenter-dark .button.is-ghost:hover,html.theme--documenter-dark .button.is-ghost.is-hovered{color:#1abc9c;text-decoration:underline}html.theme--documenter-dark .button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .button.is-white:hover,html.theme--documenter-dark .button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .button.is-white:focus,html.theme--documenter-dark .button.is-white.is-focused{border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .button.is-white:focus:not(:active),html.theme--documenter-dark .button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--documenter-dark .button.is-white:active,html.theme--documenter-dark .button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .button.is-white[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}html.theme--documenter-dark .button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .button.is-white.is-inverted:hover,html.theme--documenter-dark .button.is-white.is-inverted.is-hovered{background-color:#000}html.theme--documenter-dark .button.is-white.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--documenter-dark .button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-white.is-outlined:hover,html.theme--documenter-dark .button.is-white.is-outlined.is-hovered,html.theme--documenter-dark .button.is-white.is-outlined:focus,html.theme--documenter-dark .button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--documenter-dark .button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-white.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-white.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-white.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--documenter-dark .button.is-white.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--documenter-dark .button.is-white.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--documenter-dark .button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-black:hover,html.theme--documenter-dark .button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-black:focus,html.theme--documenter-dark .button.is-black.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-black:focus:not(:active),html.theme--documenter-dark .button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--documenter-dark .button.is-black:active,html.theme--documenter-dark .button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-black[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}html.theme--documenter-dark .button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .button.is-black.is-inverted:hover,html.theme--documenter-dark .button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-black.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}html.theme--documenter-dark .button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}html.theme--documenter-dark .button.is-black.is-outlined:hover,html.theme--documenter-dark .button.is-black.is-outlined.is-hovered,html.theme--documenter-dark .button.is-black.is-outlined:focus,html.theme--documenter-dark .button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--documenter-dark .button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--documenter-dark .button.is-black.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-black.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-black.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-black.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}html.theme--documenter-dark .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-black.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}html.theme--documenter-dark .button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-light{background-color:#ecf0f1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light:hover,html.theme--documenter-dark .button.is-light.is-hovered{background-color:#e5eaec;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light:focus,html.theme--documenter-dark .button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light:focus:not(:active),html.theme--documenter-dark .button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(236,240,241,0.25)}html.theme--documenter-dark .button.is-light:active,html.theme--documenter-dark .button.is-light.is-active{background-color:#dde4e6;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-light{background-color:#ecf0f1;border-color:#ecf0f1;box-shadow:none}html.theme--documenter-dark .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#ecf0f1}html.theme--documenter-dark .button.is-light.is-inverted:hover,html.theme--documenter-dark .button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#ecf0f1}html.theme--documenter-dark .button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--documenter-dark .button.is-light.is-outlined{background-color:transparent;border-color:#ecf0f1;color:#ecf0f1}html.theme--documenter-dark .button.is-light.is-outlined:hover,html.theme--documenter-dark .button.is-light.is-outlined.is-hovered,html.theme--documenter-dark .button.is-light.is-outlined:focus,html.theme--documenter-dark .button.is-light.is-outlined.is-focused{background-color:#ecf0f1;border-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #ecf0f1 #ecf0f1 !important}html.theme--documenter-dark .button.is-light.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-light.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-light.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--documenter-dark .button.is-light.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-light.is-outlined{background-color:transparent;border-color:#ecf0f1;box-shadow:none;color:#ecf0f1}html.theme--documenter-dark .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-light.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#ecf0f1}html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #ecf0f1 #ecf0f1 !important}html.theme--documenter-dark .button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-dark,html.theme--documenter-dark .content kbd.button{background-color:#282f2f;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-dark:hover,html.theme--documenter-dark .content kbd.button:hover,html.theme--documenter-dark .button.is-dark.is-hovered,html.theme--documenter-dark .content kbd.button.is-hovered{background-color:#232829;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-dark:focus,html.theme--documenter-dark .content kbd.button:focus,html.theme--documenter-dark .button.is-dark.is-focused,html.theme--documenter-dark .content kbd.button.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-dark:focus:not(:active),html.theme--documenter-dark .content kbd.button:focus:not(:active),html.theme--documenter-dark .button.is-dark.is-focused:not(:active),html.theme--documenter-dark .content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(40,47,47,0.25)}html.theme--documenter-dark .button.is-dark:active,html.theme--documenter-dark .content kbd.button:active,html.theme--documenter-dark .button.is-dark.is-active,html.theme--documenter-dark .content kbd.button.is-active{background-color:#1d2122;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-dark[disabled],html.theme--documenter-dark .content kbd.button[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-dark,fieldset[disabled] html.theme--documenter-dark .content kbd.button{background-color:#282f2f;border-color:#282f2f;box-shadow:none}html.theme--documenter-dark .button.is-dark.is-inverted,html.theme--documenter-dark .content kbd.button.is-inverted{background-color:#fff;color:#282f2f}html.theme--documenter-dark .button.is-dark.is-inverted:hover,html.theme--documenter-dark .content kbd.button.is-inverted:hover,html.theme--documenter-dark .button.is-dark.is-inverted.is-hovered,html.theme--documenter-dark .content kbd.button.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-dark.is-inverted[disabled],html.theme--documenter-dark .content kbd.button.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-dark.is-inverted,fieldset[disabled] html.theme--documenter-dark .content kbd.button.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#282f2f}html.theme--documenter-dark .button.is-dark.is-loading::after,html.theme--documenter-dark .content kbd.button.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-dark.is-outlined,html.theme--documenter-dark .content kbd.button.is-outlined{background-color:transparent;border-color:#282f2f;color:#282f2f}html.theme--documenter-dark .button.is-dark.is-outlined:hover,html.theme--documenter-dark .content kbd.button.is-outlined:hover,html.theme--documenter-dark .button.is-dark.is-outlined.is-hovered,html.theme--documenter-dark .content kbd.button.is-outlined.is-hovered,html.theme--documenter-dark .button.is-dark.is-outlined:focus,html.theme--documenter-dark .content kbd.button.is-outlined:focus,html.theme--documenter-dark .button.is-dark.is-outlined.is-focused,html.theme--documenter-dark .content kbd.button.is-outlined.is-focused{background-color:#282f2f;border-color:#282f2f;color:#fff}html.theme--documenter-dark .button.is-dark.is-outlined.is-loading::after,html.theme--documenter-dark .content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #282f2f #282f2f !important}html.theme--documenter-dark .button.is-dark.is-outlined.is-loading:hover::after,html.theme--documenter-dark .content kbd.button.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-dark.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .content kbd.button.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-dark.is-outlined.is-loading:focus::after,html.theme--documenter-dark .content kbd.button.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-dark.is-outlined.is-loading.is-focused::after,html.theme--documenter-dark .content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-dark.is-outlined[disabled],html.theme--documenter-dark .content kbd.button.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-dark.is-outlined,fieldset[disabled] html.theme--documenter-dark .content kbd.button.is-outlined{background-color:transparent;border-color:#282f2f;box-shadow:none;color:#282f2f}html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined:hover,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined:focus,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-focused,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-focused{background-color:#fff;color:#282f2f}html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #282f2f #282f2f !important}html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined[disabled],html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-dark.is-inverted.is-outlined,fieldset[disabled] html.theme--documenter-dark .content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-primary,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink{background-color:#375a7f;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-primary:hover,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:hover,html.theme--documenter-dark .button.is-primary.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#335476;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-primary:focus,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:focus,html.theme--documenter-dark .button.is-primary.is-focused,html.theme--documenter-dark .docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-primary:focus:not(:active),html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:focus:not(:active),html.theme--documenter-dark .button.is-primary.is-focused:not(:active),html.theme--documenter-dark .docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(55,90,127,0.25)}html.theme--documenter-dark .button.is-primary:active,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:active,html.theme--documenter-dark .button.is-primary.is-active,html.theme--documenter-dark .docstring>section>a.button.is-active.docs-sourcelink{background-color:#2f4d6d;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-primary[disabled],html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-primary,fieldset[disabled] html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink{background-color:#375a7f;border-color:#375a7f;box-shadow:none}html.theme--documenter-dark .button.is-primary.is-inverted,html.theme--documenter-dark .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#375a7f}html.theme--documenter-dark .button.is-primary.is-inverted:hover,html.theme--documenter-dark .docstring>section>a.button.is-inverted.docs-sourcelink:hover,html.theme--documenter-dark .button.is-primary.is-inverted.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}html.theme--documenter-dark .button.is-primary.is-inverted[disabled],html.theme--documenter-dark .docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-primary.is-inverted,fieldset[disabled] html.theme--documenter-dark .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#375a7f}html.theme--documenter-dark .button.is-primary.is-loading::after,html.theme--documenter-dark .docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-primary.is-outlined,html.theme--documenter-dark .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#375a7f;color:#375a7f}html.theme--documenter-dark .button.is-primary.is-outlined:hover,html.theme--documenter-dark .docstring>section>a.button.is-outlined.docs-sourcelink:hover,html.theme--documenter-dark .button.is-primary.is-outlined.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,html.theme--documenter-dark .button.is-primary.is-outlined:focus,html.theme--documenter-dark .docstring>section>a.button.is-outlined.docs-sourcelink:focus,html.theme--documenter-dark .button.is-primary.is-outlined.is-focused,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#375a7f;border-color:#375a7f;color:#fff}html.theme--documenter-dark .button.is-primary.is-outlined.is-loading::after,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #375a7f #375a7f !important}html.theme--documenter-dark .button.is-primary.is-outlined.is-loading:hover::after,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--documenter-dark .button.is-primary.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--documenter-dark .button.is-primary.is-outlined.is-loading:focus::after,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--documenter-dark .button.is-primary.is-outlined.is-loading.is-focused::after,html.theme--documenter-dark .docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-primary.is-outlined[disabled],html.theme--documenter-dark .docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-primary.is-outlined,fieldset[disabled] html.theme--documenter-dark .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#375a7f;box-shadow:none;color:#375a7f}html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined:hover,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined:focus,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-focused,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#375a7f}html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #375a7f #375a7f !important}html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined[disabled],html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-primary.is-inverted.is-outlined,fieldset[disabled] html.theme--documenter-dark .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-primary.is-light,html.theme--documenter-dark .docstring>section>a.button.is-light.docs-sourcelink{background-color:#f1f5f9;color:#4d7eb2}html.theme--documenter-dark .button.is-primary.is-light:hover,html.theme--documenter-dark .docstring>section>a.button.is-light.docs-sourcelink:hover,html.theme--documenter-dark .button.is-primary.is-light.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#e8eef5;border-color:transparent;color:#4d7eb2}html.theme--documenter-dark .button.is-primary.is-light:active,html.theme--documenter-dark .docstring>section>a.button.is-light.docs-sourcelink:active,html.theme--documenter-dark .button.is-primary.is-light.is-active,html.theme--documenter-dark .docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#dfe8f1;border-color:transparent;color:#4d7eb2}html.theme--documenter-dark .button.is-link{background-color:#1abc9c;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-link:hover,html.theme--documenter-dark .button.is-link.is-hovered{background-color:#18b193;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-link:focus,html.theme--documenter-dark .button.is-link.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-link:focus:not(:active),html.theme--documenter-dark .button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(26,188,156,0.25)}html.theme--documenter-dark .button.is-link:active,html.theme--documenter-dark .button.is-link.is-active{background-color:#17a689;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-link[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-link{background-color:#1abc9c;border-color:#1abc9c;box-shadow:none}html.theme--documenter-dark .button.is-link.is-inverted{background-color:#fff;color:#1abc9c}html.theme--documenter-dark .button.is-link.is-inverted:hover,html.theme--documenter-dark .button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-link.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#1abc9c}html.theme--documenter-dark .button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-link.is-outlined{background-color:transparent;border-color:#1abc9c;color:#1abc9c}html.theme--documenter-dark .button.is-link.is-outlined:hover,html.theme--documenter-dark .button.is-link.is-outlined.is-hovered,html.theme--documenter-dark .button.is-link.is-outlined:focus,html.theme--documenter-dark .button.is-link.is-outlined.is-focused{background-color:#1abc9c;border-color:#1abc9c;color:#fff}html.theme--documenter-dark .button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #1abc9c #1abc9c !important}html.theme--documenter-dark .button.is-link.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-link.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-link.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-link.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-link.is-outlined{background-color:transparent;border-color:#1abc9c;box-shadow:none;color:#1abc9c}html.theme--documenter-dark .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-link.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#1abc9c}html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #1abc9c #1abc9c !important}html.theme--documenter-dark .button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-link.is-light{background-color:#edfdf9;color:#15987e}html.theme--documenter-dark .button.is-link.is-light:hover,html.theme--documenter-dark .button.is-link.is-light.is-hovered{background-color:#e2fbf6;border-color:transparent;color:#15987e}html.theme--documenter-dark .button.is-link.is-light:active,html.theme--documenter-dark .button.is-link.is-light.is-active{background-color:#d7f9f3;border-color:transparent;color:#15987e}html.theme--documenter-dark .button.is-info{background-color:#3c5dcd;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-info:hover,html.theme--documenter-dark .button.is-info.is-hovered{background-color:#3355c9;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-info:focus,html.theme--documenter-dark .button.is-info.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-info:focus:not(:active),html.theme--documenter-dark .button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}html.theme--documenter-dark .button.is-info:active,html.theme--documenter-dark .button.is-info.is-active{background-color:#3151bf;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-info[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-info{background-color:#3c5dcd;border-color:#3c5dcd;box-shadow:none}html.theme--documenter-dark .button.is-info.is-inverted{background-color:#fff;color:#3c5dcd}html.theme--documenter-dark .button.is-info.is-inverted:hover,html.theme--documenter-dark .button.is-info.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-info.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-info.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#3c5dcd}html.theme--documenter-dark .button.is-info.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-info.is-outlined{background-color:transparent;border-color:#3c5dcd;color:#3c5dcd}html.theme--documenter-dark .button.is-info.is-outlined:hover,html.theme--documenter-dark .button.is-info.is-outlined.is-hovered,html.theme--documenter-dark .button.is-info.is-outlined:focus,html.theme--documenter-dark .button.is-info.is-outlined.is-focused{background-color:#3c5dcd;border-color:#3c5dcd;color:#fff}html.theme--documenter-dark .button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #3c5dcd #3c5dcd !important}html.theme--documenter-dark .button.is-info.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-info.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-info.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-info.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-info.is-outlined{background-color:transparent;border-color:#3c5dcd;box-shadow:none;color:#3c5dcd}html.theme--documenter-dark .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-info.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-focused{background-color:#fff;color:#3c5dcd}html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #3c5dcd #3c5dcd !important}html.theme--documenter-dark .button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-info.is-light{background-color:#eff2fb;color:#3253c3}html.theme--documenter-dark .button.is-info.is-light:hover,html.theme--documenter-dark .button.is-info.is-light.is-hovered{background-color:#e5e9f8;border-color:transparent;color:#3253c3}html.theme--documenter-dark .button.is-info.is-light:active,html.theme--documenter-dark .button.is-info.is-light.is-active{background-color:#dae1f6;border-color:transparent;color:#3253c3}html.theme--documenter-dark .button.is-success{background-color:#259a12;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-success:hover,html.theme--documenter-dark .button.is-success.is-hovered{background-color:#228f11;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-success:focus,html.theme--documenter-dark .button.is-success.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-success:focus:not(:active),html.theme--documenter-dark .button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}html.theme--documenter-dark .button.is-success:active,html.theme--documenter-dark .button.is-success.is-active{background-color:#20830f;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-success[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-success{background-color:#259a12;border-color:#259a12;box-shadow:none}html.theme--documenter-dark .button.is-success.is-inverted{background-color:#fff;color:#259a12}html.theme--documenter-dark .button.is-success.is-inverted:hover,html.theme--documenter-dark .button.is-success.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-success.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-success.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#259a12}html.theme--documenter-dark .button.is-success.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-success.is-outlined{background-color:transparent;border-color:#259a12;color:#259a12}html.theme--documenter-dark .button.is-success.is-outlined:hover,html.theme--documenter-dark .button.is-success.is-outlined.is-hovered,html.theme--documenter-dark .button.is-success.is-outlined:focus,html.theme--documenter-dark .button.is-success.is-outlined.is-focused{background-color:#259a12;border-color:#259a12;color:#fff}html.theme--documenter-dark .button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #259a12 #259a12 !important}html.theme--documenter-dark .button.is-success.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-success.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-success.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-success.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-success.is-outlined{background-color:transparent;border-color:#259a12;box-shadow:none;color:#259a12}html.theme--documenter-dark .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-success.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-focused{background-color:#fff;color:#259a12}html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #259a12 #259a12 !important}html.theme--documenter-dark .button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-success.is-light{background-color:#effded;color:#2ec016}html.theme--documenter-dark .button.is-success.is-light:hover,html.theme--documenter-dark .button.is-success.is-light.is-hovered{background-color:#e5fce1;border-color:transparent;color:#2ec016}html.theme--documenter-dark .button.is-success.is-light:active,html.theme--documenter-dark .button.is-success.is-light.is-active{background-color:#dbfad6;border-color:transparent;color:#2ec016}html.theme--documenter-dark .button.is-warning{background-color:#f4c72f;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning:hover,html.theme--documenter-dark .button.is-warning.is-hovered{background-color:#f3c423;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning:focus,html.theme--documenter-dark .button.is-warning.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning:focus:not(:active),html.theme--documenter-dark .button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(244,199,47,0.25)}html.theme--documenter-dark .button.is-warning:active,html.theme--documenter-dark .button.is-warning.is-active{background-color:#f3c017;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-warning{background-color:#f4c72f;border-color:#f4c72f;box-shadow:none}html.theme--documenter-dark .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);color:#f4c72f}html.theme--documenter-dark .button.is-warning.is-inverted:hover,html.theme--documenter-dark .button.is-warning.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-warning.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f4c72f}html.theme--documenter-dark .button.is-warning.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--documenter-dark .button.is-warning.is-outlined{background-color:transparent;border-color:#f4c72f;color:#f4c72f}html.theme--documenter-dark .button.is-warning.is-outlined:hover,html.theme--documenter-dark .button.is-warning.is-outlined.is-hovered,html.theme--documenter-dark .button.is-warning.is-outlined:focus,html.theme--documenter-dark .button.is-warning.is-outlined.is-focused{background-color:#f4c72f;border-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #f4c72f #f4c72f !important}html.theme--documenter-dark .button.is-warning.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-warning.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-warning.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}html.theme--documenter-dark .button.is-warning.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-warning.is-outlined{background-color:transparent;border-color:#f4c72f;box-shadow:none;color:#f4c72f}html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f4c72f}html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f4c72f #f4c72f !important}html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .button.is-warning.is-light{background-color:#fefaec;color:#8c6e07}html.theme--documenter-dark .button.is-warning.is-light:hover,html.theme--documenter-dark .button.is-warning.is-light.is-hovered{background-color:#fdf7e0;border-color:transparent;color:#8c6e07}html.theme--documenter-dark .button.is-warning.is-light:active,html.theme--documenter-dark .button.is-warning.is-light.is-active{background-color:#fdf3d3;border-color:transparent;color:#8c6e07}html.theme--documenter-dark .button.is-danger{background-color:#cb3c33;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-danger:hover,html.theme--documenter-dark .button.is-danger.is-hovered{background-color:#c13930;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-danger:focus,html.theme--documenter-dark .button.is-danger.is-focused{border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-danger:focus:not(:active),html.theme--documenter-dark .button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}html.theme--documenter-dark .button.is-danger:active,html.theme--documenter-dark .button.is-danger.is-active{background-color:#b7362e;border-color:transparent;color:#fff}html.theme--documenter-dark .button.is-danger[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-danger{background-color:#cb3c33;border-color:#cb3c33;box-shadow:none}html.theme--documenter-dark .button.is-danger.is-inverted{background-color:#fff;color:#cb3c33}html.theme--documenter-dark .button.is-danger.is-inverted:hover,html.theme--documenter-dark .button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}html.theme--documenter-dark .button.is-danger.is-inverted[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#cb3c33}html.theme--documenter-dark .button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-danger.is-outlined{background-color:transparent;border-color:#cb3c33;color:#cb3c33}html.theme--documenter-dark .button.is-danger.is-outlined:hover,html.theme--documenter-dark .button.is-danger.is-outlined.is-hovered,html.theme--documenter-dark .button.is-danger.is-outlined:focus,html.theme--documenter-dark .button.is-danger.is-outlined.is-focused{background-color:#cb3c33;border-color:#cb3c33;color:#fff}html.theme--documenter-dark .button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #cb3c33 #cb3c33 !important}html.theme--documenter-dark .button.is-danger.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-danger.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-danger.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}html.theme--documenter-dark .button.is-danger.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-danger.is-outlined{background-color:transparent;border-color:#cb3c33;box-shadow:none;color:#cb3c33}html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined:hover,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-hovered,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined:focus,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#cb3c33}html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-loading:hover::after,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-loading:focus::after,html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #cb3c33 #cb3c33 !important}html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] html.theme--documenter-dark .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}html.theme--documenter-dark .button.is-danger.is-light{background-color:#fbefef;color:#c03930}html.theme--documenter-dark .button.is-danger.is-light:hover,html.theme--documenter-dark .button.is-danger.is-light.is-hovered{background-color:#f8e6e5;border-color:transparent;color:#c03930}html.theme--documenter-dark .button.is-danger.is-light:active,html.theme--documenter-dark .button.is-danger.is-light.is-active{background-color:#f6dcda;border-color:transparent;color:#c03930}html.theme--documenter-dark .button.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}html.theme--documenter-dark .button.is-small:not(.is-rounded),html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:3px}html.theme--documenter-dark .button.is-normal{font-size:1rem}html.theme--documenter-dark .button.is-medium{font-size:1.25rem}html.theme--documenter-dark .button.is-large{font-size:1.5rem}html.theme--documenter-dark .button[disabled],fieldset[disabled] html.theme--documenter-dark .button{background-color:#8c9b9d;border-color:#5e6d6f;box-shadow:none;opacity:.5}html.theme--documenter-dark .button.is-fullwidth{display:flex;width:100%}html.theme--documenter-dark .button.is-loading{color:transparent !important;pointer-events:none}html.theme--documenter-dark .button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}html.theme--documenter-dark .button.is-static{background-color:#282f2f;border-color:#5e6d6f;color:#dbdee0;box-shadow:none;pointer-events:none}html.theme--documenter-dark .button.is-rounded,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}html.theme--documenter-dark .buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--documenter-dark .buttons .button{margin-bottom:0.5rem}html.theme--documenter-dark .buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}html.theme--documenter-dark .buttons:last-child{margin-bottom:-0.5rem}html.theme--documenter-dark .buttons:not(:last-child){margin-bottom:1rem}html.theme--documenter-dark .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}html.theme--documenter-dark .buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:3px}html.theme--documenter-dark .buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}html.theme--documenter-dark .buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}html.theme--documenter-dark .buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}html.theme--documenter-dark .buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}html.theme--documenter-dark .buttons.has-addons .button:last-child{margin-right:0}html.theme--documenter-dark .buttons.has-addons .button:hover,html.theme--documenter-dark .buttons.has-addons .button.is-hovered{z-index:2}html.theme--documenter-dark .buttons.has-addons .button:focus,html.theme--documenter-dark .buttons.has-addons .button.is-focused,html.theme--documenter-dark .buttons.has-addons .button:active,html.theme--documenter-dark .buttons.has-addons .button.is-active,html.theme--documenter-dark .buttons.has-addons .button.is-selected{z-index:3}html.theme--documenter-dark .buttons.has-addons .button:focus:hover,html.theme--documenter-dark .buttons.has-addons .button.is-focused:hover,html.theme--documenter-dark .buttons.has-addons .button:active:hover,html.theme--documenter-dark .buttons.has-addons .button.is-active:hover,html.theme--documenter-dark .buttons.has-addons .button.is-selected:hover{z-index:4}html.theme--documenter-dark .buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .buttons.is-centered{justify-content:center}html.theme--documenter-dark .buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}html.theme--documenter-dark .buttons.is-right{justify-content:flex-end}html.theme--documenter-dark .buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){html.theme--documenter-dark .button.is-responsive.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}html.theme--documenter-dark .button.is-responsive,html.theme--documenter-dark .button.is-responsive.is-normal{font-size:.65625rem}html.theme--documenter-dark .button.is-responsive.is-medium{font-size:.75rem}html.theme--documenter-dark .button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .button.is-responsive.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}html.theme--documenter-dark .button.is-responsive,html.theme--documenter-dark .button.is-responsive.is-normal{font-size:.75rem}html.theme--documenter-dark .button.is-responsive.is-medium{font-size:1rem}html.theme--documenter-dark .button.is-responsive.is-large{font-size:1.25rem}}html.theme--documenter-dark .container{flex-grow:1;margin:0 auto;position:relative;width:auto}html.theme--documenter-dark .container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){html.theme--documenter-dark .container{max-width:992px}}@media screen and (max-width: 1215px){html.theme--documenter-dark .container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){html.theme--documenter-dark .container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){html.theme--documenter-dark .container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){html.theme--documenter-dark .container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}html.theme--documenter-dark .content li+li{margin-top:0.25em}html.theme--documenter-dark .content p:not(:last-child),html.theme--documenter-dark .content dl:not(:last-child),html.theme--documenter-dark .content ol:not(:last-child),html.theme--documenter-dark .content ul:not(:last-child),html.theme--documenter-dark .content blockquote:not(:last-child),html.theme--documenter-dark .content pre:not(:last-child),html.theme--documenter-dark .content table:not(:last-child){margin-bottom:1em}html.theme--documenter-dark .content h1,html.theme--documenter-dark .content h2,html.theme--documenter-dark .content h3,html.theme--documenter-dark .content h4,html.theme--documenter-dark .content h5,html.theme--documenter-dark .content h6{color:#f2f2f2;font-weight:600;line-height:1.125}html.theme--documenter-dark .content h1{font-size:2em;margin-bottom:0.5em}html.theme--documenter-dark .content h1:not(:first-child){margin-top:1em}html.theme--documenter-dark .content h2{font-size:1.75em;margin-bottom:0.5714em}html.theme--documenter-dark .content h2:not(:first-child){margin-top:1.1428em}html.theme--documenter-dark .content h3{font-size:1.5em;margin-bottom:0.6666em}html.theme--documenter-dark .content h3:not(:first-child){margin-top:1.3333em}html.theme--documenter-dark .content h4{font-size:1.25em;margin-bottom:0.8em}html.theme--documenter-dark .content h5{font-size:1.125em;margin-bottom:0.8888em}html.theme--documenter-dark .content h6{font-size:1em;margin-bottom:1em}html.theme--documenter-dark .content blockquote{background-color:#282f2f;border-left:5px solid #5e6d6f;padding:1.25em 1.5em}html.theme--documenter-dark .content ol{list-style-position:outside;margin-left:2em;margin-top:1em}html.theme--documenter-dark .content ol:not([type]){list-style-type:decimal}html.theme--documenter-dark .content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}html.theme--documenter-dark .content ol.is-lower-roman:not([type]){list-style-type:lower-roman}html.theme--documenter-dark .content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}html.theme--documenter-dark .content ol.is-upper-roman:not([type]){list-style-type:upper-roman}html.theme--documenter-dark .content ul{list-style:disc outside;margin-left:2em;margin-top:1em}html.theme--documenter-dark .content ul ul{list-style-type:circle;margin-top:0.5em}html.theme--documenter-dark .content ul ul ul{list-style-type:square}html.theme--documenter-dark .content dd{margin-left:2em}html.theme--documenter-dark .content figure{margin-left:2em;margin-right:2em;text-align:center}html.theme--documenter-dark .content figure:not(:first-child){margin-top:2em}html.theme--documenter-dark .content figure:not(:last-child){margin-bottom:2em}html.theme--documenter-dark .content figure img{display:inline-block}html.theme--documenter-dark .content figure figcaption{font-style:italic}html.theme--documenter-dark .content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}html.theme--documenter-dark .content sup,html.theme--documenter-dark .content sub{font-size:75%}html.theme--documenter-dark .content table{width:100%}html.theme--documenter-dark .content table td,html.theme--documenter-dark .content table th{border:1px solid #5e6d6f;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--documenter-dark .content table th{color:#f2f2f2}html.theme--documenter-dark .content table th:not([align]){text-align:inherit}html.theme--documenter-dark .content table thead td,html.theme--documenter-dark .content table thead th{border-width:0 0 2px;color:#f2f2f2}html.theme--documenter-dark .content table tfoot td,html.theme--documenter-dark .content table tfoot th{border-width:2px 0 0;color:#f2f2f2}html.theme--documenter-dark .content table tbody tr:last-child td,html.theme--documenter-dark .content table tbody tr:last-child th{border-bottom-width:0}html.theme--documenter-dark .content .tabs li+li{margin-top:0}html.theme--documenter-dark .content.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}html.theme--documenter-dark .content.is-normal{font-size:1rem}html.theme--documenter-dark .content.is-medium{font-size:1.25rem}html.theme--documenter-dark .content.is-large{font-size:1.5rem}html.theme--documenter-dark .icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}html.theme--documenter-dark .icon.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}html.theme--documenter-dark .icon.is-medium{height:2rem;width:2rem}html.theme--documenter-dark .icon.is-large{height:3rem;width:3rem}html.theme--documenter-dark .icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}html.theme--documenter-dark .icon-text .icon{flex-grow:0;flex-shrink:0}html.theme--documenter-dark .icon-text .icon:not(:last-child){margin-right:.25em}html.theme--documenter-dark .icon-text .icon:not(:first-child){margin-left:.25em}html.theme--documenter-dark div.icon-text{display:flex}html.theme--documenter-dark .image,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img{display:block;position:relative}html.theme--documenter-dark .image img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}html.theme--documenter-dark .image img.is-rounded,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}html.theme--documenter-dark .image.is-fullwidth,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}html.theme--documenter-dark .image.is-square img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-square img,html.theme--documenter-dark .image.is-square .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,html.theme--documenter-dark .image.is-1by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by1 img,html.theme--documenter-dark .image.is-1by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,html.theme--documenter-dark .image.is-5by4 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by4 img,html.theme--documenter-dark .image.is-5by4 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,html.theme--documenter-dark .image.is-4by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by3 img,html.theme--documenter-dark .image.is-4by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,html.theme--documenter-dark .image.is-3by2 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by2 img,html.theme--documenter-dark .image.is-3by2 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,html.theme--documenter-dark .image.is-5by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by3 img,html.theme--documenter-dark .image.is-5by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,html.theme--documenter-dark .image.is-16by9 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16by9 img,html.theme--documenter-dark .image.is-16by9 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,html.theme--documenter-dark .image.is-2by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by1 img,html.theme--documenter-dark .image.is-2by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,html.theme--documenter-dark .image.is-3by1 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by1 img,html.theme--documenter-dark .image.is-3by1 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,html.theme--documenter-dark .image.is-4by5 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by5 img,html.theme--documenter-dark .image.is-4by5 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,html.theme--documenter-dark .image.is-3by4 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by4 img,html.theme--documenter-dark .image.is-3by4 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,html.theme--documenter-dark .image.is-2by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by3 img,html.theme--documenter-dark .image.is-2by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,html.theme--documenter-dark .image.is-3by5 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by5 img,html.theme--documenter-dark .image.is-3by5 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,html.theme--documenter-dark .image.is-9by16 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-9by16 img,html.theme--documenter-dark .image.is-9by16 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,html.theme--documenter-dark .image.is-1by2 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by2 img,html.theme--documenter-dark .image.is-1by2 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,html.theme--documenter-dark .image.is-1by3 img,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by3 img,html.theme--documenter-dark .image.is-1by3 .has-ratio,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}html.theme--documenter-dark .image.is-square,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-square,html.theme--documenter-dark .image.is-1by1,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}html.theme--documenter-dark .image.is-5by4,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}html.theme--documenter-dark .image.is-4by3,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}html.theme--documenter-dark .image.is-3by2,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}html.theme--documenter-dark .image.is-5by3,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}html.theme--documenter-dark .image.is-16by9,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}html.theme--documenter-dark .image.is-2by1,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}html.theme--documenter-dark .image.is-3by1,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}html.theme--documenter-dark .image.is-4by5,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}html.theme--documenter-dark .image.is-3by4,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}html.theme--documenter-dark .image.is-2by3,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}html.theme--documenter-dark .image.is-3by5,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}html.theme--documenter-dark .image.is-9by16,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}html.theme--documenter-dark .image.is-1by2,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}html.theme--documenter-dark .image.is-1by3,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}html.theme--documenter-dark .image.is-16x16,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}html.theme--documenter-dark .image.is-24x24,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}html.theme--documenter-dark .image.is-32x32,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}html.theme--documenter-dark .image.is-48x48,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}html.theme--documenter-dark .image.is-64x64,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}html.theme--documenter-dark .image.is-96x96,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}html.theme--documenter-dark .image.is-128x128,html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}html.theme--documenter-dark .notification{background-color:#282f2f;border-radius:.4em;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}html.theme--documenter-dark .notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--documenter-dark .notification strong{color:currentColor}html.theme--documenter-dark .notification code,html.theme--documenter-dark .notification pre{background:#fff}html.theme--documenter-dark .notification pre code{background:transparent}html.theme--documenter-dark .notification>.delete{right:.5rem;position:absolute;top:0.5rem}html.theme--documenter-dark .notification .title,html.theme--documenter-dark .notification .subtitle,html.theme--documenter-dark .notification .content{color:currentColor}html.theme--documenter-dark .notification.is-white{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .notification.is-black{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .notification.is-light{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .notification.is-dark,html.theme--documenter-dark .content kbd.notification{background-color:#282f2f;color:#fff}html.theme--documenter-dark .notification.is-primary,html.theme--documenter-dark .docstring>section>a.notification.docs-sourcelink{background-color:#375a7f;color:#fff}html.theme--documenter-dark .notification.is-primary.is-light,html.theme--documenter-dark .docstring>section>a.notification.is-light.docs-sourcelink{background-color:#f1f5f9;color:#4d7eb2}html.theme--documenter-dark .notification.is-link{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .notification.is-link.is-light{background-color:#edfdf9;color:#15987e}html.theme--documenter-dark .notification.is-info{background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .notification.is-info.is-light{background-color:#eff2fb;color:#3253c3}html.theme--documenter-dark .notification.is-success{background-color:#259a12;color:#fff}html.theme--documenter-dark .notification.is-success.is-light{background-color:#effded;color:#2ec016}html.theme--documenter-dark .notification.is-warning{background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .notification.is-warning.is-light{background-color:#fefaec;color:#8c6e07}html.theme--documenter-dark .notification.is-danger{background-color:#cb3c33;color:#fff}html.theme--documenter-dark .notification.is-danger.is-light{background-color:#fbefef;color:#c03930}html.theme--documenter-dark .progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}html.theme--documenter-dark .progress::-webkit-progress-bar{background-color:#343c3d}html.theme--documenter-dark .progress::-webkit-progress-value{background-color:#dbdee0}html.theme--documenter-dark .progress::-moz-progress-bar{background-color:#dbdee0}html.theme--documenter-dark .progress::-ms-fill{background-color:#dbdee0;border:none}html.theme--documenter-dark .progress.is-white::-webkit-progress-value{background-color:#fff}html.theme--documenter-dark .progress.is-white::-moz-progress-bar{background-color:#fff}html.theme--documenter-dark .progress.is-white::-ms-fill{background-color:#fff}html.theme--documenter-dark .progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-black::-webkit-progress-value{background-color:#0a0a0a}html.theme--documenter-dark .progress.is-black::-moz-progress-bar{background-color:#0a0a0a}html.theme--documenter-dark .progress.is-black::-ms-fill{background-color:#0a0a0a}html.theme--documenter-dark .progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-light::-webkit-progress-value{background-color:#ecf0f1}html.theme--documenter-dark .progress.is-light::-moz-progress-bar{background-color:#ecf0f1}html.theme--documenter-dark .progress.is-light::-ms-fill{background-color:#ecf0f1}html.theme--documenter-dark .progress.is-light:indeterminate{background-image:linear-gradient(to right, #ecf0f1 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-dark::-webkit-progress-value,html.theme--documenter-dark .content kbd.progress::-webkit-progress-value{background-color:#282f2f}html.theme--documenter-dark .progress.is-dark::-moz-progress-bar,html.theme--documenter-dark .content kbd.progress::-moz-progress-bar{background-color:#282f2f}html.theme--documenter-dark .progress.is-dark::-ms-fill,html.theme--documenter-dark .content kbd.progress::-ms-fill{background-color:#282f2f}html.theme--documenter-dark .progress.is-dark:indeterminate,html.theme--documenter-dark .content kbd.progress:indeterminate{background-image:linear-gradient(to right, #282f2f 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-primary::-webkit-progress-value,html.theme--documenter-dark .docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#375a7f}html.theme--documenter-dark .progress.is-primary::-moz-progress-bar,html.theme--documenter-dark .docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#375a7f}html.theme--documenter-dark .progress.is-primary::-ms-fill,html.theme--documenter-dark .docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#375a7f}html.theme--documenter-dark .progress.is-primary:indeterminate,html.theme--documenter-dark .docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #375a7f 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-link::-webkit-progress-value{background-color:#1abc9c}html.theme--documenter-dark .progress.is-link::-moz-progress-bar{background-color:#1abc9c}html.theme--documenter-dark .progress.is-link::-ms-fill{background-color:#1abc9c}html.theme--documenter-dark .progress.is-link:indeterminate{background-image:linear-gradient(to right, #1abc9c 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-info::-webkit-progress-value{background-color:#3c5dcd}html.theme--documenter-dark .progress.is-info::-moz-progress-bar{background-color:#3c5dcd}html.theme--documenter-dark .progress.is-info::-ms-fill{background-color:#3c5dcd}html.theme--documenter-dark .progress.is-info:indeterminate{background-image:linear-gradient(to right, #3c5dcd 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-success::-webkit-progress-value{background-color:#259a12}html.theme--documenter-dark .progress.is-success::-moz-progress-bar{background-color:#259a12}html.theme--documenter-dark .progress.is-success::-ms-fill{background-color:#259a12}html.theme--documenter-dark .progress.is-success:indeterminate{background-image:linear-gradient(to right, #259a12 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-warning::-webkit-progress-value{background-color:#f4c72f}html.theme--documenter-dark .progress.is-warning::-moz-progress-bar{background-color:#f4c72f}html.theme--documenter-dark .progress.is-warning::-ms-fill{background-color:#f4c72f}html.theme--documenter-dark .progress.is-warning:indeterminate{background-image:linear-gradient(to right, #f4c72f 30%, #343c3d 30%)}html.theme--documenter-dark .progress.is-danger::-webkit-progress-value{background-color:#cb3c33}html.theme--documenter-dark .progress.is-danger::-moz-progress-bar{background-color:#cb3c33}html.theme--documenter-dark .progress.is-danger::-ms-fill{background-color:#cb3c33}html.theme--documenter-dark .progress.is-danger:indeterminate{background-image:linear-gradient(to right, #cb3c33 30%, #343c3d 30%)}html.theme--documenter-dark .progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#343c3d;background-image:linear-gradient(to right, #fff 30%, #343c3d 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}html.theme--documenter-dark .progress:indeterminate::-webkit-progress-bar{background-color:transparent}html.theme--documenter-dark .progress:indeterminate::-moz-progress-bar{background-color:transparent}html.theme--documenter-dark .progress:indeterminate::-ms-fill{animation-name:none}html.theme--documenter-dark .progress.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}html.theme--documenter-dark .progress.is-medium{height:1.25rem}html.theme--documenter-dark .progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}html.theme--documenter-dark .table{background-color:#343c3d;color:#fff}html.theme--documenter-dark .table td,html.theme--documenter-dark .table th{border:1px solid #5e6d6f;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}html.theme--documenter-dark .table td.is-white,html.theme--documenter-dark .table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--documenter-dark .table td.is-black,html.theme--documenter-dark .table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--documenter-dark .table td.is-light,html.theme--documenter-dark .table th.is-light{background-color:#ecf0f1;border-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .table td.is-dark,html.theme--documenter-dark .table th.is-dark{background-color:#282f2f;border-color:#282f2f;color:#fff}html.theme--documenter-dark .table td.is-primary,html.theme--documenter-dark .table th.is-primary{background-color:#375a7f;border-color:#375a7f;color:#fff}html.theme--documenter-dark .table td.is-link,html.theme--documenter-dark .table th.is-link{background-color:#1abc9c;border-color:#1abc9c;color:#fff}html.theme--documenter-dark .table td.is-info,html.theme--documenter-dark .table th.is-info{background-color:#3c5dcd;border-color:#3c5dcd;color:#fff}html.theme--documenter-dark .table td.is-success,html.theme--documenter-dark .table th.is-success{background-color:#259a12;border-color:#259a12;color:#fff}html.theme--documenter-dark .table td.is-warning,html.theme--documenter-dark .table th.is-warning{background-color:#f4c72f;border-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .table td.is-danger,html.theme--documenter-dark .table th.is-danger{background-color:#cb3c33;border-color:#cb3c33;color:#fff}html.theme--documenter-dark .table td.is-narrow,html.theme--documenter-dark .table th.is-narrow{white-space:nowrap;width:1%}html.theme--documenter-dark .table td.is-selected,html.theme--documenter-dark .table th.is-selected{background-color:#375a7f;color:#fff}html.theme--documenter-dark .table td.is-selected a,html.theme--documenter-dark .table td.is-selected strong,html.theme--documenter-dark .table th.is-selected a,html.theme--documenter-dark .table th.is-selected strong{color:currentColor}html.theme--documenter-dark .table td.is-vcentered,html.theme--documenter-dark .table th.is-vcentered{vertical-align:middle}html.theme--documenter-dark .table th{color:#f2f2f2}html.theme--documenter-dark .table th:not([align]){text-align:left}html.theme--documenter-dark .table tr.is-selected{background-color:#375a7f;color:#fff}html.theme--documenter-dark .table tr.is-selected a,html.theme--documenter-dark .table tr.is-selected strong{color:currentColor}html.theme--documenter-dark .table tr.is-selected td,html.theme--documenter-dark .table tr.is-selected th{border-color:#fff;color:currentColor}html.theme--documenter-dark .table thead{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .table thead td,html.theme--documenter-dark .table thead th{border-width:0 0 2px;color:#f2f2f2}html.theme--documenter-dark .table tfoot{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .table tfoot td,html.theme--documenter-dark .table tfoot th{border-width:2px 0 0;color:#f2f2f2}html.theme--documenter-dark .table tbody{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .table tbody tr:last-child td,html.theme--documenter-dark .table tbody tr:last-child th{border-bottom-width:0}html.theme--documenter-dark .table.is-bordered td,html.theme--documenter-dark .table.is-bordered th{border-width:1px}html.theme--documenter-dark .table.is-bordered tr:last-child td,html.theme--documenter-dark .table.is-bordered tr:last-child th{border-bottom-width:1px}html.theme--documenter-dark .table.is-fullwidth{width:100%}html.theme--documenter-dark .table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#282f2f}html.theme--documenter-dark .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#282f2f}html.theme--documenter-dark .table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#2d3435}html.theme--documenter-dark .table.is-narrow td,html.theme--documenter-dark .table.is-narrow th{padding:0.25em 0.5em}html.theme--documenter-dark .table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#282f2f}html.theme--documenter-dark .table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}html.theme--documenter-dark .tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--documenter-dark .tags .tag,html.theme--documenter-dark .tags .content kbd,html.theme--documenter-dark .content .tags kbd,html.theme--documenter-dark .tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}html.theme--documenter-dark .tags .tag:not(:last-child),html.theme--documenter-dark .tags .content kbd:not(:last-child),html.theme--documenter-dark .content .tags kbd:not(:last-child),html.theme--documenter-dark .tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}html.theme--documenter-dark .tags:last-child{margin-bottom:-0.5rem}html.theme--documenter-dark .tags:not(:last-child){margin-bottom:1rem}html.theme--documenter-dark .tags.are-medium .tag:not(.is-normal):not(.is-large),html.theme--documenter-dark .tags.are-medium .content kbd:not(.is-normal):not(.is-large),html.theme--documenter-dark .content .tags.are-medium kbd:not(.is-normal):not(.is-large),html.theme--documenter-dark .tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}html.theme--documenter-dark .tags.are-large .tag:not(.is-normal):not(.is-medium),html.theme--documenter-dark .tags.are-large .content kbd:not(.is-normal):not(.is-medium),html.theme--documenter-dark .content .tags.are-large kbd:not(.is-normal):not(.is-medium),html.theme--documenter-dark .tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}html.theme--documenter-dark .tags.is-centered{justify-content:center}html.theme--documenter-dark .tags.is-centered .tag,html.theme--documenter-dark .tags.is-centered .content kbd,html.theme--documenter-dark .content .tags.is-centered kbd,html.theme--documenter-dark .tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}html.theme--documenter-dark .tags.is-right{justify-content:flex-end}html.theme--documenter-dark .tags.is-right .tag:not(:first-child),html.theme--documenter-dark .tags.is-right .content kbd:not(:first-child),html.theme--documenter-dark .content .tags.is-right kbd:not(:first-child),html.theme--documenter-dark .tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}html.theme--documenter-dark .tags.is-right .tag:not(:last-child),html.theme--documenter-dark .tags.is-right .content kbd:not(:last-child),html.theme--documenter-dark .content .tags.is-right kbd:not(:last-child),html.theme--documenter-dark .tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}html.theme--documenter-dark .tags.has-addons .tag,html.theme--documenter-dark .tags.has-addons .content kbd,html.theme--documenter-dark .content .tags.has-addons kbd,html.theme--documenter-dark .tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}html.theme--documenter-dark .tags.has-addons .tag:not(:first-child),html.theme--documenter-dark .tags.has-addons .content kbd:not(:first-child),html.theme--documenter-dark .content .tags.has-addons kbd:not(:first-child),html.theme--documenter-dark .tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}html.theme--documenter-dark .tags.has-addons .tag:not(:last-child),html.theme--documenter-dark .tags.has-addons .content kbd:not(:last-child),html.theme--documenter-dark .content .tags.has-addons kbd:not(:last-child),html.theme--documenter-dark .tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}html.theme--documenter-dark .tag:not(body),html.theme--documenter-dark .content kbd:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#282f2f;border-radius:.4em;color:#fff;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}html.theme--documenter-dark .tag:not(body) .delete,html.theme--documenter-dark .content kbd:not(body) .delete,html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}html.theme--documenter-dark .tag.is-white:not(body),html.theme--documenter-dark .content kbd.is-white:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .tag.is-black:not(body),html.theme--documenter-dark .content kbd.is-black:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .tag.is-light:not(body),html.theme--documenter-dark .content kbd.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .tag.is-dark:not(body),html.theme--documenter-dark .content kbd:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-dark:not(body),html.theme--documenter-dark .content .docstring>section>kbd:not(body){background-color:#282f2f;color:#fff}html.theme--documenter-dark .tag.is-primary:not(body),html.theme--documenter-dark .content kbd.is-primary:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body){background-color:#375a7f;color:#fff}html.theme--documenter-dark .tag.is-primary.is-light:not(body),html.theme--documenter-dark .content kbd.is-primary.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f1f5f9;color:#4d7eb2}html.theme--documenter-dark .tag.is-link:not(body),html.theme--documenter-dark .content kbd.is-link:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#1abc9c;color:#fff}html.theme--documenter-dark .tag.is-link.is-light:not(body),html.theme--documenter-dark .content kbd.is-link.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#edfdf9;color:#15987e}html.theme--documenter-dark .tag.is-info:not(body),html.theme--documenter-dark .content kbd.is-info:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .tag.is-info.is-light:not(body),html.theme--documenter-dark .content kbd.is-info.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#eff2fb;color:#3253c3}html.theme--documenter-dark .tag.is-success:not(body),html.theme--documenter-dark .content kbd.is-success:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#259a12;color:#fff}html.theme--documenter-dark .tag.is-success.is-light:not(body),html.theme--documenter-dark .content kbd.is-success.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#effded;color:#2ec016}html.theme--documenter-dark .tag.is-warning:not(body),html.theme--documenter-dark .content kbd.is-warning:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .tag.is-warning.is-light:not(body),html.theme--documenter-dark .content kbd.is-warning.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fefaec;color:#8c6e07}html.theme--documenter-dark .tag.is-danger:not(body),html.theme--documenter-dark .content kbd.is-danger:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#cb3c33;color:#fff}html.theme--documenter-dark .tag.is-danger.is-light:not(body),html.theme--documenter-dark .content kbd.is-danger.is-light:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#fbefef;color:#c03930}html.theme--documenter-dark .tag.is-normal:not(body),html.theme--documenter-dark .content kbd.is-normal:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}html.theme--documenter-dark .tag.is-medium:not(body),html.theme--documenter-dark .content kbd.is-medium:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}html.theme--documenter-dark .tag.is-large:not(body),html.theme--documenter-dark .content kbd.is-large:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}html.theme--documenter-dark .tag:not(body) .icon:first-child:not(:last-child),html.theme--documenter-dark .content kbd:not(body) .icon:first-child:not(:last-child),html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}html.theme--documenter-dark .tag:not(body) .icon:last-child:not(:first-child),html.theme--documenter-dark .content kbd:not(body) .icon:last-child:not(:first-child),html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}html.theme--documenter-dark .tag:not(body) .icon:first-child:last-child,html.theme--documenter-dark .content kbd:not(body) .icon:first-child:last-child,html.theme--documenter-dark .docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}html.theme--documenter-dark .tag.is-delete:not(body),html.theme--documenter-dark .content kbd.is-delete:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}html.theme--documenter-dark .tag.is-delete:not(body)::before,html.theme--documenter-dark .content kbd.is-delete:not(body)::before,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body)::before,html.theme--documenter-dark .tag.is-delete:not(body)::after,html.theme--documenter-dark .content kbd.is-delete:not(body)::after,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}html.theme--documenter-dark .tag.is-delete:not(body)::before,html.theme--documenter-dark .content kbd.is-delete:not(body)::before,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}html.theme--documenter-dark .tag.is-delete:not(body)::after,html.theme--documenter-dark .content kbd.is-delete:not(body)::after,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}html.theme--documenter-dark .tag.is-delete:not(body):hover,html.theme--documenter-dark .content kbd.is-delete:not(body):hover,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body):hover,html.theme--documenter-dark .tag.is-delete:not(body):focus,html.theme--documenter-dark .content kbd.is-delete:not(body):focus,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#1d2122}html.theme--documenter-dark .tag.is-delete:not(body):active,html.theme--documenter-dark .content kbd.is-delete:not(body):active,html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#111414}html.theme--documenter-dark .tag.is-rounded:not(body),html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:not(body),html.theme--documenter-dark .content kbd.is-rounded:not(body),html.theme--documenter-dark #documenter .docs-sidebar .content form.docs-search>input:not(body),html.theme--documenter-dark .docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}html.theme--documenter-dark a.tag:hover,html.theme--documenter-dark .docstring>section>a.docs-sourcelink:hover{text-decoration:underline}html.theme--documenter-dark .title,html.theme--documenter-dark .subtitle{word-break:break-word}html.theme--documenter-dark .title em,html.theme--documenter-dark .title span,html.theme--documenter-dark .subtitle em,html.theme--documenter-dark .subtitle span{font-weight:inherit}html.theme--documenter-dark .title sub,html.theme--documenter-dark .subtitle sub{font-size:.75em}html.theme--documenter-dark .title sup,html.theme--documenter-dark .subtitle sup{font-size:.75em}html.theme--documenter-dark .title .tag,html.theme--documenter-dark .title .content kbd,html.theme--documenter-dark .content .title kbd,html.theme--documenter-dark .title .docstring>section>a.docs-sourcelink,html.theme--documenter-dark .subtitle .tag,html.theme--documenter-dark .subtitle .content kbd,html.theme--documenter-dark .content .subtitle kbd,html.theme--documenter-dark .subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}html.theme--documenter-dark .title{color:#fff;font-size:2rem;font-weight:500;line-height:1.125}html.theme--documenter-dark .title strong{color:inherit;font-weight:inherit}html.theme--documenter-dark .title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}html.theme--documenter-dark .title.is-1{font-size:3rem}html.theme--documenter-dark .title.is-2{font-size:2.5rem}html.theme--documenter-dark .title.is-3{font-size:2rem}html.theme--documenter-dark .title.is-4{font-size:1.5rem}html.theme--documenter-dark .title.is-5{font-size:1.25rem}html.theme--documenter-dark .title.is-6{font-size:1rem}html.theme--documenter-dark .title.is-7{font-size:.75rem}html.theme--documenter-dark .subtitle{color:#8c9b9d;font-size:1.25rem;font-weight:400;line-height:1.25}html.theme--documenter-dark .subtitle strong{color:#8c9b9d;font-weight:600}html.theme--documenter-dark .subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}html.theme--documenter-dark .subtitle.is-1{font-size:3rem}html.theme--documenter-dark .subtitle.is-2{font-size:2.5rem}html.theme--documenter-dark .subtitle.is-3{font-size:2rem}html.theme--documenter-dark .subtitle.is-4{font-size:1.5rem}html.theme--documenter-dark .subtitle.is-5{font-size:1.25rem}html.theme--documenter-dark .subtitle.is-6{font-size:1rem}html.theme--documenter-dark .subtitle.is-7{font-size:.75rem}html.theme--documenter-dark .heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}html.theme--documenter-dark .number{align-items:center;background-color:#282f2f;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}html.theme--documenter-dark .select select,html.theme--documenter-dark .textarea,html.theme--documenter-dark .input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{background-color:#1f2424;border-color:#5e6d6f;border-radius:.4em;color:#dbdee0}html.theme--documenter-dark .select select::-moz-placeholder,html.theme--documenter-dark .textarea::-moz-placeholder,html.theme--documenter-dark .input::-moz-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#868c98}html.theme--documenter-dark .select select::-webkit-input-placeholder,html.theme--documenter-dark .textarea::-webkit-input-placeholder,html.theme--documenter-dark .input::-webkit-input-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#868c98}html.theme--documenter-dark .select select:-moz-placeholder,html.theme--documenter-dark .textarea:-moz-placeholder,html.theme--documenter-dark .input:-moz-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#868c98}html.theme--documenter-dark .select select:-ms-input-placeholder,html.theme--documenter-dark .textarea:-ms-input-placeholder,html.theme--documenter-dark .input:-ms-input-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#868c98}html.theme--documenter-dark .select select:hover,html.theme--documenter-dark .textarea:hover,html.theme--documenter-dark .input:hover,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:hover,html.theme--documenter-dark .select select.is-hovered,html.theme--documenter-dark .is-hovered.textarea,html.theme--documenter-dark .is-hovered.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#8c9b9d}html.theme--documenter-dark .select select:focus,html.theme--documenter-dark .textarea:focus,html.theme--documenter-dark .input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:focus,html.theme--documenter-dark .select select.is-focused,html.theme--documenter-dark .is-focused.textarea,html.theme--documenter-dark .is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .select select:active,html.theme--documenter-dark .textarea:active,html.theme--documenter-dark .input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:active,html.theme--documenter-dark .select select.is-active,html.theme--documenter-dark .is-active.textarea,html.theme--documenter-dark .is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{border-color:#1abc9c;box-shadow:0 0 0 0.125em rgba(26,188,156,0.25)}html.theme--documenter-dark .select select[disabled],html.theme--documenter-dark .textarea[disabled],html.theme--documenter-dark .input[disabled],html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] html.theme--documenter-dark .select select,fieldset[disabled] html.theme--documenter-dark .textarea,fieldset[disabled] html.theme--documenter-dark .input,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{background-color:#8c9b9d;border-color:#282f2f;box-shadow:none;color:#fff}html.theme--documenter-dark .select select[disabled]::-moz-placeholder,html.theme--documenter-dark .textarea[disabled]::-moz-placeholder,html.theme--documenter-dark .input[disabled]::-moz-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .select select::-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .textarea::-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .input::-moz-placeholder,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:rgba(255,255,255,0.3)}html.theme--documenter-dark .select select[disabled]::-webkit-input-placeholder,html.theme--documenter-dark .textarea[disabled]::-webkit-input-placeholder,html.theme--documenter-dark .input[disabled]::-webkit-input-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] html.theme--documenter-dark .select select::-webkit-input-placeholder,fieldset[disabled] html.theme--documenter-dark .textarea::-webkit-input-placeholder,fieldset[disabled] html.theme--documenter-dark .input::-webkit-input-placeholder,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:rgba(255,255,255,0.3)}html.theme--documenter-dark .select select[disabled]:-moz-placeholder,html.theme--documenter-dark .textarea[disabled]:-moz-placeholder,html.theme--documenter-dark .input[disabled]:-moz-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .select select:-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .textarea:-moz-placeholder,fieldset[disabled] html.theme--documenter-dark .input:-moz-placeholder,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:rgba(255,255,255,0.3)}html.theme--documenter-dark .select select[disabled]:-ms-input-placeholder,html.theme--documenter-dark .textarea[disabled]:-ms-input-placeholder,html.theme--documenter-dark .input[disabled]:-ms-input-placeholder,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] html.theme--documenter-dark .select select:-ms-input-placeholder,fieldset[disabled] html.theme--documenter-dark .textarea:-ms-input-placeholder,fieldset[disabled] html.theme--documenter-dark .input:-ms-input-placeholder,fieldset[disabled] html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:rgba(255,255,255,0.3)}html.theme--documenter-dark .textarea,html.theme--documenter-dark .input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}html.theme--documenter-dark .textarea[readonly],html.theme--documenter-dark .input[readonly],html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}html.theme--documenter-dark .is-white.textarea,html.theme--documenter-dark .is-white.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}html.theme--documenter-dark .is-white.textarea:focus,html.theme--documenter-dark .is-white.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-white:focus,html.theme--documenter-dark .is-white.is-focused.textarea,html.theme--documenter-dark .is-white.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-white.textarea:active,html.theme--documenter-dark .is-white.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-white:active,html.theme--documenter-dark .is-white.is-active.textarea,html.theme--documenter-dark .is-white.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--documenter-dark .is-black.textarea,html.theme--documenter-dark .is-black.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}html.theme--documenter-dark .is-black.textarea:focus,html.theme--documenter-dark .is-black.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-black:focus,html.theme--documenter-dark .is-black.is-focused.textarea,html.theme--documenter-dark .is-black.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-black.textarea:active,html.theme--documenter-dark .is-black.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-black:active,html.theme--documenter-dark .is-black.is-active.textarea,html.theme--documenter-dark .is-black.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--documenter-dark .is-light.textarea,html.theme--documenter-dark .is-light.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-light{border-color:#ecf0f1}html.theme--documenter-dark .is-light.textarea:focus,html.theme--documenter-dark .is-light.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-light:focus,html.theme--documenter-dark .is-light.is-focused.textarea,html.theme--documenter-dark .is-light.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-light.textarea:active,html.theme--documenter-dark .is-light.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-light:active,html.theme--documenter-dark .is-light.is-active.textarea,html.theme--documenter-dark .is-light.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(236,240,241,0.25)}html.theme--documenter-dark .is-dark.textarea,html.theme--documenter-dark .content kbd.textarea,html.theme--documenter-dark .is-dark.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-dark,html.theme--documenter-dark .content kbd.input{border-color:#282f2f}html.theme--documenter-dark .is-dark.textarea:focus,html.theme--documenter-dark .content kbd.textarea:focus,html.theme--documenter-dark .is-dark.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-dark:focus,html.theme--documenter-dark .content kbd.input:focus,html.theme--documenter-dark .is-dark.is-focused.textarea,html.theme--documenter-dark .content kbd.is-focused.textarea,html.theme--documenter-dark .is-dark.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .content kbd.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar .content form.docs-search>input.is-focused,html.theme--documenter-dark .is-dark.textarea:active,html.theme--documenter-dark .content kbd.textarea:active,html.theme--documenter-dark .is-dark.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-dark:active,html.theme--documenter-dark .content kbd.input:active,html.theme--documenter-dark .is-dark.is-active.textarea,html.theme--documenter-dark .content kbd.is-active.textarea,html.theme--documenter-dark .is-dark.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--documenter-dark .content kbd.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(40,47,47,0.25)}html.theme--documenter-dark .is-primary.textarea,html.theme--documenter-dark .docstring>section>a.textarea.docs-sourcelink,html.theme--documenter-dark .is-primary.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-primary,html.theme--documenter-dark .docstring>section>a.input.docs-sourcelink{border-color:#375a7f}html.theme--documenter-dark .is-primary.textarea:focus,html.theme--documenter-dark .docstring>section>a.textarea.docs-sourcelink:focus,html.theme--documenter-dark .is-primary.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-primary:focus,html.theme--documenter-dark .docstring>section>a.input.docs-sourcelink:focus,html.theme--documenter-dark .is-primary.is-focused.textarea,html.theme--documenter-dark .docstring>section>a.is-focused.textarea.docs-sourcelink,html.theme--documenter-dark .is-primary.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .docstring>section>a.is-focused.input.docs-sourcelink,html.theme--documenter-dark .is-primary.textarea:active,html.theme--documenter-dark .docstring>section>a.textarea.docs-sourcelink:active,html.theme--documenter-dark .is-primary.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-primary:active,html.theme--documenter-dark .docstring>section>a.input.docs-sourcelink:active,html.theme--documenter-dark .is-primary.is-active.textarea,html.theme--documenter-dark .docstring>section>a.is-active.textarea.docs-sourcelink,html.theme--documenter-dark .is-primary.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active,html.theme--documenter-dark .docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(55,90,127,0.25)}html.theme--documenter-dark .is-link.textarea,html.theme--documenter-dark .is-link.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-link{border-color:#1abc9c}html.theme--documenter-dark .is-link.textarea:focus,html.theme--documenter-dark .is-link.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-link:focus,html.theme--documenter-dark .is-link.is-focused.textarea,html.theme--documenter-dark .is-link.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-link.textarea:active,html.theme--documenter-dark .is-link.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-link:active,html.theme--documenter-dark .is-link.is-active.textarea,html.theme--documenter-dark .is-link.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(26,188,156,0.25)}html.theme--documenter-dark .is-info.textarea,html.theme--documenter-dark .is-info.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-info{border-color:#3c5dcd}html.theme--documenter-dark .is-info.textarea:focus,html.theme--documenter-dark .is-info.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-info:focus,html.theme--documenter-dark .is-info.is-focused.textarea,html.theme--documenter-dark .is-info.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-info.textarea:active,html.theme--documenter-dark .is-info.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-info:active,html.theme--documenter-dark .is-info.is-active.textarea,html.theme--documenter-dark .is-info.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}html.theme--documenter-dark .is-success.textarea,html.theme--documenter-dark .is-success.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-success{border-color:#259a12}html.theme--documenter-dark .is-success.textarea:focus,html.theme--documenter-dark .is-success.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-success:focus,html.theme--documenter-dark .is-success.is-focused.textarea,html.theme--documenter-dark .is-success.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-success.textarea:active,html.theme--documenter-dark .is-success.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-success:active,html.theme--documenter-dark .is-success.is-active.textarea,html.theme--documenter-dark .is-success.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}html.theme--documenter-dark .is-warning.textarea,html.theme--documenter-dark .is-warning.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#f4c72f}html.theme--documenter-dark .is-warning.textarea:focus,html.theme--documenter-dark .is-warning.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-warning:focus,html.theme--documenter-dark .is-warning.is-focused.textarea,html.theme--documenter-dark .is-warning.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-warning.textarea:active,html.theme--documenter-dark .is-warning.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-warning:active,html.theme--documenter-dark .is-warning.is-active.textarea,html.theme--documenter-dark .is-warning.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(244,199,47,0.25)}html.theme--documenter-dark .is-danger.textarea,html.theme--documenter-dark .is-danger.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#cb3c33}html.theme--documenter-dark .is-danger.textarea:focus,html.theme--documenter-dark .is-danger.input:focus,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-danger:focus,html.theme--documenter-dark .is-danger.is-focused.textarea,html.theme--documenter-dark .is-danger.is-focused.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-focused,html.theme--documenter-dark .is-danger.textarea:active,html.theme--documenter-dark .is-danger.input:active,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-danger:active,html.theme--documenter-dark .is-danger.is-active.textarea,html.theme--documenter-dark .is-danger.is-active.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}html.theme--documenter-dark .is-small.textarea,html.theme--documenter-dark .is-small.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{border-radius:3px;font-size:.75rem}html.theme--documenter-dark .is-medium.textarea,html.theme--documenter-dark .is-medium.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}html.theme--documenter-dark .is-large.textarea,html.theme--documenter-dark .is-large.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}html.theme--documenter-dark .is-fullwidth.textarea,html.theme--documenter-dark .is-fullwidth.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}html.theme--documenter-dark .is-inline.textarea,html.theme--documenter-dark .is-inline.input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}html.theme--documenter-dark .input.is-rounded,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}html.theme--documenter-dark .input.is-static,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}html.theme--documenter-dark .textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}html.theme--documenter-dark .textarea:not([rows]){max-height:40em;min-height:8em}html.theme--documenter-dark .textarea[rows]{height:initial}html.theme--documenter-dark .textarea.has-fixed-size{resize:none}html.theme--documenter-dark .radio,html.theme--documenter-dark .checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}html.theme--documenter-dark .radio input,html.theme--documenter-dark .checkbox input{cursor:pointer}html.theme--documenter-dark .radio:hover,html.theme--documenter-dark .checkbox:hover{color:#8c9b9d}html.theme--documenter-dark .radio[disabled],html.theme--documenter-dark .checkbox[disabled],fieldset[disabled] html.theme--documenter-dark .radio,fieldset[disabled] html.theme--documenter-dark .checkbox,html.theme--documenter-dark .radio input[disabled],html.theme--documenter-dark .checkbox input[disabled]{color:#fff;cursor:not-allowed}html.theme--documenter-dark .radio+.radio{margin-left:.5em}html.theme--documenter-dark .select{display:inline-block;max-width:100%;position:relative;vertical-align:top}html.theme--documenter-dark .select:not(.is-multiple){height:2.5em}html.theme--documenter-dark .select:not(.is-multiple):not(.is-loading)::after{border-color:#1abc9c;right:1.125em;z-index:4}html.theme--documenter-dark .select.is-rounded select,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}html.theme--documenter-dark .select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}html.theme--documenter-dark .select select::-ms-expand{display:none}html.theme--documenter-dark .select select[disabled]:hover,fieldset[disabled] html.theme--documenter-dark .select select:hover{border-color:#282f2f}html.theme--documenter-dark .select select:not([multiple]){padding-right:2.5em}html.theme--documenter-dark .select select[multiple]{height:auto;padding:0}html.theme--documenter-dark .select select[multiple] option{padding:0.5em 1em}html.theme--documenter-dark .select:not(.is-multiple):not(.is-loading):hover::after{border-color:#8c9b9d}html.theme--documenter-dark .select.is-white:not(:hover)::after{border-color:#fff}html.theme--documenter-dark .select.is-white select{border-color:#fff}html.theme--documenter-dark .select.is-white select:hover,html.theme--documenter-dark .select.is-white select.is-hovered{border-color:#f2f2f2}html.theme--documenter-dark .select.is-white select:focus,html.theme--documenter-dark .select.is-white select.is-focused,html.theme--documenter-dark .select.is-white select:active,html.theme--documenter-dark .select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}html.theme--documenter-dark .select.is-black:not(:hover)::after{border-color:#0a0a0a}html.theme--documenter-dark .select.is-black select{border-color:#0a0a0a}html.theme--documenter-dark .select.is-black select:hover,html.theme--documenter-dark .select.is-black select.is-hovered{border-color:#000}html.theme--documenter-dark .select.is-black select:focus,html.theme--documenter-dark .select.is-black select.is-focused,html.theme--documenter-dark .select.is-black select:active,html.theme--documenter-dark .select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}html.theme--documenter-dark .select.is-light:not(:hover)::after{border-color:#ecf0f1}html.theme--documenter-dark .select.is-light select{border-color:#ecf0f1}html.theme--documenter-dark .select.is-light select:hover,html.theme--documenter-dark .select.is-light select.is-hovered{border-color:#dde4e6}html.theme--documenter-dark .select.is-light select:focus,html.theme--documenter-dark .select.is-light select.is-focused,html.theme--documenter-dark .select.is-light select:active,html.theme--documenter-dark .select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(236,240,241,0.25)}html.theme--documenter-dark .select.is-dark:not(:hover)::after,html.theme--documenter-dark .content kbd.select:not(:hover)::after{border-color:#282f2f}html.theme--documenter-dark .select.is-dark select,html.theme--documenter-dark .content kbd.select select{border-color:#282f2f}html.theme--documenter-dark .select.is-dark select:hover,html.theme--documenter-dark .content kbd.select select:hover,html.theme--documenter-dark .select.is-dark select.is-hovered,html.theme--documenter-dark .content kbd.select select.is-hovered{border-color:#1d2122}html.theme--documenter-dark .select.is-dark select:focus,html.theme--documenter-dark .content kbd.select select:focus,html.theme--documenter-dark .select.is-dark select.is-focused,html.theme--documenter-dark .content kbd.select select.is-focused,html.theme--documenter-dark .select.is-dark select:active,html.theme--documenter-dark .content kbd.select select:active,html.theme--documenter-dark .select.is-dark select.is-active,html.theme--documenter-dark .content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(40,47,47,0.25)}html.theme--documenter-dark .select.is-primary:not(:hover)::after,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#375a7f}html.theme--documenter-dark .select.is-primary select,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select{border-color:#375a7f}html.theme--documenter-dark .select.is-primary select:hover,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select:hover,html.theme--documenter-dark .select.is-primary select.is-hovered,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#2f4d6d}html.theme--documenter-dark .select.is-primary select:focus,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select:focus,html.theme--documenter-dark .select.is-primary select.is-focused,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select.is-focused,html.theme--documenter-dark .select.is-primary select:active,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select:active,html.theme--documenter-dark .select.is-primary select.is-active,html.theme--documenter-dark .docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(55,90,127,0.25)}html.theme--documenter-dark .select.is-link:not(:hover)::after{border-color:#1abc9c}html.theme--documenter-dark .select.is-link select{border-color:#1abc9c}html.theme--documenter-dark .select.is-link select:hover,html.theme--documenter-dark .select.is-link select.is-hovered{border-color:#17a689}html.theme--documenter-dark .select.is-link select:focus,html.theme--documenter-dark .select.is-link select.is-focused,html.theme--documenter-dark .select.is-link select:active,html.theme--documenter-dark .select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(26,188,156,0.25)}html.theme--documenter-dark .select.is-info:not(:hover)::after{border-color:#3c5dcd}html.theme--documenter-dark .select.is-info select{border-color:#3c5dcd}html.theme--documenter-dark .select.is-info select:hover,html.theme--documenter-dark .select.is-info select.is-hovered{border-color:#3151bf}html.theme--documenter-dark .select.is-info select:focus,html.theme--documenter-dark .select.is-info select.is-focused,html.theme--documenter-dark .select.is-info select:active,html.theme--documenter-dark .select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}html.theme--documenter-dark .select.is-success:not(:hover)::after{border-color:#259a12}html.theme--documenter-dark .select.is-success select{border-color:#259a12}html.theme--documenter-dark .select.is-success select:hover,html.theme--documenter-dark .select.is-success select.is-hovered{border-color:#20830f}html.theme--documenter-dark .select.is-success select:focus,html.theme--documenter-dark .select.is-success select.is-focused,html.theme--documenter-dark .select.is-success select:active,html.theme--documenter-dark .select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}html.theme--documenter-dark .select.is-warning:not(:hover)::after{border-color:#f4c72f}html.theme--documenter-dark .select.is-warning select{border-color:#f4c72f}html.theme--documenter-dark .select.is-warning select:hover,html.theme--documenter-dark .select.is-warning select.is-hovered{border-color:#f3c017}html.theme--documenter-dark .select.is-warning select:focus,html.theme--documenter-dark .select.is-warning select.is-focused,html.theme--documenter-dark .select.is-warning select:active,html.theme--documenter-dark .select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(244,199,47,0.25)}html.theme--documenter-dark .select.is-danger:not(:hover)::after{border-color:#cb3c33}html.theme--documenter-dark .select.is-danger select{border-color:#cb3c33}html.theme--documenter-dark .select.is-danger select:hover,html.theme--documenter-dark .select.is-danger select.is-hovered{border-color:#b7362e}html.theme--documenter-dark .select.is-danger select:focus,html.theme--documenter-dark .select.is-danger select.is-focused,html.theme--documenter-dark .select.is-danger select:active,html.theme--documenter-dark .select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}html.theme--documenter-dark .select.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.select{border-radius:3px;font-size:.75rem}html.theme--documenter-dark .select.is-medium{font-size:1.25rem}html.theme--documenter-dark .select.is-large{font-size:1.5rem}html.theme--documenter-dark .select.is-disabled::after{border-color:#fff !important;opacity:0.5}html.theme--documenter-dark .select.is-fullwidth{width:100%}html.theme--documenter-dark .select.is-fullwidth select{width:100%}html.theme--documenter-dark .select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}html.theme--documenter-dark .select.is-loading.is-small:after,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--documenter-dark .select.is-loading.is-medium:after{font-size:1.25rem}html.theme--documenter-dark .select.is-loading.is-large:after{font-size:1.5rem}html.theme--documenter-dark .file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}html.theme--documenter-dark .file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .file.is-white:hover .file-cta,html.theme--documenter-dark .file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .file.is-white:focus .file-cta,html.theme--documenter-dark .file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}html.theme--documenter-dark .file.is-white:active .file-cta,html.theme--documenter-dark .file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}html.theme--documenter-dark .file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-black:hover .file-cta,html.theme--documenter-dark .file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-black:focus .file-cta,html.theme--documenter-dark .file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}html.theme--documenter-dark .file.is-black:active .file-cta,html.theme--documenter-dark .file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-light .file-cta{background-color:#ecf0f1;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-light:hover .file-cta,html.theme--documenter-dark .file.is-light.is-hovered .file-cta{background-color:#e5eaec;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-light:focus .file-cta,html.theme--documenter-dark .file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(236,240,241,0.25);color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-light:active .file-cta,html.theme--documenter-dark .file.is-light.is-active .file-cta{background-color:#dde4e6;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-dark .file-cta,html.theme--documenter-dark .content kbd.file .file-cta{background-color:#282f2f;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-dark:hover .file-cta,html.theme--documenter-dark .content kbd.file:hover .file-cta,html.theme--documenter-dark .file.is-dark.is-hovered .file-cta,html.theme--documenter-dark .content kbd.file.is-hovered .file-cta{background-color:#232829;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-dark:focus .file-cta,html.theme--documenter-dark .content kbd.file:focus .file-cta,html.theme--documenter-dark .file.is-dark.is-focused .file-cta,html.theme--documenter-dark .content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(40,47,47,0.25);color:#fff}html.theme--documenter-dark .file.is-dark:active .file-cta,html.theme--documenter-dark .content kbd.file:active .file-cta,html.theme--documenter-dark .file.is-dark.is-active .file-cta,html.theme--documenter-dark .content kbd.file.is-active .file-cta{background-color:#1d2122;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-primary .file-cta,html.theme--documenter-dark .docstring>section>a.file.docs-sourcelink .file-cta{background-color:#375a7f;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-primary:hover .file-cta,html.theme--documenter-dark .docstring>section>a.file.docs-sourcelink:hover .file-cta,html.theme--documenter-dark .file.is-primary.is-hovered .file-cta,html.theme--documenter-dark .docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#335476;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-primary:focus .file-cta,html.theme--documenter-dark .docstring>section>a.file.docs-sourcelink:focus .file-cta,html.theme--documenter-dark .file.is-primary.is-focused .file-cta,html.theme--documenter-dark .docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(55,90,127,0.25);color:#fff}html.theme--documenter-dark .file.is-primary:active .file-cta,html.theme--documenter-dark .docstring>section>a.file.docs-sourcelink:active .file-cta,html.theme--documenter-dark .file.is-primary.is-active .file-cta,html.theme--documenter-dark .docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#2f4d6d;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-link .file-cta{background-color:#1abc9c;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-link:hover .file-cta,html.theme--documenter-dark .file.is-link.is-hovered .file-cta{background-color:#18b193;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-link:focus .file-cta,html.theme--documenter-dark .file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(26,188,156,0.25);color:#fff}html.theme--documenter-dark .file.is-link:active .file-cta,html.theme--documenter-dark .file.is-link.is-active .file-cta{background-color:#17a689;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-info .file-cta{background-color:#3c5dcd;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-info:hover .file-cta,html.theme--documenter-dark .file.is-info.is-hovered .file-cta{background-color:#3355c9;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-info:focus .file-cta,html.theme--documenter-dark .file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(60,93,205,0.25);color:#fff}html.theme--documenter-dark .file.is-info:active .file-cta,html.theme--documenter-dark .file.is-info.is-active .file-cta{background-color:#3151bf;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-success .file-cta{background-color:#259a12;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-success:hover .file-cta,html.theme--documenter-dark .file.is-success.is-hovered .file-cta{background-color:#228f11;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-success:focus .file-cta,html.theme--documenter-dark .file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(37,154,18,0.25);color:#fff}html.theme--documenter-dark .file.is-success:active .file-cta,html.theme--documenter-dark .file.is-success.is-active .file-cta{background-color:#20830f;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-warning .file-cta{background-color:#f4c72f;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-warning:hover .file-cta,html.theme--documenter-dark .file.is-warning.is-hovered .file-cta{background-color:#f3c423;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-warning:focus .file-cta,html.theme--documenter-dark .file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(244,199,47,0.25);color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-warning:active .file-cta,html.theme--documenter-dark .file.is-warning.is-active .file-cta{background-color:#f3c017;border-color:transparent;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .file.is-danger .file-cta{background-color:#cb3c33;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-danger:hover .file-cta,html.theme--documenter-dark .file.is-danger.is-hovered .file-cta{background-color:#c13930;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-danger:focus .file-cta,html.theme--documenter-dark .file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(203,60,51,0.25);color:#fff}html.theme--documenter-dark .file.is-danger:active .file-cta,html.theme--documenter-dark .file.is-danger.is-active .file-cta{background-color:#b7362e;border-color:transparent;color:#fff}html.theme--documenter-dark .file.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}html.theme--documenter-dark .file.is-normal{font-size:1rem}html.theme--documenter-dark .file.is-medium{font-size:1.25rem}html.theme--documenter-dark .file.is-medium .file-icon .fa{font-size:21px}html.theme--documenter-dark .file.is-large{font-size:1.5rem}html.theme--documenter-dark .file.is-large .file-icon .fa{font-size:28px}html.theme--documenter-dark .file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--documenter-dark .file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--documenter-dark .file.has-name.is-empty .file-cta{border-radius:.4em}html.theme--documenter-dark .file.has-name.is-empty .file-name{display:none}html.theme--documenter-dark .file.is-boxed .file-label{flex-direction:column}html.theme--documenter-dark .file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}html.theme--documenter-dark .file.is-boxed .file-name{border-width:0 1px 1px}html.theme--documenter-dark .file.is-boxed .file-icon{height:1.5em;width:1.5em}html.theme--documenter-dark .file.is-boxed .file-icon .fa{font-size:21px}html.theme--documenter-dark .file.is-boxed.is-small .file-icon .fa,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}html.theme--documenter-dark .file.is-boxed.is-medium .file-icon .fa{font-size:28px}html.theme--documenter-dark .file.is-boxed.is-large .file-icon .fa{font-size:35px}html.theme--documenter-dark .file.is-boxed.has-name .file-cta{border-radius:.4em .4em 0 0}html.theme--documenter-dark .file.is-boxed.has-name .file-name{border-radius:0 0 .4em .4em;border-width:0 1px 1px}html.theme--documenter-dark .file.is-centered{justify-content:center}html.theme--documenter-dark .file.is-fullwidth .file-label{width:100%}html.theme--documenter-dark .file.is-fullwidth .file-name{flex-grow:1;max-width:none}html.theme--documenter-dark .file.is-right{justify-content:flex-end}html.theme--documenter-dark .file.is-right .file-cta{border-radius:0 .4em .4em 0}html.theme--documenter-dark .file.is-right .file-name{border-radius:.4em 0 0 .4em;border-width:1px 0 1px 1px;order:-1}html.theme--documenter-dark .file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}html.theme--documenter-dark .file-label:hover .file-cta{background-color:#232829;color:#f2f2f2}html.theme--documenter-dark .file-label:hover .file-name{border-color:#596668}html.theme--documenter-dark .file-label:active .file-cta{background-color:#1d2122;color:#f2f2f2}html.theme--documenter-dark .file-label:active .file-name{border-color:#535f61}html.theme--documenter-dark .file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}html.theme--documenter-dark .file-cta,html.theme--documenter-dark .file-name{border-color:#5e6d6f;border-radius:.4em;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}html.theme--documenter-dark .file-cta{background-color:#282f2f;color:#fff}html.theme--documenter-dark .file-name{border-color:#5e6d6f;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}html.theme--documenter-dark .file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}html.theme--documenter-dark .file-icon .fa{font-size:14px}html.theme--documenter-dark .label{color:#f2f2f2;display:block;font-size:1rem;font-weight:700}html.theme--documenter-dark .label:not(:last-child){margin-bottom:0.5em}html.theme--documenter-dark .label.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}html.theme--documenter-dark .label.is-medium{font-size:1.25rem}html.theme--documenter-dark .label.is-large{font-size:1.5rem}html.theme--documenter-dark .help{display:block;font-size:.75rem;margin-top:0.25rem}html.theme--documenter-dark .help.is-white{color:#fff}html.theme--documenter-dark .help.is-black{color:#0a0a0a}html.theme--documenter-dark .help.is-light{color:#ecf0f1}html.theme--documenter-dark .help.is-dark,html.theme--documenter-dark .content kbd.help{color:#282f2f}html.theme--documenter-dark .help.is-primary,html.theme--documenter-dark .docstring>section>a.help.docs-sourcelink{color:#375a7f}html.theme--documenter-dark .help.is-link{color:#1abc9c}html.theme--documenter-dark .help.is-info{color:#3c5dcd}html.theme--documenter-dark .help.is-success{color:#259a12}html.theme--documenter-dark .help.is-warning{color:#f4c72f}html.theme--documenter-dark .help.is-danger{color:#cb3c33}html.theme--documenter-dark .field:not(:last-child){margin-bottom:0.75rem}html.theme--documenter-dark .field.has-addons{display:flex;justify-content:flex-start}html.theme--documenter-dark .field.has-addons .control:not(:last-child){margin-right:-1px}html.theme--documenter-dark .field.has-addons .control:not(:first-child):not(:last-child) .button,html.theme--documenter-dark .field.has-addons .control:not(:first-child):not(:last-child) .input,html.theme--documenter-dark .field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,html.theme--documenter-dark .field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}html.theme--documenter-dark .field.has-addons .control:first-child:not(:only-child) .button,html.theme--documenter-dark .field.has-addons .control:first-child:not(:only-child) .input,html.theme--documenter-dark .field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,html.theme--documenter-dark .field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}html.theme--documenter-dark .field.has-addons .control:last-child:not(:only-child) .button,html.theme--documenter-dark .field.has-addons .control:last-child:not(:only-child) .input,html.theme--documenter-dark .field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,html.theme--documenter-dark .field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}html.theme--documenter-dark .field.has-addons .control .button:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .button.is-hovered:not([disabled]),html.theme--documenter-dark .field.has-addons .control .input:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .input.is-hovered:not([disabled]),html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),html.theme--documenter-dark .field.has-addons .control .select select:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}html.theme--documenter-dark .field.has-addons .control .button:not([disabled]):focus,html.theme--documenter-dark .field.has-addons .control .button.is-focused:not([disabled]),html.theme--documenter-dark .field.has-addons .control .button:not([disabled]):active,html.theme--documenter-dark .field.has-addons .control .button.is-active:not([disabled]),html.theme--documenter-dark .field.has-addons .control .input:not([disabled]):focus,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,html.theme--documenter-dark .field.has-addons .control .input.is-focused:not([disabled]),html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),html.theme--documenter-dark .field.has-addons .control .input:not([disabled]):active,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,html.theme--documenter-dark .field.has-addons .control .input.is-active:not([disabled]),html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),html.theme--documenter-dark .field.has-addons .control .select select:not([disabled]):focus,html.theme--documenter-dark .field.has-addons .control .select select.is-focused:not([disabled]),html.theme--documenter-dark .field.has-addons .control .select select:not([disabled]):active,html.theme--documenter-dark .field.has-addons .control .select select.is-active:not([disabled]){z-index:3}html.theme--documenter-dark .field.has-addons .control .button:not([disabled]):focus:hover,html.theme--documenter-dark .field.has-addons .control .button.is-focused:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .button:not([disabled]):active:hover,html.theme--documenter-dark .field.has-addons .control .button.is-active:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .input:not([disabled]):focus:hover,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,html.theme--documenter-dark .field.has-addons .control .input.is-focused:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .input:not([disabled]):active:hover,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,html.theme--documenter-dark .field.has-addons .control .input.is-active:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,html.theme--documenter-dark #documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .select select:not([disabled]):focus:hover,html.theme--documenter-dark .field.has-addons .control .select select.is-focused:not([disabled]):hover,html.theme--documenter-dark .field.has-addons .control .select select:not([disabled]):active:hover,html.theme--documenter-dark .field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}html.theme--documenter-dark .field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .field.has-addons.has-addons-centered{justify-content:center}html.theme--documenter-dark .field.has-addons.has-addons-right{justify-content:flex-end}html.theme--documenter-dark .field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}html.theme--documenter-dark .field.is-grouped{display:flex;justify-content:flex-start}html.theme--documenter-dark .field.is-grouped>.control{flex-shrink:0}html.theme--documenter-dark .field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--documenter-dark .field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .field.is-grouped.is-grouped-centered{justify-content:center}html.theme--documenter-dark .field.is-grouped.is-grouped-right{justify-content:flex-end}html.theme--documenter-dark .field.is-grouped.is-grouped-multiline{flex-wrap:wrap}html.theme--documenter-dark .field.is-grouped.is-grouped-multiline>.control:last-child,html.theme--documenter-dark .field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}html.theme--documenter-dark .field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}html.theme--documenter-dark .field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--documenter-dark .field.is-horizontal{display:flex}}html.theme--documenter-dark .field-label .label{font-size:inherit}@media screen and (max-width: 768px){html.theme--documenter-dark .field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}html.theme--documenter-dark .field-label.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}html.theme--documenter-dark .field-label.is-normal{padding-top:0.375em}html.theme--documenter-dark .field-label.is-medium{font-size:1.25rem;padding-top:0.375em}html.theme--documenter-dark .field-label.is-large{font-size:1.5rem;padding-top:0.375em}}html.theme--documenter-dark .field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{html.theme--documenter-dark .field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}html.theme--documenter-dark .field-body .field{margin-bottom:0}html.theme--documenter-dark .field-body>.field{flex-shrink:1}html.theme--documenter-dark .field-body>.field:not(.is-narrow){flex-grow:1}html.theme--documenter-dark .field-body>.field:not(:last-child){margin-right:.75rem}}html.theme--documenter-dark .control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}html.theme--documenter-dark .control.has-icons-left .input:focus~.icon,html.theme--documenter-dark .control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,html.theme--documenter-dark .control.has-icons-left .select:focus~.icon,html.theme--documenter-dark .control.has-icons-right .input:focus~.icon,html.theme--documenter-dark .control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,html.theme--documenter-dark .control.has-icons-right .select:focus~.icon{color:#282f2f}html.theme--documenter-dark .control.has-icons-left .input.is-small~.icon,html.theme--documenter-dark .control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,html.theme--documenter-dark .control.has-icons-left .select.is-small~.icon,html.theme--documenter-dark .control.has-icons-right .input.is-small~.icon,html.theme--documenter-dark .control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,html.theme--documenter-dark .control.has-icons-right .select.is-small~.icon{font-size:.75rem}html.theme--documenter-dark .control.has-icons-left .input.is-medium~.icon,html.theme--documenter-dark .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,html.theme--documenter-dark .control.has-icons-left .select.is-medium~.icon,html.theme--documenter-dark .control.has-icons-right .input.is-medium~.icon,html.theme--documenter-dark .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,html.theme--documenter-dark .control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}html.theme--documenter-dark .control.has-icons-left .input.is-large~.icon,html.theme--documenter-dark .control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,html.theme--documenter-dark .control.has-icons-left .select.is-large~.icon,html.theme--documenter-dark .control.has-icons-right .input.is-large~.icon,html.theme--documenter-dark .control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,html.theme--documenter-dark .control.has-icons-right .select.is-large~.icon{font-size:1.5rem}html.theme--documenter-dark .control.has-icons-left .icon,html.theme--documenter-dark .control.has-icons-right .icon{color:#5e6d6f;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}html.theme--documenter-dark .control.has-icons-left .input,html.theme--documenter-dark .control.has-icons-left #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-left form.docs-search>input,html.theme--documenter-dark .control.has-icons-left .select select{padding-left:2.5em}html.theme--documenter-dark .control.has-icons-left .icon.is-left{left:0}html.theme--documenter-dark .control.has-icons-right .input,html.theme--documenter-dark .control.has-icons-right #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .control.has-icons-right form.docs-search>input,html.theme--documenter-dark .control.has-icons-right .select select{padding-right:2.5em}html.theme--documenter-dark .control.has-icons-right .icon.is-right{right:0}html.theme--documenter-dark .control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}html.theme--documenter-dark .control.is-loading.is-small:after,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}html.theme--documenter-dark .control.is-loading.is-medium:after{font-size:1.25rem}html.theme--documenter-dark .control.is-loading.is-large:after{font-size:1.5rem}html.theme--documenter-dark .breadcrumb{font-size:1rem;white-space:nowrap}html.theme--documenter-dark .breadcrumb a{align-items:center;color:#1abc9c;display:flex;justify-content:center;padding:0 .75em}html.theme--documenter-dark .breadcrumb a:hover{color:#1dd2af}html.theme--documenter-dark .breadcrumb li{align-items:center;display:flex}html.theme--documenter-dark .breadcrumb li:first-child a{padding-left:0}html.theme--documenter-dark .breadcrumb li.is-active a{color:#f2f2f2;cursor:default;pointer-events:none}html.theme--documenter-dark .breadcrumb li+li::before{color:#8c9b9d;content:"\0002f"}html.theme--documenter-dark .breadcrumb ul,html.theme--documenter-dark .breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}html.theme--documenter-dark .breadcrumb .icon:first-child{margin-right:.5em}html.theme--documenter-dark .breadcrumb .icon:last-child{margin-left:.5em}html.theme--documenter-dark .breadcrumb.is-centered ol,html.theme--documenter-dark .breadcrumb.is-centered ul{justify-content:center}html.theme--documenter-dark .breadcrumb.is-right ol,html.theme--documenter-dark .breadcrumb.is-right ul{justify-content:flex-end}html.theme--documenter-dark .breadcrumb.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}html.theme--documenter-dark .breadcrumb.is-medium{font-size:1.25rem}html.theme--documenter-dark .breadcrumb.is-large{font-size:1.5rem}html.theme--documenter-dark .breadcrumb.has-arrow-separator li+li::before{content:"\02192"}html.theme--documenter-dark .breadcrumb.has-bullet-separator li+li::before{content:"\02022"}html.theme--documenter-dark .breadcrumb.has-dot-separator li+li::before{content:"\000b7"}html.theme--documenter-dark .breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}html.theme--documenter-dark .card{background-color:#fff;border-radius:.25rem;box-shadow:#171717;color:#fff;max-width:100%;position:relative}html.theme--documenter-dark .card-footer:first-child,html.theme--documenter-dark .card-content:first-child,html.theme--documenter-dark .card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--documenter-dark .card-footer:last-child,html.theme--documenter-dark .card-content:last-child,html.theme--documenter-dark .card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--documenter-dark .card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}html.theme--documenter-dark .card-header-title{align-items:center;color:#f2f2f2;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}html.theme--documenter-dark .card-header-title.is-centered{justify-content:center}html.theme--documenter-dark .card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}html.theme--documenter-dark .card-image{display:block;position:relative}html.theme--documenter-dark .card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}html.theme--documenter-dark .card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}html.theme--documenter-dark .card-content{background-color:rgba(0,0,0,0);padding:1.5rem}html.theme--documenter-dark .card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}html.theme--documenter-dark .card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}html.theme--documenter-dark .card-footer-item:not(:last-child){border-right:1px solid #ededed}html.theme--documenter-dark .card .media:not(:last-child){margin-bottom:1.5rem}html.theme--documenter-dark .dropdown{display:inline-flex;position:relative;vertical-align:top}html.theme--documenter-dark .dropdown.is-active .dropdown-menu,html.theme--documenter-dark .dropdown.is-hoverable:hover .dropdown-menu{display:block}html.theme--documenter-dark .dropdown.is-right .dropdown-menu{left:auto;right:0}html.theme--documenter-dark .dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}html.theme--documenter-dark .dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}html.theme--documenter-dark .dropdown-content{background-color:#282f2f;border-radius:.4em;box-shadow:#171717;padding-bottom:.5rem;padding-top:.5rem}html.theme--documenter-dark .dropdown-item{color:#fff;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}html.theme--documenter-dark a.dropdown-item,html.theme--documenter-dark button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}html.theme--documenter-dark a.dropdown-item:hover,html.theme--documenter-dark button.dropdown-item:hover{background-color:#282f2f;color:#0a0a0a}html.theme--documenter-dark a.dropdown-item.is-active,html.theme--documenter-dark button.dropdown-item.is-active{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}html.theme--documenter-dark .level{align-items:center;justify-content:space-between}html.theme--documenter-dark .level code{border-radius:.4em}html.theme--documenter-dark .level img{display:inline-block;vertical-align:top}html.theme--documenter-dark .level.is-mobile{display:flex}html.theme--documenter-dark .level.is-mobile .level-left,html.theme--documenter-dark .level.is-mobile .level-right{display:flex}html.theme--documenter-dark .level.is-mobile .level-left+.level-right{margin-top:0}html.theme--documenter-dark .level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}html.theme--documenter-dark .level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{html.theme--documenter-dark .level{display:flex}html.theme--documenter-dark .level>.level-item:not(.is-narrow){flex-grow:1}}html.theme--documenter-dark .level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}html.theme--documenter-dark .level-item .title,html.theme--documenter-dark .level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){html.theme--documenter-dark .level-item:not(:last-child){margin-bottom:.75rem}}html.theme--documenter-dark .level-left,html.theme--documenter-dark .level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--documenter-dark .level-left .level-item.is-flexible,html.theme--documenter-dark .level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{html.theme--documenter-dark .level-left .level-item:not(:last-child),html.theme--documenter-dark .level-right .level-item:not(:last-child){margin-right:.75rem}}html.theme--documenter-dark .level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){html.theme--documenter-dark .level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .level-left{display:flex}}html.theme--documenter-dark .level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{html.theme--documenter-dark .level-right{display:flex}}html.theme--documenter-dark .media{align-items:flex-start;display:flex;text-align:inherit}html.theme--documenter-dark .media .content:not(:last-child){margin-bottom:.75rem}html.theme--documenter-dark .media .media{border-top:1px solid rgba(94,109,111,0.5);display:flex;padding-top:.75rem}html.theme--documenter-dark .media .media .content:not(:last-child),html.theme--documenter-dark .media .media .control:not(:last-child){margin-bottom:.5rem}html.theme--documenter-dark .media .media .media{padding-top:.5rem}html.theme--documenter-dark .media .media .media+.media{margin-top:.5rem}html.theme--documenter-dark .media+.media{border-top:1px solid rgba(94,109,111,0.5);margin-top:1rem;padding-top:1rem}html.theme--documenter-dark .media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}html.theme--documenter-dark .media-left,html.theme--documenter-dark .media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}html.theme--documenter-dark .media-left{margin-right:1rem}html.theme--documenter-dark .media-right{margin-left:1rem}html.theme--documenter-dark .media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){html.theme--documenter-dark .media-content{overflow-x:auto}}html.theme--documenter-dark .menu{font-size:1rem}html.theme--documenter-dark .menu.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}html.theme--documenter-dark .menu.is-medium{font-size:1.25rem}html.theme--documenter-dark .menu.is-large{font-size:1.5rem}html.theme--documenter-dark .menu-list{line-height:1.25}html.theme--documenter-dark .menu-list a{border-radius:3px;color:#fff;display:block;padding:0.5em 0.75em}html.theme--documenter-dark .menu-list a:hover{background-color:#282f2f;color:#f2f2f2}html.theme--documenter-dark .menu-list a.is-active{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .menu-list li ul{border-left:1px solid #5e6d6f;margin:.75em;padding-left:.75em}html.theme--documenter-dark .menu-label{color:#fff;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}html.theme--documenter-dark .menu-label:not(:first-child){margin-top:1em}html.theme--documenter-dark .menu-label:not(:last-child){margin-bottom:1em}html.theme--documenter-dark .message{background-color:#282f2f;border-radius:.4em;font-size:1rem}html.theme--documenter-dark .message strong{color:currentColor}html.theme--documenter-dark .message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}html.theme--documenter-dark .message.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}html.theme--documenter-dark .message.is-medium{font-size:1.25rem}html.theme--documenter-dark .message.is-large{font-size:1.5rem}html.theme--documenter-dark .message.is-white{background-color:#fff}html.theme--documenter-dark .message.is-white .message-header{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .message.is-white .message-body{border-color:#fff}html.theme--documenter-dark .message.is-black{background-color:#fafafa}html.theme--documenter-dark .message.is-black .message-header{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .message.is-black .message-body{border-color:#0a0a0a}html.theme--documenter-dark .message.is-light{background-color:#f9fafb}html.theme--documenter-dark .message.is-light .message-header{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .message.is-light .message-body{border-color:#ecf0f1}html.theme--documenter-dark .message.is-dark,html.theme--documenter-dark .content kbd.message{background-color:#f9fafa}html.theme--documenter-dark .message.is-dark .message-header,html.theme--documenter-dark .content kbd.message .message-header{background-color:#282f2f;color:#fff}html.theme--documenter-dark .message.is-dark .message-body,html.theme--documenter-dark .content kbd.message .message-body{border-color:#282f2f}html.theme--documenter-dark .message.is-primary,html.theme--documenter-dark .docstring>section>a.message.docs-sourcelink{background-color:#f1f5f9}html.theme--documenter-dark .message.is-primary .message-header,html.theme--documenter-dark .docstring>section>a.message.docs-sourcelink .message-header{background-color:#375a7f;color:#fff}html.theme--documenter-dark .message.is-primary .message-body,html.theme--documenter-dark .docstring>section>a.message.docs-sourcelink .message-body{border-color:#375a7f;color:#4d7eb2}html.theme--documenter-dark .message.is-link{background-color:#edfdf9}html.theme--documenter-dark .message.is-link .message-header{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .message.is-link .message-body{border-color:#1abc9c;color:#15987e}html.theme--documenter-dark .message.is-info{background-color:#eff2fb}html.theme--documenter-dark .message.is-info .message-header{background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .message.is-info .message-body{border-color:#3c5dcd;color:#3253c3}html.theme--documenter-dark .message.is-success{background-color:#effded}html.theme--documenter-dark .message.is-success .message-header{background-color:#259a12;color:#fff}html.theme--documenter-dark .message.is-success .message-body{border-color:#259a12;color:#2ec016}html.theme--documenter-dark .message.is-warning{background-color:#fefaec}html.theme--documenter-dark .message.is-warning .message-header{background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .message.is-warning .message-body{border-color:#f4c72f;color:#8c6e07}html.theme--documenter-dark .message.is-danger{background-color:#fbefef}html.theme--documenter-dark .message.is-danger .message-header{background-color:#cb3c33;color:#fff}html.theme--documenter-dark .message.is-danger .message-body{border-color:#cb3c33;color:#c03930}html.theme--documenter-dark .message-header{align-items:center;background-color:#fff;border-radius:.4em .4em 0 0;color:rgba(0,0,0,0.7);display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}html.theme--documenter-dark .message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}html.theme--documenter-dark .message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}html.theme--documenter-dark .message-body{border-color:#5e6d6f;border-radius:.4em;border-style:solid;border-width:0 0 0 4px;color:#fff;padding:1.25em 1.5em}html.theme--documenter-dark .message-body code,html.theme--documenter-dark .message-body pre{background-color:#fff}html.theme--documenter-dark .message-body pre code{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}html.theme--documenter-dark .modal.is-active{display:flex}html.theme--documenter-dark .modal-background{background-color:rgba(10,10,10,0.86)}html.theme--documenter-dark .modal-content,html.theme--documenter-dark .modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){html.theme--documenter-dark .modal-content,html.theme--documenter-dark .modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}html.theme--documenter-dark .modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}html.theme--documenter-dark .modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}html.theme--documenter-dark .modal-card-head,html.theme--documenter-dark .modal-card-foot{align-items:center;background-color:#282f2f;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}html.theme--documenter-dark .modal-card-head{border-bottom:1px solid #5e6d6f;border-top-left-radius:8px;border-top-right-radius:8px}html.theme--documenter-dark .modal-card-title{color:#f2f2f2;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}html.theme--documenter-dark .modal-card-foot{border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid #5e6d6f}html.theme--documenter-dark .modal-card-foot .button:not(:last-child){margin-right:.5em}html.theme--documenter-dark .modal-card-body{-webkit-overflow-scrolling:touch;background-color:#fff;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}html.theme--documenter-dark .navbar{background-color:#375a7f;min-height:4rem;position:relative;z-index:30}html.theme--documenter-dark .navbar.is-white{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-white .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-white .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-white .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-white .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-white .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-white .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-white .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-white .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-white .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-white .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-white .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-white .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-white .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-white .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-white .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-white .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-white .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}html.theme--documenter-dark .navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}html.theme--documenter-dark .navbar.is-black{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-black .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-black .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-black .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-black .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-black .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-black .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-black .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-black .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-black .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-black .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-black .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-black .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-black .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-black .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-black .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-black .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-black .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-black .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-black .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}html.theme--documenter-dark .navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}html.theme--documenter-dark .navbar.is-light{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-light .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-light .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-light .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-light .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#dde4e6;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-light .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-light .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-light .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-light .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-light .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-light .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-light .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-light .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-light .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-light .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-light .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-light .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-light .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-light .navbar-end .navbar-link.is-active{background-color:#dde4e6;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#dde4e6;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}}html.theme--documenter-dark .navbar.is-dark,html.theme--documenter-dark .content kbd.navbar{background-color:#282f2f;color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-brand>.navbar-item,html.theme--documenter-dark .content kbd.navbar .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-dark .navbar-brand .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .content kbd.navbar .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-dark .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .content kbd.navbar .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-dark .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-dark .navbar-brand .navbar-link:focus,html.theme--documenter-dark .content kbd.navbar .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-dark .navbar-brand .navbar-link:hover,html.theme--documenter-dark .content kbd.navbar .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-dark .navbar-brand .navbar-link.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#1d2122;color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-brand .navbar-link::after,html.theme--documenter-dark .content kbd.navbar .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-burger,html.theme--documenter-dark .content kbd.navbar .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-dark .navbar-start>.navbar-item,html.theme--documenter-dark .content kbd.navbar .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-dark .navbar-start .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-dark .navbar-end>.navbar-item,html.theme--documenter-dark .content kbd.navbar .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-dark .navbar-end .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .content kbd.navbar .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-dark .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .content kbd.navbar .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-dark .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-dark .navbar-start .navbar-link:focus,html.theme--documenter-dark .content kbd.navbar .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-dark .navbar-start .navbar-link:hover,html.theme--documenter-dark .content kbd.navbar .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-dark .navbar-start .navbar-link.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-dark .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .content kbd.navbar .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-dark .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .content kbd.navbar .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-dark .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-dark .navbar-end .navbar-link:focus,html.theme--documenter-dark .content kbd.navbar .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-dark .navbar-end .navbar-link:hover,html.theme--documenter-dark .content kbd.navbar .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-dark .navbar-end .navbar-link.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#1d2122;color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-start .navbar-link::after,html.theme--documenter-dark .content kbd.navbar .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-dark .navbar-end .navbar-link::after,html.theme--documenter-dark .content kbd.navbar .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,html.theme--documenter-dark .content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#1d2122;color:#fff}html.theme--documenter-dark .navbar.is-dark .navbar-dropdown a.navbar-item.is-active,html.theme--documenter-dark .content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#282f2f;color:#fff}}html.theme--documenter-dark .navbar.is-primary,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink{background-color:#375a7f;color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-brand>.navbar-item,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-primary .navbar-brand .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-primary .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-primary .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-primary .navbar-brand .navbar-link:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-primary .navbar-brand .navbar-link:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-primary .navbar-brand .navbar-link.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#2f4d6d;color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-brand .navbar-link::after,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-burger,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-primary .navbar-start>.navbar-item,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-primary .navbar-start .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-primary .navbar-end>.navbar-item,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-primary .navbar-end .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-primary .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-primary .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-primary .navbar-start .navbar-link:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-primary .navbar-start .navbar-link:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-primary .navbar-start .navbar-link.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-primary .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-primary .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-primary .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-primary .navbar-end .navbar-link:focus,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-primary .navbar-end .navbar-link:hover,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-primary .navbar-end .navbar-link.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#2f4d6d;color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-start .navbar-link::after,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-primary .navbar-end .navbar-link::after,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#2f4d6d;color:#fff}html.theme--documenter-dark .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#375a7f;color:#fff}}html.theme--documenter-dark .navbar.is-link{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-link .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-link .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-link .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-link .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-link .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#17a689;color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-link .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-link .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-link .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-link .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-link .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-link .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-link .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-link .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-link .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-link .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-link .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-link .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-link .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-link .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-link .navbar-end .navbar-link.is-active{background-color:#17a689;color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#17a689;color:#fff}html.theme--documenter-dark .navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#1abc9c;color:#fff}}html.theme--documenter-dark .navbar.is-info{background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-info .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-info .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-info .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-info .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-info .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#3151bf;color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-info .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-info .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-info .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-info .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-info .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-info .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-info .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-info .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-info .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-info .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-info .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-info .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-info .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-info .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-info .navbar-end .navbar-link.is-active{background-color:#3151bf;color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-info .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#3151bf;color:#fff}html.theme--documenter-dark .navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#3c5dcd;color:#fff}}html.theme--documenter-dark .navbar.is-success{background-color:#259a12;color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-success .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-success .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-success .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-success .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-success .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#20830f;color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-success .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-success .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-success .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-success .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-success .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-success .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-success .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-success .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-success .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-success .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-success .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-success .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-success .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-success .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-success .navbar-end .navbar-link.is-active{background-color:#20830f;color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-success .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#20830f;color:#fff}html.theme--documenter-dark .navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#259a12;color:#fff}}html.theme--documenter-dark .navbar.is-warning{background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-warning .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-warning .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-warning .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-warning .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-warning .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#f3c017;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-warning .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-warning .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-warning .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-warning .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-warning .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-warning .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-warning .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-warning .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-warning .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-warning .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-warning .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-warning .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-warning .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-warning .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#f3c017;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-warning .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f3c017;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#f4c72f;color:rgba(0,0,0,0.7)}}html.theme--documenter-dark .navbar.is-danger{background-color:#cb3c33;color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-brand>.navbar-item,html.theme--documenter-dark .navbar.is-danger .navbar-brand .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-brand>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-danger .navbar-brand>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-danger .navbar-brand>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-danger .navbar-brand .navbar-link:focus,html.theme--documenter-dark .navbar.is-danger .navbar-brand .navbar-link:hover,html.theme--documenter-dark .navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#b7362e;color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar.is-danger .navbar-start>.navbar-item,html.theme--documenter-dark .navbar.is-danger .navbar-start .navbar-link,html.theme--documenter-dark .navbar.is-danger .navbar-end>.navbar-item,html.theme--documenter-dark .navbar.is-danger .navbar-end .navbar-link{color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-start>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-danger .navbar-start>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-danger .navbar-start>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-danger .navbar-start .navbar-link:focus,html.theme--documenter-dark .navbar.is-danger .navbar-start .navbar-link:hover,html.theme--documenter-dark .navbar.is-danger .navbar-start .navbar-link.is-active,html.theme--documenter-dark .navbar.is-danger .navbar-end>a.navbar-item:focus,html.theme--documenter-dark .navbar.is-danger .navbar-end>a.navbar-item:hover,html.theme--documenter-dark .navbar.is-danger .navbar-end>a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-danger .navbar-end .navbar-link:focus,html.theme--documenter-dark .navbar.is-danger .navbar-end .navbar-link:hover,html.theme--documenter-dark .navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#b7362e;color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-start .navbar-link::after,html.theme--documenter-dark .navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#b7362e;color:#fff}html.theme--documenter-dark .navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#cb3c33;color:#fff}}html.theme--documenter-dark .navbar>.container{align-items:stretch;display:flex;min-height:4rem;width:100%}html.theme--documenter-dark .navbar.has-shadow{box-shadow:0 2px 0 0 #282f2f}html.theme--documenter-dark .navbar.is-fixed-bottom,html.theme--documenter-dark .navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}html.theme--documenter-dark .navbar.is-fixed-bottom{bottom:0}html.theme--documenter-dark .navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #282f2f}html.theme--documenter-dark .navbar.is-fixed-top{top:0}html.theme--documenter-dark html.has-navbar-fixed-top,html.theme--documenter-dark body.has-navbar-fixed-top{padding-top:4rem}html.theme--documenter-dark html.has-navbar-fixed-bottom,html.theme--documenter-dark body.has-navbar-fixed-bottom{padding-bottom:4rem}html.theme--documenter-dark .navbar-brand,html.theme--documenter-dark .navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:4rem}html.theme--documenter-dark .navbar-brand a.navbar-item:focus,html.theme--documenter-dark .navbar-brand a.navbar-item:hover{background-color:transparent}html.theme--documenter-dark .navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}html.theme--documenter-dark .navbar-burger{color:#fff;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:4rem;position:relative;width:4rem;margin-left:auto}html.theme--documenter-dark .navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}html.theme--documenter-dark .navbar-burger span:nth-child(1){top:calc(50% - 6px)}html.theme--documenter-dark .navbar-burger span:nth-child(2){top:calc(50% - 1px)}html.theme--documenter-dark .navbar-burger span:nth-child(3){top:calc(50% + 4px)}html.theme--documenter-dark .navbar-burger:hover{background-color:rgba(0,0,0,0.05)}html.theme--documenter-dark .navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}html.theme--documenter-dark .navbar-burger.is-active span:nth-child(2){opacity:0}html.theme--documenter-dark .navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}html.theme--documenter-dark .navbar-menu{display:none}html.theme--documenter-dark .navbar-item,html.theme--documenter-dark .navbar-link{color:#fff;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}html.theme--documenter-dark .navbar-item .icon:only-child,html.theme--documenter-dark .navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}html.theme--documenter-dark a.navbar-item,html.theme--documenter-dark .navbar-link{cursor:pointer}html.theme--documenter-dark a.navbar-item:focus,html.theme--documenter-dark a.navbar-item:focus-within,html.theme--documenter-dark a.navbar-item:hover,html.theme--documenter-dark a.navbar-item.is-active,html.theme--documenter-dark .navbar-link:focus,html.theme--documenter-dark .navbar-link:focus-within,html.theme--documenter-dark .navbar-link:hover,html.theme--documenter-dark .navbar-link.is-active{background-color:rgba(0,0,0,0);color:#1abc9c}html.theme--documenter-dark .navbar-item{flex-grow:0;flex-shrink:0}html.theme--documenter-dark .navbar-item img{max-height:1.75rem}html.theme--documenter-dark .navbar-item.has-dropdown{padding:0}html.theme--documenter-dark .navbar-item.is-expanded{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .navbar-item.is-tab{border-bottom:1px solid transparent;min-height:4rem;padding-bottom:calc(0.5rem - 1px)}html.theme--documenter-dark .navbar-item.is-tab:focus,html.theme--documenter-dark .navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#1abc9c}html.theme--documenter-dark .navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#1abc9c;border-bottom-style:solid;border-bottom-width:3px;color:#1abc9c;padding-bottom:calc(0.5rem - 3px)}html.theme--documenter-dark .navbar-content{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .navbar-link:not(.is-arrowless){padding-right:2.5em}html.theme--documenter-dark .navbar-link:not(.is-arrowless)::after{border-color:#fff;margin-top:-0.375em;right:1.125em}html.theme--documenter-dark .navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}html.theme--documenter-dark .navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}html.theme--documenter-dark .navbar-divider{background-color:rgba(0,0,0,0.2);border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){html.theme--documenter-dark .navbar>.container{display:block}html.theme--documenter-dark .navbar-brand .navbar-item,html.theme--documenter-dark .navbar-tabs .navbar-item{align-items:center;display:flex}html.theme--documenter-dark .navbar-link::after{display:none}html.theme--documenter-dark .navbar-menu{background-color:#375a7f;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}html.theme--documenter-dark .navbar-menu.is-active{display:block}html.theme--documenter-dark .navbar.is-fixed-bottom-touch,html.theme--documenter-dark .navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}html.theme--documenter-dark .navbar.is-fixed-bottom-touch{bottom:0}html.theme--documenter-dark .navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--documenter-dark .navbar.is-fixed-top-touch{top:0}html.theme--documenter-dark .navbar.is-fixed-top .navbar-menu,html.theme--documenter-dark .navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 4rem);overflow:auto}html.theme--documenter-dark html.has-navbar-fixed-top-touch,html.theme--documenter-dark body.has-navbar-fixed-top-touch{padding-top:4rem}html.theme--documenter-dark html.has-navbar-fixed-bottom-touch,html.theme--documenter-dark body.has-navbar-fixed-bottom-touch{padding-bottom:4rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .navbar,html.theme--documenter-dark .navbar-menu,html.theme--documenter-dark .navbar-start,html.theme--documenter-dark .navbar-end{align-items:stretch;display:flex}html.theme--documenter-dark .navbar{min-height:4rem}html.theme--documenter-dark .navbar.is-spaced{padding:1rem 2rem}html.theme--documenter-dark .navbar.is-spaced .navbar-start,html.theme--documenter-dark .navbar.is-spaced .navbar-end{align-items:center}html.theme--documenter-dark .navbar.is-spaced a.navbar-item,html.theme--documenter-dark .navbar.is-spaced .navbar-link{border-radius:.4em}html.theme--documenter-dark .navbar.is-transparent a.navbar-item:focus,html.theme--documenter-dark .navbar.is-transparent a.navbar-item:hover,html.theme--documenter-dark .navbar.is-transparent a.navbar-item.is-active,html.theme--documenter-dark .navbar.is-transparent .navbar-link:focus,html.theme--documenter-dark .navbar.is-transparent .navbar-link:hover,html.theme--documenter-dark .navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}html.theme--documenter-dark .navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,html.theme--documenter-dark .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,html.theme--documenter-dark .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,html.theme--documenter-dark .navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}html.theme--documenter-dark .navbar.is-transparent .navbar-dropdown a.navbar-item:focus,html.theme--documenter-dark .navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#dbdee0}html.theme--documenter-dark .navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#1abc9c}html.theme--documenter-dark .navbar-burger{display:none}html.theme--documenter-dark .navbar-item,html.theme--documenter-dark .navbar-link{align-items:center;display:flex}html.theme--documenter-dark .navbar-item.has-dropdown{align-items:stretch}html.theme--documenter-dark .navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}html.theme--documenter-dark .navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:1px solid rgba(0,0,0,0.2);border-radius:8px 8px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}html.theme--documenter-dark .navbar-item.is-active .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced html.theme--documenter-dark .navbar-item.is-active .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--documenter-dark .navbar-item.is-hoverable:focus .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--documenter-dark .navbar-item.is-hoverable:focus-within .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced html.theme--documenter-dark .navbar-item.is-hoverable:hover .navbar-dropdown,html.theme--documenter-dark .navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}html.theme--documenter-dark .navbar-menu{flex-grow:1;flex-shrink:0}html.theme--documenter-dark .navbar-start{justify-content:flex-start;margin-right:auto}html.theme--documenter-dark .navbar-end{justify-content:flex-end;margin-left:auto}html.theme--documenter-dark .navbar-dropdown{background-color:#375a7f;border-bottom-left-radius:8px;border-bottom-right-radius:8px;border-top:1px solid rgba(0,0,0,0.2);box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}html.theme--documenter-dark .navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}html.theme--documenter-dark .navbar-dropdown a.navbar-item{padding-right:3rem}html.theme--documenter-dark .navbar-dropdown a.navbar-item:focus,html.theme--documenter-dark .navbar-dropdown a.navbar-item:hover{background-color:rgba(0,0,0,0);color:#dbdee0}html.theme--documenter-dark .navbar-dropdown a.navbar-item.is-active{background-color:rgba(0,0,0,0);color:#1abc9c}.navbar.is-spaced html.theme--documenter-dark .navbar-dropdown,html.theme--documenter-dark .navbar-dropdown.is-boxed{border-radius:8px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}html.theme--documenter-dark .navbar-dropdown.is-right{left:auto;right:0}html.theme--documenter-dark .navbar-divider{display:block}html.theme--documenter-dark .navbar>.container .navbar-brand,html.theme--documenter-dark .container>.navbar .navbar-brand{margin-left:-.75rem}html.theme--documenter-dark .navbar>.container .navbar-menu,html.theme--documenter-dark .container>.navbar .navbar-menu{margin-right:-.75rem}html.theme--documenter-dark .navbar.is-fixed-bottom-desktop,html.theme--documenter-dark .navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}html.theme--documenter-dark .navbar.is-fixed-bottom-desktop{bottom:0}html.theme--documenter-dark .navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}html.theme--documenter-dark .navbar.is-fixed-top-desktop{top:0}html.theme--documenter-dark html.has-navbar-fixed-top-desktop,html.theme--documenter-dark body.has-navbar-fixed-top-desktop{padding-top:4rem}html.theme--documenter-dark html.has-navbar-fixed-bottom-desktop,html.theme--documenter-dark body.has-navbar-fixed-bottom-desktop{padding-bottom:4rem}html.theme--documenter-dark html.has-spaced-navbar-fixed-top,html.theme--documenter-dark body.has-spaced-navbar-fixed-top{padding-top:6rem}html.theme--documenter-dark html.has-spaced-navbar-fixed-bottom,html.theme--documenter-dark body.has-spaced-navbar-fixed-bottom{padding-bottom:6rem}html.theme--documenter-dark a.navbar-item.is-active,html.theme--documenter-dark .navbar-link.is-active{color:#1abc9c}html.theme--documenter-dark a.navbar-item.is-active:not(:focus):not(:hover),html.theme--documenter-dark .navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}html.theme--documenter-dark .navbar-item.has-dropdown:focus .navbar-link,html.theme--documenter-dark .navbar-item.has-dropdown:hover .navbar-link,html.theme--documenter-dark .navbar-item.has-dropdown.is-active .navbar-link{background-color:rgba(0,0,0,0)}}html.theme--documenter-dark .hero.is-fullheight-with-navbar{min-height:calc(100vh - 4rem)}html.theme--documenter-dark .pagination{font-size:1rem;margin:-.25rem}html.theme--documenter-dark .pagination.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}html.theme--documenter-dark .pagination.is-medium{font-size:1.25rem}html.theme--documenter-dark .pagination.is-large{font-size:1.5rem}html.theme--documenter-dark .pagination.is-rounded .pagination-previous,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,html.theme--documenter-dark .pagination.is-rounded .pagination-next,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}html.theme--documenter-dark .pagination.is-rounded .pagination-link,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}html.theme--documenter-dark .pagination,html.theme--documenter-dark .pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-link{border-color:#5e6d6f;color:#1abc9c;min-width:2.5em}html.theme--documenter-dark .pagination-previous:hover,html.theme--documenter-dark .pagination-next:hover,html.theme--documenter-dark .pagination-link:hover{border-color:#8c9b9d;color:#1dd2af}html.theme--documenter-dark .pagination-previous:focus,html.theme--documenter-dark .pagination-next:focus,html.theme--documenter-dark .pagination-link:focus{border-color:#8c9b9d}html.theme--documenter-dark .pagination-previous:active,html.theme--documenter-dark .pagination-next:active,html.theme--documenter-dark .pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}html.theme--documenter-dark .pagination-previous[disabled],html.theme--documenter-dark .pagination-previous.is-disabled,html.theme--documenter-dark .pagination-next[disabled],html.theme--documenter-dark .pagination-next.is-disabled,html.theme--documenter-dark .pagination-link[disabled],html.theme--documenter-dark .pagination-link.is-disabled{background-color:#5e6d6f;border-color:#5e6d6f;box-shadow:none;color:#fff;opacity:0.5}html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}html.theme--documenter-dark .pagination-link.is-current{background-color:#1abc9c;border-color:#1abc9c;color:#fff}html.theme--documenter-dark .pagination-ellipsis{color:#8c9b9d;pointer-events:none}html.theme--documenter-dark .pagination-list{flex-wrap:wrap}html.theme--documenter-dark .pagination-list li{list-style:none}@media screen and (max-width: 768px){html.theme--documenter-dark .pagination{flex-wrap:wrap}html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-ellipsis{margin-bottom:0;margin-top:0}html.theme--documenter-dark .pagination-previous{order:2}html.theme--documenter-dark .pagination-next{order:3}html.theme--documenter-dark .pagination{justify-content:space-between;margin-bottom:0;margin-top:0}html.theme--documenter-dark .pagination.is-centered .pagination-previous{order:1}html.theme--documenter-dark .pagination.is-centered .pagination-list{justify-content:center;order:2}html.theme--documenter-dark .pagination.is-centered .pagination-next{order:3}html.theme--documenter-dark .pagination.is-right .pagination-previous{order:1}html.theme--documenter-dark .pagination.is-right .pagination-next{order:2}html.theme--documenter-dark .pagination.is-right .pagination-list{justify-content:flex-end;order:3}}html.theme--documenter-dark .panel{border-radius:8px;box-shadow:#171717;font-size:1rem}html.theme--documenter-dark .panel:not(:last-child){margin-bottom:1.5rem}html.theme--documenter-dark .panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}html.theme--documenter-dark .panel.is-white .panel-block.is-active .panel-icon{color:#fff}html.theme--documenter-dark .panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}html.theme--documenter-dark .panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}html.theme--documenter-dark .panel.is-light .panel-heading{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .panel.is-light .panel-tabs a.is-active{border-bottom-color:#ecf0f1}html.theme--documenter-dark .panel.is-light .panel-block.is-active .panel-icon{color:#ecf0f1}html.theme--documenter-dark .panel.is-dark .panel-heading,html.theme--documenter-dark .content kbd.panel .panel-heading{background-color:#282f2f;color:#fff}html.theme--documenter-dark .panel.is-dark .panel-tabs a.is-active,html.theme--documenter-dark .content kbd.panel .panel-tabs a.is-active{border-bottom-color:#282f2f}html.theme--documenter-dark .panel.is-dark .panel-block.is-active .panel-icon,html.theme--documenter-dark .content kbd.panel .panel-block.is-active .panel-icon{color:#282f2f}html.theme--documenter-dark .panel.is-primary .panel-heading,html.theme--documenter-dark .docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#375a7f;color:#fff}html.theme--documenter-dark .panel.is-primary .panel-tabs a.is-active,html.theme--documenter-dark .docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#375a7f}html.theme--documenter-dark .panel.is-primary .panel-block.is-active .panel-icon,html.theme--documenter-dark .docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#375a7f}html.theme--documenter-dark .panel.is-link .panel-heading{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .panel.is-link .panel-tabs a.is-active{border-bottom-color:#1abc9c}html.theme--documenter-dark .panel.is-link .panel-block.is-active .panel-icon{color:#1abc9c}html.theme--documenter-dark .panel.is-info .panel-heading{background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .panel.is-info .panel-tabs a.is-active{border-bottom-color:#3c5dcd}html.theme--documenter-dark .panel.is-info .panel-block.is-active .panel-icon{color:#3c5dcd}html.theme--documenter-dark .panel.is-success .panel-heading{background-color:#259a12;color:#fff}html.theme--documenter-dark .panel.is-success .panel-tabs a.is-active{border-bottom-color:#259a12}html.theme--documenter-dark .panel.is-success .panel-block.is-active .panel-icon{color:#259a12}html.theme--documenter-dark .panel.is-warning .panel-heading{background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .panel.is-warning .panel-tabs a.is-active{border-bottom-color:#f4c72f}html.theme--documenter-dark .panel.is-warning .panel-block.is-active .panel-icon{color:#f4c72f}html.theme--documenter-dark .panel.is-danger .panel-heading{background-color:#cb3c33;color:#fff}html.theme--documenter-dark .panel.is-danger .panel-tabs a.is-active{border-bottom-color:#cb3c33}html.theme--documenter-dark .panel.is-danger .panel-block.is-active .panel-icon{color:#cb3c33}html.theme--documenter-dark .panel-tabs:not(:last-child),html.theme--documenter-dark .panel-block:not(:last-child){border-bottom:1px solid #ededed}html.theme--documenter-dark .panel-heading{background-color:#343c3d;border-radius:8px 8px 0 0;color:#f2f2f2;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}html.theme--documenter-dark .panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}html.theme--documenter-dark .panel-tabs a{border-bottom:1px solid #5e6d6f;margin-bottom:-1px;padding:0.5em}html.theme--documenter-dark .panel-tabs a.is-active{border-bottom-color:#343c3d;color:#17a689}html.theme--documenter-dark .panel-list a{color:#fff}html.theme--documenter-dark .panel-list a:hover{color:#1abc9c}html.theme--documenter-dark .panel-block{align-items:center;color:#f2f2f2;display:flex;justify-content:flex-start;padding:0.5em 0.75em}html.theme--documenter-dark .panel-block input[type="checkbox"]{margin-right:.75em}html.theme--documenter-dark .panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}html.theme--documenter-dark .panel-block.is-wrapped{flex-wrap:wrap}html.theme--documenter-dark .panel-block.is-active{border-left-color:#1abc9c;color:#17a689}html.theme--documenter-dark .panel-block.is-active .panel-icon{color:#1abc9c}html.theme--documenter-dark .panel-block:last-child{border-bottom-left-radius:8px;border-bottom-right-radius:8px}html.theme--documenter-dark a.panel-block,html.theme--documenter-dark label.panel-block{cursor:pointer}html.theme--documenter-dark a.panel-block:hover,html.theme--documenter-dark label.panel-block:hover{background-color:#282f2f}html.theme--documenter-dark .panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#fff;margin-right:.75em}html.theme--documenter-dark .panel-icon .fa{font-size:inherit;line-height:inherit}html.theme--documenter-dark .tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}html.theme--documenter-dark .tabs a{align-items:center;border-bottom-color:#5e6d6f;border-bottom-style:solid;border-bottom-width:1px;color:#fff;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}html.theme--documenter-dark .tabs a:hover{border-bottom-color:#f2f2f2;color:#f2f2f2}html.theme--documenter-dark .tabs li{display:block}html.theme--documenter-dark .tabs li.is-active a{border-bottom-color:#1abc9c;color:#1abc9c}html.theme--documenter-dark .tabs ul{align-items:center;border-bottom-color:#5e6d6f;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}html.theme--documenter-dark .tabs ul.is-left{padding-right:0.75em}html.theme--documenter-dark .tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}html.theme--documenter-dark .tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}html.theme--documenter-dark .tabs .icon:first-child{margin-right:.5em}html.theme--documenter-dark .tabs .icon:last-child{margin-left:.5em}html.theme--documenter-dark .tabs.is-centered ul{justify-content:center}html.theme--documenter-dark .tabs.is-right ul{justify-content:flex-end}html.theme--documenter-dark .tabs.is-boxed a{border:1px solid transparent;border-radius:.4em .4em 0 0}html.theme--documenter-dark .tabs.is-boxed a:hover{background-color:#282f2f;border-bottom-color:#5e6d6f}html.theme--documenter-dark .tabs.is-boxed li.is-active a{background-color:#fff;border-color:#5e6d6f;border-bottom-color:rgba(0,0,0,0) !important}html.theme--documenter-dark .tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}html.theme--documenter-dark .tabs.is-toggle a{border-color:#5e6d6f;border-style:solid;border-width:1px;margin-bottom:0;position:relative}html.theme--documenter-dark .tabs.is-toggle a:hover{background-color:#282f2f;border-color:#8c9b9d;z-index:2}html.theme--documenter-dark .tabs.is-toggle li+li{margin-left:-1px}html.theme--documenter-dark .tabs.is-toggle li:first-child a{border-top-left-radius:.4em;border-bottom-left-radius:.4em}html.theme--documenter-dark .tabs.is-toggle li:last-child a{border-top-right-radius:.4em;border-bottom-right-radius:.4em}html.theme--documenter-dark .tabs.is-toggle li.is-active a{background-color:#1abc9c;border-color:#1abc9c;color:#fff;z-index:1}html.theme--documenter-dark .tabs.is-toggle ul{border-bottom:none}html.theme--documenter-dark .tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}html.theme--documenter-dark .tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}html.theme--documenter-dark .tabs.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}html.theme--documenter-dark .tabs.is-medium{font-size:1.25rem}html.theme--documenter-dark .tabs.is-large{font-size:1.5rem}html.theme--documenter-dark .column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>html.theme--documenter-dark .column.is-narrow{flex:none;width:unset}.columns.is-mobile>html.theme--documenter-dark .column.is-full{flex:none;width:100%}.columns.is-mobile>html.theme--documenter-dark .column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>html.theme--documenter-dark .column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>html.theme--documenter-dark .column.is-half{flex:none;width:50%}.columns.is-mobile>html.theme--documenter-dark .column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>html.theme--documenter-dark .column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>html.theme--documenter-dark .column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>html.theme--documenter-dark .column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>html.theme--documenter-dark .column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>html.theme--documenter-dark .column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-half{margin-left:50%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>html.theme--documenter-dark .column.is-0{flex:none;width:0%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-0{margin-left:0%}.columns.is-mobile>html.theme--documenter-dark .column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-3{flex:none;width:25%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-3{margin-left:25%}.columns.is-mobile>html.theme--documenter-dark .column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-6{flex:none;width:50%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-6{margin-left:50%}.columns.is-mobile>html.theme--documenter-dark .column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-9{flex:none;width:75%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-9{margin-left:75%}.columns.is-mobile>html.theme--documenter-dark .column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>html.theme--documenter-dark .column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>html.theme--documenter-dark .column.is-12{flex:none;width:100%}.columns.is-mobile>html.theme--documenter-dark .column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){html.theme--documenter-dark .column.is-narrow-mobile{flex:none;width:unset}html.theme--documenter-dark .column.is-full-mobile{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters-mobile{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds-mobile{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half-mobile{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third-mobile{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter-mobile{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth-mobile{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths-mobile{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths-mobile{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths-mobile{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters-mobile{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds-mobile{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half-mobile{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third-mobile{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter-mobile{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth-mobile{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths-mobile{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths-mobile{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths-mobile{margin-left:80%}html.theme--documenter-dark .column.is-0-mobile{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0-mobile{margin-left:0%}html.theme--documenter-dark .column.is-1-mobile{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1-mobile{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2-mobile{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2-mobile{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3-mobile{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3-mobile{margin-left:25%}html.theme--documenter-dark .column.is-4-mobile{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4-mobile{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5-mobile{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5-mobile{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6-mobile{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6-mobile{margin-left:50%}html.theme--documenter-dark .column.is-7-mobile{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7-mobile{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8-mobile{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8-mobile{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9-mobile{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9-mobile{margin-left:75%}html.theme--documenter-dark .column.is-10-mobile{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10-mobile{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11-mobile{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11-mobile{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12-mobile{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .column.is-narrow,html.theme--documenter-dark .column.is-narrow-tablet{flex:none;width:unset}html.theme--documenter-dark .column.is-full,html.theme--documenter-dark .column.is-full-tablet{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters,html.theme--documenter-dark .column.is-three-quarters-tablet{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds,html.theme--documenter-dark .column.is-two-thirds-tablet{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half,html.theme--documenter-dark .column.is-half-tablet{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third,html.theme--documenter-dark .column.is-one-third-tablet{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter,html.theme--documenter-dark .column.is-one-quarter-tablet{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth,html.theme--documenter-dark .column.is-one-fifth-tablet{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths,html.theme--documenter-dark .column.is-two-fifths-tablet{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths,html.theme--documenter-dark .column.is-three-fifths-tablet{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths,html.theme--documenter-dark .column.is-four-fifths-tablet{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters,html.theme--documenter-dark .column.is-offset-three-quarters-tablet{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds,html.theme--documenter-dark .column.is-offset-two-thirds-tablet{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half,html.theme--documenter-dark .column.is-offset-half-tablet{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third,html.theme--documenter-dark .column.is-offset-one-third-tablet{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter,html.theme--documenter-dark .column.is-offset-one-quarter-tablet{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth,html.theme--documenter-dark .column.is-offset-one-fifth-tablet{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths,html.theme--documenter-dark .column.is-offset-two-fifths-tablet{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths,html.theme--documenter-dark .column.is-offset-three-fifths-tablet{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths,html.theme--documenter-dark .column.is-offset-four-fifths-tablet{margin-left:80%}html.theme--documenter-dark .column.is-0,html.theme--documenter-dark .column.is-0-tablet{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0,html.theme--documenter-dark .column.is-offset-0-tablet{margin-left:0%}html.theme--documenter-dark .column.is-1,html.theme--documenter-dark .column.is-1-tablet{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1,html.theme--documenter-dark .column.is-offset-1-tablet{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2,html.theme--documenter-dark .column.is-2-tablet{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2,html.theme--documenter-dark .column.is-offset-2-tablet{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3,html.theme--documenter-dark .column.is-3-tablet{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3,html.theme--documenter-dark .column.is-offset-3-tablet{margin-left:25%}html.theme--documenter-dark .column.is-4,html.theme--documenter-dark .column.is-4-tablet{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4,html.theme--documenter-dark .column.is-offset-4-tablet{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5,html.theme--documenter-dark .column.is-5-tablet{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5,html.theme--documenter-dark .column.is-offset-5-tablet{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6,html.theme--documenter-dark .column.is-6-tablet{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6,html.theme--documenter-dark .column.is-offset-6-tablet{margin-left:50%}html.theme--documenter-dark .column.is-7,html.theme--documenter-dark .column.is-7-tablet{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7,html.theme--documenter-dark .column.is-offset-7-tablet{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8,html.theme--documenter-dark .column.is-8-tablet{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8,html.theme--documenter-dark .column.is-offset-8-tablet{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9,html.theme--documenter-dark .column.is-9-tablet{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9,html.theme--documenter-dark .column.is-offset-9-tablet{margin-left:75%}html.theme--documenter-dark .column.is-10,html.theme--documenter-dark .column.is-10-tablet{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10,html.theme--documenter-dark .column.is-offset-10-tablet{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11,html.theme--documenter-dark .column.is-11-tablet{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11,html.theme--documenter-dark .column.is-offset-11-tablet{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12,html.theme--documenter-dark .column.is-12-tablet{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12,html.theme--documenter-dark .column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){html.theme--documenter-dark .column.is-narrow-touch{flex:none;width:unset}html.theme--documenter-dark .column.is-full-touch{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters-touch{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds-touch{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half-touch{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third-touch{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter-touch{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth-touch{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths-touch{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths-touch{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths-touch{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters-touch{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds-touch{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half-touch{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third-touch{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter-touch{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth-touch{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths-touch{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths-touch{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths-touch{margin-left:80%}html.theme--documenter-dark .column.is-0-touch{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0-touch{margin-left:0%}html.theme--documenter-dark .column.is-1-touch{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1-touch{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2-touch{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2-touch{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3-touch{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3-touch{margin-left:25%}html.theme--documenter-dark .column.is-4-touch{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4-touch{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5-touch{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5-touch{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6-touch{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6-touch{margin-left:50%}html.theme--documenter-dark .column.is-7-touch{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7-touch{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8-touch{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8-touch{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9-touch{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9-touch{margin-left:75%}html.theme--documenter-dark .column.is-10-touch{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10-touch{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11-touch{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11-touch{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12-touch{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){html.theme--documenter-dark .column.is-narrow-desktop{flex:none;width:unset}html.theme--documenter-dark .column.is-full-desktop{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters-desktop{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds-desktop{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half-desktop{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third-desktop{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter-desktop{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth-desktop{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths-desktop{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths-desktop{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths-desktop{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters-desktop{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds-desktop{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half-desktop{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third-desktop{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter-desktop{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth-desktop{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths-desktop{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths-desktop{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths-desktop{margin-left:80%}html.theme--documenter-dark .column.is-0-desktop{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0-desktop{margin-left:0%}html.theme--documenter-dark .column.is-1-desktop{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1-desktop{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2-desktop{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2-desktop{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3-desktop{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3-desktop{margin-left:25%}html.theme--documenter-dark .column.is-4-desktop{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4-desktop{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5-desktop{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5-desktop{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6-desktop{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6-desktop{margin-left:50%}html.theme--documenter-dark .column.is-7-desktop{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7-desktop{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8-desktop{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8-desktop{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9-desktop{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9-desktop{margin-left:75%}html.theme--documenter-dark .column.is-10-desktop{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10-desktop{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11-desktop{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11-desktop{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12-desktop{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){html.theme--documenter-dark .column.is-narrow-widescreen{flex:none;width:unset}html.theme--documenter-dark .column.is-full-widescreen{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters-widescreen{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds-widescreen{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half-widescreen{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third-widescreen{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter-widescreen{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth-widescreen{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths-widescreen{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths-widescreen{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths-widescreen{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters-widescreen{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds-widescreen{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half-widescreen{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third-widescreen{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter-widescreen{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth-widescreen{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths-widescreen{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths-widescreen{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths-widescreen{margin-left:80%}html.theme--documenter-dark .column.is-0-widescreen{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0-widescreen{margin-left:0%}html.theme--documenter-dark .column.is-1-widescreen{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1-widescreen{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2-widescreen{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2-widescreen{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3-widescreen{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3-widescreen{margin-left:25%}html.theme--documenter-dark .column.is-4-widescreen{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4-widescreen{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5-widescreen{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5-widescreen{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6-widescreen{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6-widescreen{margin-left:50%}html.theme--documenter-dark .column.is-7-widescreen{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7-widescreen{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8-widescreen{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8-widescreen{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9-widescreen{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9-widescreen{margin-left:75%}html.theme--documenter-dark .column.is-10-widescreen{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10-widescreen{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11-widescreen{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11-widescreen{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12-widescreen{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){html.theme--documenter-dark .column.is-narrow-fullhd{flex:none;width:unset}html.theme--documenter-dark .column.is-full-fullhd{flex:none;width:100%}html.theme--documenter-dark .column.is-three-quarters-fullhd{flex:none;width:75%}html.theme--documenter-dark .column.is-two-thirds-fullhd{flex:none;width:66.6666%}html.theme--documenter-dark .column.is-half-fullhd{flex:none;width:50%}html.theme--documenter-dark .column.is-one-third-fullhd{flex:none;width:33.3333%}html.theme--documenter-dark .column.is-one-quarter-fullhd{flex:none;width:25%}html.theme--documenter-dark .column.is-one-fifth-fullhd{flex:none;width:20%}html.theme--documenter-dark .column.is-two-fifths-fullhd{flex:none;width:40%}html.theme--documenter-dark .column.is-three-fifths-fullhd{flex:none;width:60%}html.theme--documenter-dark .column.is-four-fifths-fullhd{flex:none;width:80%}html.theme--documenter-dark .column.is-offset-three-quarters-fullhd{margin-left:75%}html.theme--documenter-dark .column.is-offset-two-thirds-fullhd{margin-left:66.6666%}html.theme--documenter-dark .column.is-offset-half-fullhd{margin-left:50%}html.theme--documenter-dark .column.is-offset-one-third-fullhd{margin-left:33.3333%}html.theme--documenter-dark .column.is-offset-one-quarter-fullhd{margin-left:25%}html.theme--documenter-dark .column.is-offset-one-fifth-fullhd{margin-left:20%}html.theme--documenter-dark .column.is-offset-two-fifths-fullhd{margin-left:40%}html.theme--documenter-dark .column.is-offset-three-fifths-fullhd{margin-left:60%}html.theme--documenter-dark .column.is-offset-four-fifths-fullhd{margin-left:80%}html.theme--documenter-dark .column.is-0-fullhd{flex:none;width:0%}html.theme--documenter-dark .column.is-offset-0-fullhd{margin-left:0%}html.theme--documenter-dark .column.is-1-fullhd{flex:none;width:8.33333337%}html.theme--documenter-dark .column.is-offset-1-fullhd{margin-left:8.33333337%}html.theme--documenter-dark .column.is-2-fullhd{flex:none;width:16.66666674%}html.theme--documenter-dark .column.is-offset-2-fullhd{margin-left:16.66666674%}html.theme--documenter-dark .column.is-3-fullhd{flex:none;width:25%}html.theme--documenter-dark .column.is-offset-3-fullhd{margin-left:25%}html.theme--documenter-dark .column.is-4-fullhd{flex:none;width:33.33333337%}html.theme--documenter-dark .column.is-offset-4-fullhd{margin-left:33.33333337%}html.theme--documenter-dark .column.is-5-fullhd{flex:none;width:41.66666674%}html.theme--documenter-dark .column.is-offset-5-fullhd{margin-left:41.66666674%}html.theme--documenter-dark .column.is-6-fullhd{flex:none;width:50%}html.theme--documenter-dark .column.is-offset-6-fullhd{margin-left:50%}html.theme--documenter-dark .column.is-7-fullhd{flex:none;width:58.33333337%}html.theme--documenter-dark .column.is-offset-7-fullhd{margin-left:58.33333337%}html.theme--documenter-dark .column.is-8-fullhd{flex:none;width:66.66666674%}html.theme--documenter-dark .column.is-offset-8-fullhd{margin-left:66.66666674%}html.theme--documenter-dark .column.is-9-fullhd{flex:none;width:75%}html.theme--documenter-dark .column.is-offset-9-fullhd{margin-left:75%}html.theme--documenter-dark .column.is-10-fullhd{flex:none;width:83.33333337%}html.theme--documenter-dark .column.is-offset-10-fullhd{margin-left:83.33333337%}html.theme--documenter-dark .column.is-11-fullhd{flex:none;width:91.66666674%}html.theme--documenter-dark .column.is-offset-11-fullhd{margin-left:91.66666674%}html.theme--documenter-dark .column.is-12-fullhd{flex:none;width:100%}html.theme--documenter-dark .column.is-offset-12-fullhd{margin-left:100%}}html.theme--documenter-dark .columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--documenter-dark .columns:last-child{margin-bottom:-.75rem}html.theme--documenter-dark .columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}html.theme--documenter-dark .columns.is-centered{justify-content:center}html.theme--documenter-dark .columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}html.theme--documenter-dark .columns.is-gapless>.column{margin:0;padding:0 !important}html.theme--documenter-dark .columns.is-gapless:not(:last-child){margin-bottom:1.5rem}html.theme--documenter-dark .columns.is-gapless:last-child{margin-bottom:0}html.theme--documenter-dark .columns.is-mobile{display:flex}html.theme--documenter-dark .columns.is-multiline{flex-wrap:wrap}html.theme--documenter-dark .columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-desktop{display:flex}}html.theme--documenter-dark .columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}html.theme--documenter-dark .columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}html.theme--documenter-dark .columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-0-fullhd{--columnGap: 0rem}}html.theme--documenter-dark .columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-1-fullhd{--columnGap: .25rem}}html.theme--documenter-dark .columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-2-fullhd{--columnGap: .5rem}}html.theme--documenter-dark .columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-3-fullhd{--columnGap: .75rem}}html.theme--documenter-dark .columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-4-fullhd{--columnGap: 1rem}}html.theme--documenter-dark .columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}html.theme--documenter-dark .columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}html.theme--documenter-dark .columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}html.theme--documenter-dark .columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){html.theme--documenter-dark .columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark .columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){html.theme--documenter-dark .columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){html.theme--documenter-dark .columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){html.theme--documenter-dark .columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){html.theme--documenter-dark .columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){html.theme--documenter-dark .columns.is-variable.is-8-fullhd{--columnGap: 2rem}}html.theme--documenter-dark .tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}html.theme--documenter-dark .tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}html.theme--documenter-dark .tile.is-ancestor:last-child{margin-bottom:-.75rem}html.theme--documenter-dark .tile.is-ancestor:not(:last-child){margin-bottom:.75rem}html.theme--documenter-dark .tile.is-child{margin:0 !important}html.theme--documenter-dark .tile.is-parent{padding:.75rem}html.theme--documenter-dark .tile.is-vertical{flex-direction:column}html.theme--documenter-dark .tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{html.theme--documenter-dark .tile:not(.is-child){display:flex}html.theme--documenter-dark .tile.is-1{flex:none;width:8.33333337%}html.theme--documenter-dark .tile.is-2{flex:none;width:16.66666674%}html.theme--documenter-dark .tile.is-3{flex:none;width:25%}html.theme--documenter-dark .tile.is-4{flex:none;width:33.33333337%}html.theme--documenter-dark .tile.is-5{flex:none;width:41.66666674%}html.theme--documenter-dark .tile.is-6{flex:none;width:50%}html.theme--documenter-dark .tile.is-7{flex:none;width:58.33333337%}html.theme--documenter-dark .tile.is-8{flex:none;width:66.66666674%}html.theme--documenter-dark .tile.is-9{flex:none;width:75%}html.theme--documenter-dark .tile.is-10{flex:none;width:83.33333337%}html.theme--documenter-dark .tile.is-11{flex:none;width:91.66666674%}html.theme--documenter-dark .tile.is-12{flex:none;width:100%}}html.theme--documenter-dark .hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}html.theme--documenter-dark .hero .navbar{background:none}html.theme--documenter-dark .hero .tabs ul{border-bottom:none}html.theme--documenter-dark .hero.is-white{background-color:#fff;color:#0a0a0a}html.theme--documenter-dark .hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-white strong{color:inherit}html.theme--documenter-dark .hero.is-white .title{color:#0a0a0a}html.theme--documenter-dark .hero.is-white .subtitle{color:rgba(10,10,10,0.9)}html.theme--documenter-dark .hero.is-white .subtitle a:not(.button),html.theme--documenter-dark .hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-white .navbar-menu{background-color:#fff}}html.theme--documenter-dark .hero.is-white .navbar-item,html.theme--documenter-dark .hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}html.theme--documenter-dark .hero.is-white a.navbar-item:hover,html.theme--documenter-dark .hero.is-white a.navbar-item.is-active,html.theme--documenter-dark .hero.is-white .navbar-link:hover,html.theme--documenter-dark .hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}html.theme--documenter-dark .hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}html.theme--documenter-dark .hero.is-white .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}html.theme--documenter-dark .hero.is-white .tabs.is-boxed a,html.theme--documenter-dark .hero.is-white .tabs.is-toggle a{color:#0a0a0a}html.theme--documenter-dark .hero.is-white .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-white .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-white .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-white .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}html.theme--documenter-dark .hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}html.theme--documenter-dark .hero.is-black{background-color:#0a0a0a;color:#fff}html.theme--documenter-dark .hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-black strong{color:inherit}html.theme--documenter-dark .hero.is-black .title{color:#fff}html.theme--documenter-dark .hero.is-black .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-black .subtitle a:not(.button),html.theme--documenter-dark .hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-black .navbar-menu{background-color:#0a0a0a}}html.theme--documenter-dark .hero.is-black .navbar-item,html.theme--documenter-dark .hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-black a.navbar-item:hover,html.theme--documenter-dark .hero.is-black a.navbar-item.is-active,html.theme--documenter-dark .hero.is-black .navbar-link:hover,html.theme--documenter-dark .hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}html.theme--documenter-dark .hero.is-black .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-black .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}html.theme--documenter-dark .hero.is-black .tabs.is-boxed a,html.theme--documenter-dark .hero.is-black .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-black .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-black .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-black .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-black .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}html.theme--documenter-dark .hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}html.theme--documenter-dark .hero.is-light{background-color:#ecf0f1;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-light strong{color:inherit}html.theme--documenter-dark .hero.is-light .title{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-light .subtitle{color:rgba(0,0,0,0.9)}html.theme--documenter-dark .hero.is-light .subtitle a:not(.button),html.theme--documenter-dark .hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-light .navbar-menu{background-color:#ecf0f1}}html.theme--documenter-dark .hero.is-light .navbar-item,html.theme--documenter-dark .hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-light a.navbar-item:hover,html.theme--documenter-dark .hero.is-light a.navbar-item.is-active,html.theme--documenter-dark .hero.is-light .navbar-link:hover,html.theme--documenter-dark .hero.is-light .navbar-link.is-active{background-color:#dde4e6;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--documenter-dark .hero.is-light .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-light .tabs li.is-active a{color:#ecf0f1 !important;opacity:1}html.theme--documenter-dark .hero.is-light .tabs.is-boxed a,html.theme--documenter-dark .hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-light .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-light .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-light .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-light .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#ecf0f1}html.theme--documenter-dark .hero.is-light.is-bold{background-image:linear-gradient(141deg, #cadfe0 0%, #ecf0f1 71%, #fafbfc 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #cadfe0 0%, #ecf0f1 71%, #fafbfc 100%)}}html.theme--documenter-dark .hero.is-dark,html.theme--documenter-dark .content kbd.hero{background-color:#282f2f;color:#fff}html.theme--documenter-dark .hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-dark strong,html.theme--documenter-dark .content kbd.hero strong{color:inherit}html.theme--documenter-dark .hero.is-dark .title,html.theme--documenter-dark .content kbd.hero .title{color:#fff}html.theme--documenter-dark .hero.is-dark .subtitle,html.theme--documenter-dark .content kbd.hero .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-dark .subtitle a:not(.button),html.theme--documenter-dark .content kbd.hero .subtitle a:not(.button),html.theme--documenter-dark .hero.is-dark .subtitle strong,html.theme--documenter-dark .content kbd.hero .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-dark .navbar-menu,html.theme--documenter-dark .content kbd.hero .navbar-menu{background-color:#282f2f}}html.theme--documenter-dark .hero.is-dark .navbar-item,html.theme--documenter-dark .content kbd.hero .navbar-item,html.theme--documenter-dark .hero.is-dark .navbar-link,html.theme--documenter-dark .content kbd.hero .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-dark a.navbar-item:hover,html.theme--documenter-dark .content kbd.hero a.navbar-item:hover,html.theme--documenter-dark .hero.is-dark a.navbar-item.is-active,html.theme--documenter-dark .content kbd.hero a.navbar-item.is-active,html.theme--documenter-dark .hero.is-dark .navbar-link:hover,html.theme--documenter-dark .content kbd.hero .navbar-link:hover,html.theme--documenter-dark .hero.is-dark .navbar-link.is-active,html.theme--documenter-dark .content kbd.hero .navbar-link.is-active{background-color:#1d2122;color:#fff}html.theme--documenter-dark .hero.is-dark .tabs a,html.theme--documenter-dark .content kbd.hero .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-dark .tabs a:hover,html.theme--documenter-dark .content kbd.hero .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-dark .tabs li.is-active a,html.theme--documenter-dark .content kbd.hero .tabs li.is-active a{color:#282f2f !important;opacity:1}html.theme--documenter-dark .hero.is-dark .tabs.is-boxed a,html.theme--documenter-dark .content kbd.hero .tabs.is-boxed a,html.theme--documenter-dark .hero.is-dark .tabs.is-toggle a,html.theme--documenter-dark .content kbd.hero .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-dark .tabs.is-boxed a:hover,html.theme--documenter-dark .content kbd.hero .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-dark .tabs.is-toggle a:hover,html.theme--documenter-dark .content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-dark .tabs.is-boxed li.is-active a,html.theme--documenter-dark .content kbd.hero .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-dark .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-dark .tabs.is-toggle li.is-active a,html.theme--documenter-dark .content kbd.hero .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#282f2f}html.theme--documenter-dark .hero.is-dark.is-bold,html.theme--documenter-dark .content kbd.hero.is-bold{background-image:linear-gradient(141deg, #0f1615 0%, #282f2f 71%, #313c40 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-dark.is-bold .navbar-menu,html.theme--documenter-dark .content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #0f1615 0%, #282f2f 71%, #313c40 100%)}}html.theme--documenter-dark .hero.is-primary,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink{background-color:#375a7f;color:#fff}html.theme--documenter-dark .hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-primary strong,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink strong{color:inherit}html.theme--documenter-dark .hero.is-primary .title,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .title{color:#fff}html.theme--documenter-dark .hero.is-primary .subtitle,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-primary .subtitle a:not(.button),html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),html.theme--documenter-dark .hero.is-primary .subtitle strong,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-primary .navbar-menu,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#375a7f}}html.theme--documenter-dark .hero.is-primary .navbar-item,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar-item,html.theme--documenter-dark .hero.is-primary .navbar-link,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-primary a.navbar-item:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,html.theme--documenter-dark .hero.is-primary a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,html.theme--documenter-dark .hero.is-primary .navbar-link:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar-link:hover,html.theme--documenter-dark .hero.is-primary .navbar-link.is-active,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#2f4d6d;color:#fff}html.theme--documenter-dark .hero.is-primary .tabs a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-primary .tabs a:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-primary .tabs li.is-active a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#375a7f !important;opacity:1}html.theme--documenter-dark .hero.is-primary .tabs.is-boxed a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,html.theme--documenter-dark .hero.is-primary .tabs.is-toggle a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-primary .tabs.is-boxed a:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-primary .tabs.is-toggle a:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-primary .tabs.is-boxed li.is-active a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-primary .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-primary .tabs.is-toggle li.is-active a,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#375a7f}html.theme--documenter-dark .hero.is-primary.is-bold,html.theme--documenter-dark .docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #214b62 0%, #375a7f 71%, #3a5796 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-primary.is-bold .navbar-menu,html.theme--documenter-dark .docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #214b62 0%, #375a7f 71%, #3a5796 100%)}}html.theme--documenter-dark .hero.is-link{background-color:#1abc9c;color:#fff}html.theme--documenter-dark .hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-link strong{color:inherit}html.theme--documenter-dark .hero.is-link .title{color:#fff}html.theme--documenter-dark .hero.is-link .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-link .subtitle a:not(.button),html.theme--documenter-dark .hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-link .navbar-menu{background-color:#1abc9c}}html.theme--documenter-dark .hero.is-link .navbar-item,html.theme--documenter-dark .hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-link a.navbar-item:hover,html.theme--documenter-dark .hero.is-link a.navbar-item.is-active,html.theme--documenter-dark .hero.is-link .navbar-link:hover,html.theme--documenter-dark .hero.is-link .navbar-link.is-active{background-color:#17a689;color:#fff}html.theme--documenter-dark .hero.is-link .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-link .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-link .tabs li.is-active a{color:#1abc9c !important;opacity:1}html.theme--documenter-dark .hero.is-link .tabs.is-boxed a,html.theme--documenter-dark .hero.is-link .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-link .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-link .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-link .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-link .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#1abc9c}html.theme--documenter-dark .hero.is-link.is-bold{background-image:linear-gradient(141deg, #0c9764 0%, #1abc9c 71%, #17d8d2 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #0c9764 0%, #1abc9c 71%, #17d8d2 100%)}}html.theme--documenter-dark .hero.is-info{background-color:#3c5dcd;color:#fff}html.theme--documenter-dark .hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-info strong{color:inherit}html.theme--documenter-dark .hero.is-info .title{color:#fff}html.theme--documenter-dark .hero.is-info .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-info .subtitle a:not(.button),html.theme--documenter-dark .hero.is-info .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-info .navbar-menu{background-color:#3c5dcd}}html.theme--documenter-dark .hero.is-info .navbar-item,html.theme--documenter-dark .hero.is-info .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-info a.navbar-item:hover,html.theme--documenter-dark .hero.is-info a.navbar-item.is-active,html.theme--documenter-dark .hero.is-info .navbar-link:hover,html.theme--documenter-dark .hero.is-info .navbar-link.is-active{background-color:#3151bf;color:#fff}html.theme--documenter-dark .hero.is-info .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-info .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-info .tabs li.is-active a{color:#3c5dcd !important;opacity:1}html.theme--documenter-dark .hero.is-info .tabs.is-boxed a,html.theme--documenter-dark .hero.is-info .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-info .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-info .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-info .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-info .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#3c5dcd}html.theme--documenter-dark .hero.is-info.is-bold{background-image:linear-gradient(141deg, #215bb5 0%, #3c5dcd 71%, #4b53d8 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #215bb5 0%, #3c5dcd 71%, #4b53d8 100%)}}html.theme--documenter-dark .hero.is-success{background-color:#259a12;color:#fff}html.theme--documenter-dark .hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-success strong{color:inherit}html.theme--documenter-dark .hero.is-success .title{color:#fff}html.theme--documenter-dark .hero.is-success .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-success .subtitle a:not(.button),html.theme--documenter-dark .hero.is-success .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-success .navbar-menu{background-color:#259a12}}html.theme--documenter-dark .hero.is-success .navbar-item,html.theme--documenter-dark .hero.is-success .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-success a.navbar-item:hover,html.theme--documenter-dark .hero.is-success a.navbar-item.is-active,html.theme--documenter-dark .hero.is-success .navbar-link:hover,html.theme--documenter-dark .hero.is-success .navbar-link.is-active{background-color:#20830f;color:#fff}html.theme--documenter-dark .hero.is-success .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-success .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-success .tabs li.is-active a{color:#259a12 !important;opacity:1}html.theme--documenter-dark .hero.is-success .tabs.is-boxed a,html.theme--documenter-dark .hero.is-success .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-success .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-success .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-success .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-success .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#259a12}html.theme--documenter-dark .hero.is-success.is-bold{background-image:linear-gradient(141deg, #287207 0%, #259a12 71%, #10b614 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #287207 0%, #259a12 71%, #10b614 100%)}}html.theme--documenter-dark .hero.is-warning{background-color:#f4c72f;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-warning strong{color:inherit}html.theme--documenter-dark .hero.is-warning .title{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-warning .subtitle{color:rgba(0,0,0,0.9)}html.theme--documenter-dark .hero.is-warning .subtitle a:not(.button),html.theme--documenter-dark .hero.is-warning .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-warning .navbar-menu{background-color:#f4c72f}}html.theme--documenter-dark .hero.is-warning .navbar-item,html.theme--documenter-dark .hero.is-warning .navbar-link{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-warning a.navbar-item:hover,html.theme--documenter-dark .hero.is-warning a.navbar-item.is-active,html.theme--documenter-dark .hero.is-warning .navbar-link:hover,html.theme--documenter-dark .hero.is-warning .navbar-link.is-active{background-color:#f3c017;color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-warning .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}html.theme--documenter-dark .hero.is-warning .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-warning .tabs li.is-active a{color:#f4c72f !important;opacity:1}html.theme--documenter-dark .hero.is-warning .tabs.is-boxed a,html.theme--documenter-dark .hero.is-warning .tabs.is-toggle a{color:rgba(0,0,0,0.7)}html.theme--documenter-dark .hero.is-warning .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-warning .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-warning .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-warning .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f4c72f}html.theme--documenter-dark .hero.is-warning.is-bold{background-image:linear-gradient(141deg, #f09100 0%, #f4c72f 71%, #faef42 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #f09100 0%, #f4c72f 71%, #faef42 100%)}}html.theme--documenter-dark .hero.is-danger{background-color:#cb3c33;color:#fff}html.theme--documenter-dark .hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),html.theme--documenter-dark .hero.is-danger strong{color:inherit}html.theme--documenter-dark .hero.is-danger .title{color:#fff}html.theme--documenter-dark .hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}html.theme--documenter-dark .hero.is-danger .subtitle a:not(.button),html.theme--documenter-dark .hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){html.theme--documenter-dark .hero.is-danger .navbar-menu{background-color:#cb3c33}}html.theme--documenter-dark .hero.is-danger .navbar-item,html.theme--documenter-dark .hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}html.theme--documenter-dark .hero.is-danger a.navbar-item:hover,html.theme--documenter-dark .hero.is-danger a.navbar-item.is-active,html.theme--documenter-dark .hero.is-danger .navbar-link:hover,html.theme--documenter-dark .hero.is-danger .navbar-link.is-active{background-color:#b7362e;color:#fff}html.theme--documenter-dark .hero.is-danger .tabs a{color:#fff;opacity:0.9}html.theme--documenter-dark .hero.is-danger .tabs a:hover{opacity:1}html.theme--documenter-dark .hero.is-danger .tabs li.is-active a{color:#cb3c33 !important;opacity:1}html.theme--documenter-dark .hero.is-danger .tabs.is-boxed a,html.theme--documenter-dark .hero.is-danger .tabs.is-toggle a{color:#fff}html.theme--documenter-dark .hero.is-danger .tabs.is-boxed a:hover,html.theme--documenter-dark .hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}html.theme--documenter-dark .hero.is-danger .tabs.is-boxed li.is-active a,html.theme--documenter-dark .hero.is-danger .tabs.is-boxed li.is-active a:hover,html.theme--documenter-dark .hero.is-danger .tabs.is-toggle li.is-active a,html.theme--documenter-dark .hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#cb3c33}html.theme--documenter-dark .hero.is-danger.is-bold{background-image:linear-gradient(141deg, #ac1f2e 0%, #cb3c33 71%, #d66341 100%)}@media screen and (max-width: 768px){html.theme--documenter-dark .hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #ac1f2e 0%, #cb3c33 71%, #d66341 100%)}}html.theme--documenter-dark .hero.is-small .hero-body,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{html.theme--documenter-dark .hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .hero.is-large .hero-body{padding:18rem 6rem}}html.theme--documenter-dark .hero.is-halfheight .hero-body,html.theme--documenter-dark .hero.is-fullheight .hero-body,html.theme--documenter-dark .hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}html.theme--documenter-dark .hero.is-halfheight .hero-body>.container,html.theme--documenter-dark .hero.is-fullheight .hero-body>.container,html.theme--documenter-dark .hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}html.theme--documenter-dark .hero.is-halfheight{min-height:50vh}html.theme--documenter-dark .hero.is-fullheight{min-height:100vh}html.theme--documenter-dark .hero-video{overflow:hidden}html.theme--documenter-dark .hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}html.theme--documenter-dark .hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){html.theme--documenter-dark .hero-video{display:none}}html.theme--documenter-dark .hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){html.theme--documenter-dark .hero-buttons .button{display:flex}html.theme--documenter-dark .hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{html.theme--documenter-dark .hero-buttons{display:flex;justify-content:center}html.theme--documenter-dark .hero-buttons .button:not(:last-child){margin-right:1.5rem}}html.theme--documenter-dark .hero-head,html.theme--documenter-dark .hero-foot{flex-grow:0;flex-shrink:0}html.theme--documenter-dark .hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{html.theme--documenter-dark .hero-body{padding:3rem 3rem}}html.theme--documenter-dark .section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){html.theme--documenter-dark .section{padding:3rem 3rem}html.theme--documenter-dark .section.is-medium{padding:9rem 4.5rem}html.theme--documenter-dark .section.is-large{padding:18rem 6rem}}html.theme--documenter-dark .footer{background-color:#282f2f;padding:3rem 1.5rem 6rem}html.theme--documenter-dark hr{height:1px}html.theme--documenter-dark h6{text-transform:uppercase;letter-spacing:0.5px}html.theme--documenter-dark .hero{background-color:#343c3d}html.theme--documenter-dark a{transition:all 200ms ease}html.theme--documenter-dark .button{transition:all 200ms ease;border-width:1px;color:#fff}html.theme--documenter-dark .button.is-active,html.theme--documenter-dark .button.is-focused,html.theme--documenter-dark .button:active,html.theme--documenter-dark .button:focus{box-shadow:0 0 0 2px rgba(140,155,157,0.5)}html.theme--documenter-dark .button.is-white.is-hovered,html.theme--documenter-dark .button.is-white:hover{background-color:#fff}html.theme--documenter-dark .button.is-white.is-active,html.theme--documenter-dark .button.is-white.is-focused,html.theme--documenter-dark .button.is-white:active,html.theme--documenter-dark .button.is-white:focus{border-color:#fff;box-shadow:0 0 0 2px rgba(255,255,255,0.5)}html.theme--documenter-dark .button.is-black.is-hovered,html.theme--documenter-dark .button.is-black:hover{background-color:#1d1d1d}html.theme--documenter-dark .button.is-black.is-active,html.theme--documenter-dark .button.is-black.is-focused,html.theme--documenter-dark .button.is-black:active,html.theme--documenter-dark .button.is-black:focus{border-color:#0a0a0a;box-shadow:0 0 0 2px rgba(10,10,10,0.5)}html.theme--documenter-dark .button.is-light.is-hovered,html.theme--documenter-dark .button.is-light:hover{background-color:#fff}html.theme--documenter-dark .button.is-light.is-active,html.theme--documenter-dark .button.is-light.is-focused,html.theme--documenter-dark .button.is-light:active,html.theme--documenter-dark .button.is-light:focus{border-color:#ecf0f1;box-shadow:0 0 0 2px rgba(236,240,241,0.5)}html.theme--documenter-dark .button.is-dark.is-hovered,html.theme--documenter-dark .content kbd.button.is-hovered,html.theme--documenter-dark .button.is-dark:hover,html.theme--documenter-dark .content kbd.button:hover{background-color:#3a4344}html.theme--documenter-dark .button.is-dark.is-active,html.theme--documenter-dark .content kbd.button.is-active,html.theme--documenter-dark .button.is-dark.is-focused,html.theme--documenter-dark .content kbd.button.is-focused,html.theme--documenter-dark .button.is-dark:active,html.theme--documenter-dark .content kbd.button:active,html.theme--documenter-dark .button.is-dark:focus,html.theme--documenter-dark .content kbd.button:focus{border-color:#282f2f;box-shadow:0 0 0 2px rgba(40,47,47,0.5)}html.theme--documenter-dark .button.is-primary.is-hovered,html.theme--documenter-dark .docstring>section>a.button.is-hovered.docs-sourcelink,html.theme--documenter-dark .button.is-primary:hover,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:hover{background-color:#436d9a}html.theme--documenter-dark .button.is-primary.is-active,html.theme--documenter-dark .docstring>section>a.button.is-active.docs-sourcelink,html.theme--documenter-dark .button.is-primary.is-focused,html.theme--documenter-dark .docstring>section>a.button.is-focused.docs-sourcelink,html.theme--documenter-dark .button.is-primary:active,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:active,html.theme--documenter-dark .button.is-primary:focus,html.theme--documenter-dark .docstring>section>a.button.docs-sourcelink:focus{border-color:#375a7f;box-shadow:0 0 0 2px rgba(55,90,127,0.5)}html.theme--documenter-dark .button.is-link.is-hovered,html.theme--documenter-dark .button.is-link:hover{background-color:#1fdeb8}html.theme--documenter-dark .button.is-link.is-active,html.theme--documenter-dark .button.is-link.is-focused,html.theme--documenter-dark .button.is-link:active,html.theme--documenter-dark .button.is-link:focus{border-color:#1abc9c;box-shadow:0 0 0 2px rgba(26,188,156,0.5)}html.theme--documenter-dark .button.is-info.is-hovered,html.theme--documenter-dark .button.is-info:hover{background-color:#5a76d5}html.theme--documenter-dark .button.is-info.is-active,html.theme--documenter-dark .button.is-info.is-focused,html.theme--documenter-dark .button.is-info:active,html.theme--documenter-dark .button.is-info:focus{border-color:#3c5dcd;box-shadow:0 0 0 2px rgba(60,93,205,0.5)}html.theme--documenter-dark .button.is-success.is-hovered,html.theme--documenter-dark .button.is-success:hover{background-color:#2dbc16}html.theme--documenter-dark .button.is-success.is-active,html.theme--documenter-dark .button.is-success.is-focused,html.theme--documenter-dark .button.is-success:active,html.theme--documenter-dark .button.is-success:focus{border-color:#259a12;box-shadow:0 0 0 2px rgba(37,154,18,0.5)}html.theme--documenter-dark .button.is-warning.is-hovered,html.theme--documenter-dark .button.is-warning:hover{background-color:#f6d153}html.theme--documenter-dark .button.is-warning.is-active,html.theme--documenter-dark .button.is-warning.is-focused,html.theme--documenter-dark .button.is-warning:active,html.theme--documenter-dark .button.is-warning:focus{border-color:#f4c72f;box-shadow:0 0 0 2px rgba(244,199,47,0.5)}html.theme--documenter-dark .button.is-danger.is-hovered,html.theme--documenter-dark .button.is-danger:hover{background-color:#d35951}html.theme--documenter-dark .button.is-danger.is-active,html.theme--documenter-dark .button.is-danger.is-focused,html.theme--documenter-dark .button.is-danger:active,html.theme--documenter-dark .button.is-danger:focus{border-color:#cb3c33;box-shadow:0 0 0 2px rgba(203,60,51,0.5)}html.theme--documenter-dark .label{color:#dbdee0}html.theme--documenter-dark .button,html.theme--documenter-dark .control.has-icons-left .icon,html.theme--documenter-dark .control.has-icons-right .icon,html.theme--documenter-dark .input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark .pagination-ellipsis,html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-previous,html.theme--documenter-dark .select,html.theme--documenter-dark .select select,html.theme--documenter-dark .textarea{height:2.5em}html.theme--documenter-dark .input,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark .textarea{transition:all 200ms ease;box-shadow:none;border-width:1px;padding-left:1em;padding-right:1em}html.theme--documenter-dark .select:after,html.theme--documenter-dark .select select{border-width:1px}html.theme--documenter-dark .control.has-addons .button,html.theme--documenter-dark .control.has-addons .input,html.theme--documenter-dark .control.has-addons #documenter .docs-sidebar form.docs-search>input,html.theme--documenter-dark #documenter .docs-sidebar .control.has-addons form.docs-search>input,html.theme--documenter-dark .control.has-addons .select{margin-right:-1px}html.theme--documenter-dark .notification{background-color:#343c3d}html.theme--documenter-dark .card{box-shadow:none;border:1px solid #343c3d;background-color:#282f2f;border-radius:.4em}html.theme--documenter-dark .card .card-image img{border-radius:.4em .4em 0 0}html.theme--documenter-dark .card .card-header{box-shadow:none;background-color:rgba(18,18,18,0.2);border-radius:.4em .4em 0 0}html.theme--documenter-dark .card .card-footer{background-color:rgba(18,18,18,0.2)}html.theme--documenter-dark .card .card-footer,html.theme--documenter-dark .card .card-footer-item{border-width:1px;border-color:#343c3d}html.theme--documenter-dark .notification.is-white a:not(.button){color:#0a0a0a;text-decoration:underline}html.theme--documenter-dark .notification.is-black a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-light a:not(.button){color:rgba(0,0,0,0.7);text-decoration:underline}html.theme--documenter-dark .notification.is-dark a:not(.button),html.theme--documenter-dark .content kbd.notification a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-primary a:not(.button),html.theme--documenter-dark .docstring>section>a.notification.docs-sourcelink a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-link a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-info a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-success a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .notification.is-warning a:not(.button){color:rgba(0,0,0,0.7);text-decoration:underline}html.theme--documenter-dark .notification.is-danger a:not(.button){color:#fff;text-decoration:underline}html.theme--documenter-dark .tag,html.theme--documenter-dark .content kbd,html.theme--documenter-dark .docstring>section>a.docs-sourcelink{border-radius:.4em}html.theme--documenter-dark .menu-list a{transition:all 300ms ease}html.theme--documenter-dark .modal-card-body{background-color:#282f2f}html.theme--documenter-dark .modal-card-foot,html.theme--documenter-dark .modal-card-head{border-color:#343c3d}html.theme--documenter-dark .message-header{font-weight:700;background-color:#343c3d;color:#fff}html.theme--documenter-dark .message-body{border-width:1px;border-color:#343c3d}html.theme--documenter-dark .navbar{border-radius:.4em}html.theme--documenter-dark .navbar.is-transparent{background:none}html.theme--documenter-dark .navbar.is-primary .navbar-dropdown a.navbar-item.is-active,html.theme--documenter-dark .docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#1abc9c}@media screen and (max-width: 1055px){html.theme--documenter-dark .navbar .navbar-menu{background-color:#375a7f;border-radius:0 0 .4em .4em}}html.theme--documenter-dark .hero .navbar,html.theme--documenter-dark body>.navbar{border-radius:0}html.theme--documenter-dark .pagination-link,html.theme--documenter-dark .pagination-next,html.theme--documenter-dark .pagination-previous{border-width:1px}html.theme--documenter-dark .panel-block,html.theme--documenter-dark .panel-heading,html.theme--documenter-dark .panel-tabs{border-width:1px}html.theme--documenter-dark .panel-block:first-child,html.theme--documenter-dark .panel-heading:first-child,html.theme--documenter-dark .panel-tabs:first-child{border-top-width:1px}html.theme--documenter-dark .panel-heading{font-weight:700}html.theme--documenter-dark .panel-tabs a{border-width:1px;margin-bottom:-1px}html.theme--documenter-dark .panel-tabs a.is-active{border-bottom-color:#17a689}html.theme--documenter-dark .panel-block:hover{color:#1dd2af}html.theme--documenter-dark .panel-block:hover .panel-icon{color:#1dd2af}html.theme--documenter-dark .panel-block.is-active .panel-icon{color:#17a689}html.theme--documenter-dark .tabs a{border-bottom-width:1px;margin-bottom:-1px}html.theme--documenter-dark .tabs ul{border-bottom-width:1px}html.theme--documenter-dark .tabs.is-boxed a{border-width:1px}html.theme--documenter-dark .tabs.is-boxed li.is-active a{background-color:#1f2424}html.theme--documenter-dark .tabs.is-toggle li a{border-width:1px;margin-bottom:0}html.theme--documenter-dark .tabs.is-toggle li+li{margin-left:-1px}html.theme--documenter-dark .hero.is-white .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-black .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-light .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-dark .navbar .navbar-dropdown .navbar-item:hover,html.theme--documenter-dark .content kbd.hero .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-primary .navbar .navbar-dropdown .navbar-item:hover,html.theme--documenter-dark .docstring>section>a.hero.docs-sourcelink .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-link .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-info .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-success .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-warning .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark .hero.is-danger .navbar .navbar-dropdown .navbar-item:hover{background-color:rgba(0,0,0,0)}html.theme--documenter-dark h1 .docs-heading-anchor,html.theme--documenter-dark h1 .docs-heading-anchor:hover,html.theme--documenter-dark h1 .docs-heading-anchor:visited,html.theme--documenter-dark h2 .docs-heading-anchor,html.theme--documenter-dark h2 .docs-heading-anchor:hover,html.theme--documenter-dark h2 .docs-heading-anchor:visited,html.theme--documenter-dark h3 .docs-heading-anchor,html.theme--documenter-dark h3 .docs-heading-anchor:hover,html.theme--documenter-dark h3 .docs-heading-anchor:visited,html.theme--documenter-dark h4 .docs-heading-anchor,html.theme--documenter-dark h4 .docs-heading-anchor:hover,html.theme--documenter-dark h4 .docs-heading-anchor:visited,html.theme--documenter-dark h5 .docs-heading-anchor,html.theme--documenter-dark h5 .docs-heading-anchor:hover,html.theme--documenter-dark h5 .docs-heading-anchor:visited,html.theme--documenter-dark h6 .docs-heading-anchor,html.theme--documenter-dark h6 .docs-heading-anchor:hover,html.theme--documenter-dark h6 .docs-heading-anchor:visited{color:#f2f2f2}html.theme--documenter-dark h1 .docs-heading-anchor-permalink,html.theme--documenter-dark h2 .docs-heading-anchor-permalink,html.theme--documenter-dark h3 .docs-heading-anchor-permalink,html.theme--documenter-dark h4 .docs-heading-anchor-permalink,html.theme--documenter-dark h5 .docs-heading-anchor-permalink,html.theme--documenter-dark h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}html.theme--documenter-dark h1 .docs-heading-anchor-permalink::before,html.theme--documenter-dark h2 .docs-heading-anchor-permalink::before,html.theme--documenter-dark h3 .docs-heading-anchor-permalink::before,html.theme--documenter-dark h4 .docs-heading-anchor-permalink::before,html.theme--documenter-dark h5 .docs-heading-anchor-permalink::before,html.theme--documenter-dark h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}html.theme--documenter-dark h1:hover .docs-heading-anchor-permalink,html.theme--documenter-dark h2:hover .docs-heading-anchor-permalink,html.theme--documenter-dark h3:hover .docs-heading-anchor-permalink,html.theme--documenter-dark h4:hover .docs-heading-anchor-permalink,html.theme--documenter-dark h5:hover .docs-heading-anchor-permalink,html.theme--documenter-dark h6:hover .docs-heading-anchor-permalink{visibility:visible}html.theme--documenter-dark .docs-light-only{display:none !important}html.theme--documenter-dark pre{position:relative;overflow:hidden}html.theme--documenter-dark pre code,html.theme--documenter-dark pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}html.theme--documenter-dark pre code:first-of-type,html.theme--documenter-dark pre code.hljs:first-of-type{padding-top:0.5rem !important}html.theme--documenter-dark pre code:last-of-type,html.theme--documenter-dark pre code.hljs:last-of-type{padding-bottom:0.5rem !important}html.theme--documenter-dark pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#fff;cursor:pointer;text-align:center}html.theme--documenter-dark pre .copy-button:focus,html.theme--documenter-dark pre .copy-button:hover{opacity:1;background:rgba(255,255,255,0.1);color:#1abc9c}html.theme--documenter-dark pre .copy-button.success{color:#259a12;opacity:1}html.theme--documenter-dark pre .copy-button.error{color:#cb3c33;opacity:1}html.theme--documenter-dark pre:hover .copy-button{opacity:1}html.theme--documenter-dark .admonition{background-color:#282f2f;border-style:solid;border-width:2px;border-color:#dbdee0;border-radius:4px;font-size:1rem}html.theme--documenter-dark .admonition strong{color:currentColor}html.theme--documenter-dark .admonition.is-small,html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}html.theme--documenter-dark .admonition.is-medium{font-size:1.25rem}html.theme--documenter-dark .admonition.is-large{font-size:1.5rem}html.theme--documenter-dark .admonition.is-default{background-color:#282f2f;border-color:#dbdee0}html.theme--documenter-dark .admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#dbdee0}html.theme--documenter-dark .admonition.is-default>.admonition-body{color:#fff}html.theme--documenter-dark .admonition.is-info{background-color:#282f2f;border-color:#3c5dcd}html.theme--documenter-dark .admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#3c5dcd}html.theme--documenter-dark .admonition.is-info>.admonition-body{color:#fff}html.theme--documenter-dark .admonition.is-success{background-color:#282f2f;border-color:#259a12}html.theme--documenter-dark .admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#259a12}html.theme--documenter-dark .admonition.is-success>.admonition-body{color:#fff}html.theme--documenter-dark .admonition.is-warning{background-color:#282f2f;border-color:#f4c72f}html.theme--documenter-dark .admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#f4c72f}html.theme--documenter-dark .admonition.is-warning>.admonition-body{color:#fff}html.theme--documenter-dark .admonition.is-danger{background-color:#282f2f;border-color:#cb3c33}html.theme--documenter-dark .admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#cb3c33}html.theme--documenter-dark .admonition.is-danger>.admonition-body{color:#fff}html.theme--documenter-dark .admonition.is-compat{background-color:#282f2f;border-color:#3489da}html.theme--documenter-dark .admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#3489da}html.theme--documenter-dark .admonition.is-compat>.admonition-body{color:#fff}html.theme--documenter-dark .admonition-header{color:#dbdee0;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}html.theme--documenter-dark .admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}html.theme--documenter-dark details.admonition.is-details>.admonition-header{list-style:none}html.theme--documenter-dark details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}html.theme--documenter-dark details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}html.theme--documenter-dark .admonition-body{color:#fff;padding:0.5rem .75rem}html.theme--documenter-dark .admonition-body pre{background-color:#282f2f}html.theme--documenter-dark .admonition-body code{background-color:rgba(255,255,255,0.05)}html.theme--documenter-dark .docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #5e6d6f;border-radius:4px;box-shadow:none;max-width:100%}html.theme--documenter-dark .docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#282f2f;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #5e6d6f;overflow:auto}html.theme--documenter-dark .docstring>header code{background-color:transparent}html.theme--documenter-dark .docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}html.theme--documenter-dark .docstring>header .docstring-binding{margin-right:0.3em}html.theme--documenter-dark .docstring>header .docstring-category{margin-left:0.3em}html.theme--documenter-dark .docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #5e6d6f}html.theme--documenter-dark .docstring>section:last-child{border-bottom:none}html.theme--documenter-dark .docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}html.theme--documenter-dark .docstring>section>a.docs-sourcelink:focus{opacity:1 !important}html.theme--documenter-dark .docstring:hover>section>a.docs-sourcelink{opacity:0.2}html.theme--documenter-dark .docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}html.theme--documenter-dark .docstring>section:hover a.docs-sourcelink{opacity:1}html.theme--documenter-dark .documenter-example-output{background-color:#1f2424}html.theme--documenter-dark .outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#282f2f;color:#fff;border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}html.theme--documenter-dark .outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}html.theme--documenter-dark .outdated-warning-overlay a{color:#1abc9c}html.theme--documenter-dark .outdated-warning-overlay a:hover{color:#1dd2af}html.theme--documenter-dark .content pre{border:2px solid #5e6d6f;border-radius:4px}html.theme--documenter-dark .content code{font-weight:inherit}html.theme--documenter-dark .content a code{color:#1abc9c}html.theme--documenter-dark .content a:hover code{color:#1dd2af}html.theme--documenter-dark .content h1 code,html.theme--documenter-dark .content h2 code,html.theme--documenter-dark .content h3 code,html.theme--documenter-dark .content h4 code,html.theme--documenter-dark .content h5 code,html.theme--documenter-dark .content h6 code{color:#f2f2f2}html.theme--documenter-dark .content table{display:block;width:initial;max-width:100%;overflow-x:auto}html.theme--documenter-dark .content blockquote>ul:first-child,html.theme--documenter-dark .content blockquote>ol:first-child,html.theme--documenter-dark .content .admonition-body>ul:first-child,html.theme--documenter-dark .content .admonition-body>ol:first-child{margin-top:0}html.theme--documenter-dark pre,html.theme--documenter-dark code{font-variant-ligatures:no-contextual}html.theme--documenter-dark .breadcrumb a.is-disabled{cursor:default;pointer-events:none}html.theme--documenter-dark .breadcrumb a.is-disabled,html.theme--documenter-dark .breadcrumb a.is-disabled:hover{color:#f2f2f2}html.theme--documenter-dark .hljs{background:initial !important}html.theme--documenter-dark .katex .katex-mathml{top:0;right:0}html.theme--documenter-dark .katex-display,html.theme--documenter-dark mjx-container,html.theme--documenter-dark .MathJax_Display{margin:0.5em 0 !important}html.theme--documenter-dark html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}html.theme--documenter-dark li.no-marker{list-style:none}html.theme--documenter-dark #documenter .docs-main>article{overflow-wrap:break-word}html.theme--documenter-dark #documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){html.theme--documenter-dark #documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){html.theme--documenter-dark #documenter .docs-main{width:100%}html.theme--documenter-dark #documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}html.theme--documenter-dark #documenter .docs-main>header,html.theme--documenter-dark #documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}html.theme--documenter-dark #documenter .docs-main header.docs-navbar{background-color:#1f2424;border-bottom:1px solid #5e6d6f;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}html.theme--documenter-dark #documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-right .docs-icon,html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){html.theme--documenter-dark #documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}html.theme--documenter-dark #documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){html.theme--documenter-dark #documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}html.theme--documenter-dark #documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #171717;transition-duration:0.7s;-webkit-transition-duration:0.7s}html.theme--documenter-dark #documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}html.theme--documenter-dark #documenter .docs-main section.footnotes{border-top:1px solid #5e6d6f}html.theme--documenter-dark #documenter .docs-main section.footnotes li .tag:first-child,html.theme--documenter-dark #documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,html.theme--documenter-dark #documenter .docs-main section.footnotes li .content kbd:first-child,html.theme--documenter-dark .content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}html.theme--documenter-dark #documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #5e6d6f;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){html.theme--documenter-dark #documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}html.theme--documenter-dark #documenter .docs-main .docs-footer .docs-footer-nextpage,html.theme--documenter-dark #documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}html.theme--documenter-dark #documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}html.theme--documenter-dark #documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}html.theme--documenter-dark #documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}html.theme--documenter-dark #documenter .docs-sidebar{display:flex;flex-direction:column;color:#fff;background-color:#282f2f;border-right:1px solid #5e6d6f;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}html.theme--documenter-dark #documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #171717}@media screen and (min-width: 1056px){html.theme--documenter-dark #documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){html.theme--documenter-dark #documenter .docs-sidebar{left:0;top:0}}html.theme--documenter-dark #documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}html.theme--documenter-dark #documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}html.theme--documenter-dark #documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}html.theme--documenter-dark #documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}html.theme--documenter-dark #documenter .docs-sidebar .docs-package-name a,html.theme--documenter-dark #documenter .docs-sidebar .docs-package-name a:hover{color:#fff}html.theme--documenter-dark #documenter .docs-sidebar .docs-version-selector{border-top:1px solid #5e6d6f;display:none;padding:0.5rem}html.theme--documenter-dark #documenter .docs-sidebar .docs-version-selector.visible{display:flex}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #5e6d6f;padding-bottom:1.5rem}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #5e6d6f}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu .tocitem,html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#fff;background:#282f2f}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu a.tocitem:hover,html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#fff;background-color:#32393a}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #5e6d6f;border-bottom:1px solid #5e6d6f;background-color:#1f2424}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#1f2424;color:#fff}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#32393a;color:#fff}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #5e6d6f}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}html.theme--documenter-dark #documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}html.theme--documenter-dark #documenter .docs-sidebar form.docs-search>input{width:14.4rem}html.theme--documenter-dark #documenter .docs-sidebar #documenter-search-query{color:#868c98;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#3b4445}html.theme--documenter-dark #documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#4e5a5c}}@media screen and (max-width: 1055px){html.theme--documenter-dark #documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}html.theme--documenter-dark #documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}html.theme--documenter-dark #documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#3b4445}html.theme--documenter-dark #documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#4e5a5c}}html.theme--documenter-dark kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(245,245,245,0.6);box-shadow:0 2px 0 1px rgba(245,245,245,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}html.theme--documenter-dark .search-min-width-50{min-width:50%}html.theme--documenter-dark .search-min-height-100{min-height:100%}html.theme--documenter-dark .search-modal-card-body{max-height:calc(100vh - 15rem)}html.theme--documenter-dark .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--documenter-dark .search-result-link:hover,html.theme--documenter-dark .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--documenter-dark .search-result-link .property-search-result-badge,html.theme--documenter-dark .search-result-link .search-filter{transition:all 300ms}html.theme--documenter-dark .property-search-result-badge,html.theme--documenter-dark .search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}html.theme--documenter-dark .search-result-link:hover .property-search-result-badge,html.theme--documenter-dark .search-result-link:hover .search-filter,html.theme--documenter-dark .search-result-link:focus .property-search-result-badge,html.theme--documenter-dark .search-result-link:focus .search-filter{color:#333;background-color:#f1f5f9}html.theme--documenter-dark .search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}html.theme--documenter-dark .search-filter:hover,html.theme--documenter-dark .search-filter:focus{color:#333}html.theme--documenter-dark .search-filter-selected{color:#f5f5f5;background-color:rgba(139,0,139,0.5)}html.theme--documenter-dark .search-filter-selected:hover,html.theme--documenter-dark .search-filter-selected:focus{color:#f5f5f5}html.theme--documenter-dark .search-result-highlight{background-color:#ffdd57;color:black}html.theme--documenter-dark .search-divider{border-bottom:1px solid #5e6d6f}html.theme--documenter-dark .search-result-title{width:85%;color:#f5f5f5}html.theme--documenter-dark .search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}html.theme--documenter-dark #search-modal .modal-card-body::-webkit-scrollbar,html.theme--documenter-dark #search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}html.theme--documenter-dark #search-modal .modal-card-body::-webkit-scrollbar-thumb,html.theme--documenter-dark #search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}html.theme--documenter-dark #search-modal .modal-card-body::-webkit-scrollbar-track,html.theme--documenter-dark #search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}html.theme--documenter-dark .w-100{width:100%}html.theme--documenter-dark .gap-2{gap:0.5rem}html.theme--documenter-dark .gap-4{gap:1rem}html.theme--documenter-dark .gap-8{gap:2rem}html.theme--documenter-dark{background-color:#1f2424;font-size:16px;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}html.theme--documenter-dark .ansi span.sgr1{font-weight:bolder}html.theme--documenter-dark .ansi span.sgr2{font-weight:lighter}html.theme--documenter-dark .ansi span.sgr3{font-style:italic}html.theme--documenter-dark .ansi span.sgr4{text-decoration:underline}html.theme--documenter-dark .ansi span.sgr7{color:#1f2424;background-color:#fff}html.theme--documenter-dark .ansi span.sgr8{color:transparent}html.theme--documenter-dark .ansi span.sgr8 span{color:transparent}html.theme--documenter-dark .ansi span.sgr9{text-decoration:line-through}html.theme--documenter-dark .ansi span.sgr30{color:#242424}html.theme--documenter-dark .ansi span.sgr31{color:#f6705f}html.theme--documenter-dark .ansi span.sgr32{color:#4fb43a}html.theme--documenter-dark .ansi span.sgr33{color:#f4c72f}html.theme--documenter-dark .ansi span.sgr34{color:#7587f0}html.theme--documenter-dark .ansi span.sgr35{color:#bc89d3}html.theme--documenter-dark .ansi span.sgr36{color:#49b6ca}html.theme--documenter-dark .ansi span.sgr37{color:#b3bdbe}html.theme--documenter-dark .ansi span.sgr40{background-color:#242424}html.theme--documenter-dark .ansi span.sgr41{background-color:#f6705f}html.theme--documenter-dark .ansi span.sgr42{background-color:#4fb43a}html.theme--documenter-dark .ansi span.sgr43{background-color:#f4c72f}html.theme--documenter-dark .ansi span.sgr44{background-color:#7587f0}html.theme--documenter-dark .ansi span.sgr45{background-color:#bc89d3}html.theme--documenter-dark .ansi span.sgr46{background-color:#49b6ca}html.theme--documenter-dark .ansi span.sgr47{background-color:#b3bdbe}html.theme--documenter-dark .ansi span.sgr90{color:#92a0a2}html.theme--documenter-dark .ansi span.sgr91{color:#ff8674}html.theme--documenter-dark .ansi span.sgr92{color:#79d462}html.theme--documenter-dark .ansi span.sgr93{color:#ffe76b}html.theme--documenter-dark .ansi span.sgr94{color:#8a98ff}html.theme--documenter-dark .ansi span.sgr95{color:#d2a4e6}html.theme--documenter-dark .ansi span.sgr96{color:#6bc8db}html.theme--documenter-dark .ansi span.sgr97{color:#ecf0f1}html.theme--documenter-dark .ansi span.sgr100{background-color:#92a0a2}html.theme--documenter-dark .ansi span.sgr101{background-color:#ff8674}html.theme--documenter-dark .ansi span.sgr102{background-color:#79d462}html.theme--documenter-dark .ansi span.sgr103{background-color:#ffe76b}html.theme--documenter-dark .ansi span.sgr104{background-color:#8a98ff}html.theme--documenter-dark .ansi span.sgr105{background-color:#d2a4e6}html.theme--documenter-dark .ansi span.sgr106{background-color:#6bc8db}html.theme--documenter-dark .ansi span.sgr107{background-color:#ecf0f1}html.theme--documenter-dark code.language-julia-repl>span.hljs-meta{color:#4fb43a;font-weight:bolder}html.theme--documenter-dark .hljs{background:#2b2b2b;color:#f8f8f2}html.theme--documenter-dark .hljs-comment,html.theme--documenter-dark .hljs-quote{color:#d4d0ab}html.theme--documenter-dark .hljs-variable,html.theme--documenter-dark .hljs-template-variable,html.theme--documenter-dark .hljs-tag,html.theme--documenter-dark .hljs-name,html.theme--documenter-dark .hljs-selector-id,html.theme--documenter-dark .hljs-selector-class,html.theme--documenter-dark .hljs-regexp,html.theme--documenter-dark .hljs-deletion{color:#ffa07a}html.theme--documenter-dark .hljs-number,html.theme--documenter-dark .hljs-built_in,html.theme--documenter-dark .hljs-literal,html.theme--documenter-dark .hljs-type,html.theme--documenter-dark .hljs-params,html.theme--documenter-dark .hljs-meta,html.theme--documenter-dark .hljs-link{color:#f5ab35}html.theme--documenter-dark .hljs-attribute{color:#ffd700}html.theme--documenter-dark .hljs-string,html.theme--documenter-dark .hljs-symbol,html.theme--documenter-dark .hljs-bullet,html.theme--documenter-dark .hljs-addition{color:#abe338}html.theme--documenter-dark .hljs-title,html.theme--documenter-dark .hljs-section{color:#00e0e0}html.theme--documenter-dark .hljs-keyword,html.theme--documenter-dark .hljs-selector-tag{color:#dcc6e0}html.theme--documenter-dark .hljs-emphasis{font-style:italic}html.theme--documenter-dark .hljs-strong{font-weight:bold}@media screen and (-ms-high-contrast: active){html.theme--documenter-dark .hljs-addition,html.theme--documenter-dark .hljs-attribute,html.theme--documenter-dark .hljs-built_in,html.theme--documenter-dark .hljs-bullet,html.theme--documenter-dark .hljs-comment,html.theme--documenter-dark .hljs-link,html.theme--documenter-dark .hljs-literal,html.theme--documenter-dark .hljs-meta,html.theme--documenter-dark .hljs-number,html.theme--documenter-dark .hljs-params,html.theme--documenter-dark .hljs-string,html.theme--documenter-dark .hljs-symbol,html.theme--documenter-dark .hljs-type,html.theme--documenter-dark .hljs-quote{color:highlight}html.theme--documenter-dark .hljs-keyword,html.theme--documenter-dark .hljs-selector-tag{font-weight:bold}}html.theme--documenter-dark .hljs-subst{color:#f8f8f2}html.theme--documenter-dark .search-result-link{border-radius:0.7em;transition:all 300ms}html.theme--documenter-dark .search-result-link:hover,html.theme--documenter-dark .search-result-link:focus{background-color:rgba(0,128,128,0.1)}html.theme--documenter-dark .search-result-link .property-search-result-badge,html.theme--documenter-dark .search-result-link .search-filter{transition:all 300ms}html.theme--documenter-dark .search-result-link:hover .property-search-result-badge,html.theme--documenter-dark .search-result-link:hover .search-filter,html.theme--documenter-dark .search-result-link:focus .property-search-result-badge,html.theme--documenter-dark .search-result-link:focus .search-filter{color:#333 !important;background-color:#f1f5f9 !important}html.theme--documenter-dark .search-result-title{color:whitesmoke}html.theme--documenter-dark .search-result-highlight{background-color:greenyellow;color:black}html.theme--documenter-dark .search-divider{border-bottom:1px solid #5e6d6f50}html.theme--documenter-dark .w-100{width:100%}html.theme--documenter-dark .gap-2{gap:0.5rem}html.theme--documenter-dark .gap-4{gap:1rem} diff --git a/previews/PR92/assets/themes/documenter-light.css b/previews/PR92/assets/themes/documenter-light.css new file mode 100644 index 00000000..a435b3b6 --- /dev/null +++ b/previews/PR92/assets/themes/documenter-light.css @@ -0,0 +1,9 @@ +.pagination-previous,.pagination-next,.pagination-link,.pagination-ellipsis,.file-cta,.file-name,.select select,.textarea,.input,#documenter .docs-sidebar form.docs-search>input,.button{-moz-appearance:none;-webkit-appearance:none;align-items:center;border:1px solid transparent;border-radius:4px;box-shadow:none;display:inline-flex;font-size:1rem;height:2.5em;justify-content:flex-start;line-height:1.5;padding-bottom:calc(0.5em - 1px);padding-left:calc(0.75em - 1px);padding-right:calc(0.75em - 1px);padding-top:calc(0.5em - 1px);position:relative;vertical-align:top}.pagination-previous:focus,.pagination-next:focus,.pagination-link:focus,.pagination-ellipsis:focus,.file-cta:focus,.file-name:focus,.select select:focus,.textarea:focus,.input:focus,#documenter .docs-sidebar form.docs-search>input:focus,.button:focus,.is-focused.pagination-previous,.is-focused.pagination-next,.is-focused.pagination-link,.is-focused.pagination-ellipsis,.is-focused.file-cta,.is-focused.file-name,.select select.is-focused,.is-focused.textarea,.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-focused.button,.pagination-previous:active,.pagination-next:active,.pagination-link:active,.pagination-ellipsis:active,.file-cta:active,.file-name:active,.select select:active,.textarea:active,.input:active,#documenter .docs-sidebar form.docs-search>input:active,.button:active,.is-active.pagination-previous,.is-active.pagination-next,.is-active.pagination-link,.is-active.pagination-ellipsis,.is-active.file-cta,.is-active.file-name,.select select.is-active,.is-active.textarea,.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active,.is-active.button{outline:none}.pagination-previous[disabled],.pagination-next[disabled],.pagination-link[disabled],.pagination-ellipsis[disabled],.file-cta[disabled],.file-name[disabled],.select select[disabled],.textarea[disabled],.input[disabled],#documenter .docs-sidebar form.docs-search>input[disabled],.button[disabled],fieldset[disabled] .pagination-previous,fieldset[disabled] .pagination-next,fieldset[disabled] .pagination-link,fieldset[disabled] .pagination-ellipsis,fieldset[disabled] .file-cta,fieldset[disabled] .file-name,fieldset[disabled] .select select,.select fieldset[disabled] select,fieldset[disabled] .textarea,fieldset[disabled] .input,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input,fieldset[disabled] .button{cursor:not-allowed}.tabs,.pagination-previous,.pagination-next,.pagination-link,.pagination-ellipsis,.breadcrumb,.file,.button,.is-unselectable{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.navbar-link:not(.is-arrowless)::after,.select:not(.is-multiple):not(.is-loading)::after{border:3px solid rgba(0,0,0,0);border-radius:2px;border-right:0;border-top:0;content:" ";display:block;height:0.625em;margin-top:-0.4375em;pointer-events:none;position:absolute;top:50%;transform:rotate(-45deg);transform-origin:center;width:0.625em}.admonition:not(:last-child),.tabs:not(:last-child),.pagination:not(:last-child),.message:not(:last-child),.level:not(:last-child),.breadcrumb:not(:last-child),.block:not(:last-child),.title:not(:last-child),.subtitle:not(:last-child),.table-container:not(:last-child),.table:not(:last-child),.progress:not(:last-child),.notification:not(:last-child),.content:not(:last-child),.box:not(:last-child){margin-bottom:1.5rem}.modal-close,.delete{-webkit-touch-callout:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-moz-appearance:none;-webkit-appearance:none;background-color:rgba(10,10,10,0.2);border:none;border-radius:9999px;cursor:pointer;pointer-events:auto;display:inline-block;flex-grow:0;flex-shrink:0;font-size:0;height:20px;max-height:20px;max-width:20px;min-height:20px;min-width:20px;outline:none;position:relative;vertical-align:top;width:20px}.modal-close::before,.delete::before,.modal-close::after,.delete::after{background-color:#fff;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}.modal-close::before,.delete::before{height:2px;width:50%}.modal-close::after,.delete::after{height:50%;width:2px}.modal-close:hover,.delete:hover,.modal-close:focus,.delete:focus{background-color:rgba(10,10,10,0.3)}.modal-close:active,.delete:active{background-color:rgba(10,10,10,0.4)}.is-small.modal-close,#documenter .docs-sidebar form.docs-search>input.modal-close,.is-small.delete,#documenter .docs-sidebar form.docs-search>input.delete{height:16px;max-height:16px;max-width:16px;min-height:16px;min-width:16px;width:16px}.is-medium.modal-close,.is-medium.delete{height:24px;max-height:24px;max-width:24px;min-height:24px;min-width:24px;width:24px}.is-large.modal-close,.is-large.delete{height:32px;max-height:32px;max-width:32px;min-height:32px;min-width:32px;width:32px}.control.is-loading::after,.select.is-loading::after,.loader,.button.is-loading::after{animation:spinAround 500ms infinite linear;border:2px solid #dbdbdb;border-radius:9999px;border-right-color:transparent;border-top-color:transparent;content:"";display:block;height:1em;position:relative;width:1em}.hero-video,.modal-background,.modal,.image.is-square img,#documenter .docs-sidebar .docs-logo>img.is-square img,.image.is-square .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,.image.is-1by1 img,#documenter .docs-sidebar .docs-logo>img.is-1by1 img,.image.is-1by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,.image.is-5by4 img,#documenter .docs-sidebar .docs-logo>img.is-5by4 img,.image.is-5by4 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,.image.is-4by3 img,#documenter .docs-sidebar .docs-logo>img.is-4by3 img,.image.is-4by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,.image.is-3by2 img,#documenter .docs-sidebar .docs-logo>img.is-3by2 img,.image.is-3by2 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,.image.is-5by3 img,#documenter .docs-sidebar .docs-logo>img.is-5by3 img,.image.is-5by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,.image.is-16by9 img,#documenter .docs-sidebar .docs-logo>img.is-16by9 img,.image.is-16by9 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,.image.is-2by1 img,#documenter .docs-sidebar .docs-logo>img.is-2by1 img,.image.is-2by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,.image.is-3by1 img,#documenter .docs-sidebar .docs-logo>img.is-3by1 img,.image.is-3by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,.image.is-4by5 img,#documenter .docs-sidebar .docs-logo>img.is-4by5 img,.image.is-4by5 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,.image.is-3by4 img,#documenter .docs-sidebar .docs-logo>img.is-3by4 img,.image.is-3by4 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,.image.is-2by3 img,#documenter .docs-sidebar .docs-logo>img.is-2by3 img,.image.is-2by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,.image.is-3by5 img,#documenter .docs-sidebar .docs-logo>img.is-3by5 img,.image.is-3by5 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,.image.is-9by16 img,#documenter .docs-sidebar .docs-logo>img.is-9by16 img,.image.is-9by16 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,.image.is-1by2 img,#documenter .docs-sidebar .docs-logo>img.is-1by2 img,.image.is-1by2 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,.image.is-1by3 img,#documenter .docs-sidebar .docs-logo>img.is-1by3 img,.image.is-1by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio,.is-overlay{bottom:0;left:0;position:absolute;right:0;top:0}.navbar-burger{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0}.has-text-white{color:#fff !important}a.has-text-white:hover,a.has-text-white:focus{color:#e6e6e6 !important}.has-background-white{background-color:#fff !important}.has-text-black{color:#0a0a0a !important}a.has-text-black:hover,a.has-text-black:focus{color:#000 !important}.has-background-black{background-color:#0a0a0a !important}.has-text-light{color:#f5f5f5 !important}a.has-text-light:hover,a.has-text-light:focus{color:#dbdbdb !important}.has-background-light{background-color:#f5f5f5 !important}.has-text-dark{color:#363636 !important}a.has-text-dark:hover,a.has-text-dark:focus{color:#1c1c1c !important}.has-background-dark{background-color:#363636 !important}.has-text-primary{color:#4eb5de !important}a.has-text-primary:hover,a.has-text-primary:focus{color:#27a1d2 !important}.has-background-primary{background-color:#4eb5de !important}.has-text-primary-light{color:#eef8fc !important}a.has-text-primary-light:hover,a.has-text-primary-light:focus{color:#c3e6f4 !important}.has-background-primary-light{background-color:#eef8fc !important}.has-text-primary-dark{color:#1a6d8e !important}a.has-text-primary-dark:hover,a.has-text-primary-dark:focus{color:#228eb9 !important}.has-background-primary-dark{background-color:#1a6d8e !important}.has-text-link{color:#2e63b8 !important}a.has-text-link:hover,a.has-text-link:focus{color:#244d8f !important}.has-background-link{background-color:#2e63b8 !important}.has-text-link-light{color:#eff3fb !important}a.has-text-link-light:hover,a.has-text-link-light:focus{color:#c6d6f1 !important}.has-background-link-light{background-color:#eff3fb !important}.has-text-link-dark{color:#3169c4 !important}a.has-text-link-dark:hover,a.has-text-link-dark:focus{color:#5485d4 !important}.has-background-link-dark{background-color:#3169c4 !important}.has-text-info{color:#3c5dcd !important}a.has-text-info:hover,a.has-text-info:focus{color:#2c48aa !important}.has-background-info{background-color:#3c5dcd !important}.has-text-info-light{color:#eff2fb !important}a.has-text-info-light:hover,a.has-text-info-light:focus{color:#c6d0f0 !important}.has-background-info-light{background-color:#eff2fb !important}.has-text-info-dark{color:#3253c3 !important}a.has-text-info-dark:hover,a.has-text-info-dark:focus{color:#5571d3 !important}.has-background-info-dark{background-color:#3253c3 !important}.has-text-success{color:#259a12 !important}a.has-text-success:hover,a.has-text-success:focus{color:#1a6c0d !important}.has-background-success{background-color:#259a12 !important}.has-text-success-light{color:#effded !important}a.has-text-success-light:hover,a.has-text-success-light:focus{color:#c7f8bf !important}.has-background-success-light{background-color:#effded !important}.has-text-success-dark{color:#2ec016 !important}a.has-text-success-dark:hover,a.has-text-success-dark:focus{color:#3fe524 !important}.has-background-success-dark{background-color:#2ec016 !important}.has-text-warning{color:#a98800 !important}a.has-text-warning:hover,a.has-text-warning:focus{color:#765f00 !important}.has-background-warning{background-color:#a98800 !important}.has-text-warning-light{color:#fffbeb !important}a.has-text-warning-light:hover,a.has-text-warning-light:focus{color:#fff1b8 !important}.has-background-warning-light{background-color:#fffbeb !important}.has-text-warning-dark{color:#cca400 !important}a.has-text-warning-dark:hover,a.has-text-warning-dark:focus{color:#ffcd00 !important}.has-background-warning-dark{background-color:#cca400 !important}.has-text-danger{color:#cb3c33 !important}a.has-text-danger:hover,a.has-text-danger:focus{color:#a23029 !important}.has-background-danger{background-color:#cb3c33 !important}.has-text-danger-light{color:#fbefef !important}a.has-text-danger-light:hover,a.has-text-danger-light:focus{color:#f1c8c6 !important}.has-background-danger-light{background-color:#fbefef !important}.has-text-danger-dark{color:#c03930 !important}a.has-text-danger-dark:hover,a.has-text-danger-dark:focus{color:#d35850 !important}.has-background-danger-dark{background-color:#c03930 !important}.has-text-black-bis{color:#121212 !important}.has-background-black-bis{background-color:#121212 !important}.has-text-black-ter{color:#242424 !important}.has-background-black-ter{background-color:#242424 !important}.has-text-grey-darker{color:#363636 !important}.has-background-grey-darker{background-color:#363636 !important}.has-text-grey-dark{color:#4a4a4a !important}.has-background-grey-dark{background-color:#4a4a4a !important}.has-text-grey{color:#6b6b6b !important}.has-background-grey{background-color:#6b6b6b !important}.has-text-grey-light{color:#b5b5b5 !important}.has-background-grey-light{background-color:#b5b5b5 !important}.has-text-grey-lighter{color:#dbdbdb !important}.has-background-grey-lighter{background-color:#dbdbdb !important}.has-text-white-ter{color:#f5f5f5 !important}.has-background-white-ter{background-color:#f5f5f5 !important}.has-text-white-bis{color:#fafafa !important}.has-background-white-bis{background-color:#fafafa !important}.is-flex-direction-row{flex-direction:row !important}.is-flex-direction-row-reverse{flex-direction:row-reverse !important}.is-flex-direction-column{flex-direction:column !important}.is-flex-direction-column-reverse{flex-direction:column-reverse !important}.is-flex-wrap-nowrap{flex-wrap:nowrap !important}.is-flex-wrap-wrap{flex-wrap:wrap !important}.is-flex-wrap-wrap-reverse{flex-wrap:wrap-reverse !important}.is-justify-content-flex-start{justify-content:flex-start !important}.is-justify-content-flex-end{justify-content:flex-end !important}.is-justify-content-center{justify-content:center !important}.is-justify-content-space-between{justify-content:space-between !important}.is-justify-content-space-around{justify-content:space-around !important}.is-justify-content-space-evenly{justify-content:space-evenly !important}.is-justify-content-start{justify-content:start !important}.is-justify-content-end{justify-content:end !important}.is-justify-content-left{justify-content:left !important}.is-justify-content-right{justify-content:right !important}.is-align-content-flex-start{align-content:flex-start !important}.is-align-content-flex-end{align-content:flex-end !important}.is-align-content-center{align-content:center !important}.is-align-content-space-between{align-content:space-between !important}.is-align-content-space-around{align-content:space-around !important}.is-align-content-space-evenly{align-content:space-evenly !important}.is-align-content-stretch{align-content:stretch !important}.is-align-content-start{align-content:start !important}.is-align-content-end{align-content:end !important}.is-align-content-baseline{align-content:baseline !important}.is-align-items-stretch{align-items:stretch !important}.is-align-items-flex-start{align-items:flex-start !important}.is-align-items-flex-end{align-items:flex-end !important}.is-align-items-center{align-items:center !important}.is-align-items-baseline{align-items:baseline !important}.is-align-items-start{align-items:start !important}.is-align-items-end{align-items:end !important}.is-align-items-self-start{align-items:self-start !important}.is-align-items-self-end{align-items:self-end !important}.is-align-self-auto{align-self:auto !important}.is-align-self-flex-start{align-self:flex-start !important}.is-align-self-flex-end{align-self:flex-end !important}.is-align-self-center{align-self:center !important}.is-align-self-baseline{align-self:baseline !important}.is-align-self-stretch{align-self:stretch !important}.is-flex-grow-0{flex-grow:0 !important}.is-flex-grow-1{flex-grow:1 !important}.is-flex-grow-2{flex-grow:2 !important}.is-flex-grow-3{flex-grow:3 !important}.is-flex-grow-4{flex-grow:4 !important}.is-flex-grow-5{flex-grow:5 !important}.is-flex-shrink-0{flex-shrink:0 !important}.is-flex-shrink-1{flex-shrink:1 !important}.is-flex-shrink-2{flex-shrink:2 !important}.is-flex-shrink-3{flex-shrink:3 !important}.is-flex-shrink-4{flex-shrink:4 !important}.is-flex-shrink-5{flex-shrink:5 !important}.is-clearfix::after{clear:both;content:" ";display:table}.is-pulled-left{float:left !important}.is-pulled-right{float:right !important}.is-radiusless{border-radius:0 !important}.is-shadowless{box-shadow:none !important}.is-clickable{cursor:pointer !important;pointer-events:all !important}.is-clipped{overflow:hidden !important}.is-relative{position:relative !important}.is-marginless{margin:0 !important}.is-paddingless{padding:0 !important}.m-0{margin:0 !important}.mt-0{margin-top:0 !important}.mr-0{margin-right:0 !important}.mb-0{margin-bottom:0 !important}.ml-0{margin-left:0 !important}.mx-0{margin-left:0 !important;margin-right:0 !important}.my-0{margin-top:0 !important;margin-bottom:0 !important}.m-1{margin:.25rem !important}.mt-1{margin-top:.25rem !important}.mr-1{margin-right:.25rem !important}.mb-1{margin-bottom:.25rem !important}.ml-1{margin-left:.25rem !important}.mx-1{margin-left:.25rem !important;margin-right:.25rem !important}.my-1{margin-top:.25rem !important;margin-bottom:.25rem !important}.m-2{margin:.5rem !important}.mt-2{margin-top:.5rem !important}.mr-2{margin-right:.5rem !important}.mb-2{margin-bottom:.5rem !important}.ml-2{margin-left:.5rem !important}.mx-2{margin-left:.5rem !important;margin-right:.5rem !important}.my-2{margin-top:.5rem !important;margin-bottom:.5rem !important}.m-3{margin:.75rem !important}.mt-3{margin-top:.75rem !important}.mr-3{margin-right:.75rem !important}.mb-3{margin-bottom:.75rem !important}.ml-3{margin-left:.75rem !important}.mx-3{margin-left:.75rem !important;margin-right:.75rem !important}.my-3{margin-top:.75rem !important;margin-bottom:.75rem !important}.m-4{margin:1rem !important}.mt-4{margin-top:1rem !important}.mr-4{margin-right:1rem !important}.mb-4{margin-bottom:1rem !important}.ml-4{margin-left:1rem !important}.mx-4{margin-left:1rem !important;margin-right:1rem !important}.my-4{margin-top:1rem !important;margin-bottom:1rem !important}.m-5{margin:1.5rem !important}.mt-5{margin-top:1.5rem !important}.mr-5{margin-right:1.5rem !important}.mb-5{margin-bottom:1.5rem !important}.ml-5{margin-left:1.5rem !important}.mx-5{margin-left:1.5rem !important;margin-right:1.5rem !important}.my-5{margin-top:1.5rem !important;margin-bottom:1.5rem !important}.m-6{margin:3rem !important}.mt-6{margin-top:3rem !important}.mr-6{margin-right:3rem !important}.mb-6{margin-bottom:3rem !important}.ml-6{margin-left:3rem !important}.mx-6{margin-left:3rem !important;margin-right:3rem !important}.my-6{margin-top:3rem !important;margin-bottom:3rem !important}.m-auto{margin:auto !important}.mt-auto{margin-top:auto !important}.mr-auto{margin-right:auto !important}.mb-auto{margin-bottom:auto !important}.ml-auto{margin-left:auto !important}.mx-auto{margin-left:auto !important;margin-right:auto !important}.my-auto{margin-top:auto !important;margin-bottom:auto !important}.p-0{padding:0 !important}.pt-0{padding-top:0 !important}.pr-0{padding-right:0 !important}.pb-0{padding-bottom:0 !important}.pl-0{padding-left:0 !important}.px-0{padding-left:0 !important;padding-right:0 !important}.py-0{padding-top:0 !important;padding-bottom:0 !important}.p-1{padding:.25rem !important}.pt-1{padding-top:.25rem !important}.pr-1{padding-right:.25rem !important}.pb-1{padding-bottom:.25rem !important}.pl-1{padding-left:.25rem !important}.px-1{padding-left:.25rem !important;padding-right:.25rem !important}.py-1{padding-top:.25rem !important;padding-bottom:.25rem !important}.p-2{padding:.5rem !important}.pt-2{padding-top:.5rem !important}.pr-2{padding-right:.5rem !important}.pb-2{padding-bottom:.5rem !important}.pl-2{padding-left:.5rem !important}.px-2{padding-left:.5rem !important;padding-right:.5rem !important}.py-2{padding-top:.5rem !important;padding-bottom:.5rem !important}.p-3{padding:.75rem !important}.pt-3{padding-top:.75rem !important}.pr-3{padding-right:.75rem !important}.pb-3{padding-bottom:.75rem !important}.pl-3{padding-left:.75rem !important}.px-3{padding-left:.75rem !important;padding-right:.75rem !important}.py-3{padding-top:.75rem !important;padding-bottom:.75rem !important}.p-4{padding:1rem !important}.pt-4{padding-top:1rem !important}.pr-4{padding-right:1rem !important}.pb-4{padding-bottom:1rem !important}.pl-4{padding-left:1rem !important}.px-4{padding-left:1rem !important;padding-right:1rem !important}.py-4{padding-top:1rem !important;padding-bottom:1rem !important}.p-5{padding:1.5rem !important}.pt-5{padding-top:1.5rem !important}.pr-5{padding-right:1.5rem !important}.pb-5{padding-bottom:1.5rem !important}.pl-5{padding-left:1.5rem !important}.px-5{padding-left:1.5rem !important;padding-right:1.5rem !important}.py-5{padding-top:1.5rem !important;padding-bottom:1.5rem !important}.p-6{padding:3rem !important}.pt-6{padding-top:3rem !important}.pr-6{padding-right:3rem !important}.pb-6{padding-bottom:3rem !important}.pl-6{padding-left:3rem !important}.px-6{padding-left:3rem !important;padding-right:3rem !important}.py-6{padding-top:3rem !important;padding-bottom:3rem !important}.p-auto{padding:auto !important}.pt-auto{padding-top:auto !important}.pr-auto{padding-right:auto !important}.pb-auto{padding-bottom:auto !important}.pl-auto{padding-left:auto !important}.px-auto{padding-left:auto !important;padding-right:auto !important}.py-auto{padding-top:auto !important;padding-bottom:auto !important}.is-size-1{font-size:3rem !important}.is-size-2{font-size:2.5rem !important}.is-size-3{font-size:2rem !important}.is-size-4{font-size:1.5rem !important}.is-size-5{font-size:1.25rem !important}.is-size-6{font-size:1rem !important}.is-size-7,.docstring>section>a.docs-sourcelink{font-size:.75rem !important}@media screen and (max-width: 768px){.is-size-1-mobile{font-size:3rem !important}.is-size-2-mobile{font-size:2.5rem !important}.is-size-3-mobile{font-size:2rem !important}.is-size-4-mobile{font-size:1.5rem !important}.is-size-5-mobile{font-size:1.25rem !important}.is-size-6-mobile{font-size:1rem !important}.is-size-7-mobile{font-size:.75rem !important}}@media screen and (min-width: 769px),print{.is-size-1-tablet{font-size:3rem !important}.is-size-2-tablet{font-size:2.5rem !important}.is-size-3-tablet{font-size:2rem !important}.is-size-4-tablet{font-size:1.5rem !important}.is-size-5-tablet{font-size:1.25rem !important}.is-size-6-tablet{font-size:1rem !important}.is-size-7-tablet{font-size:.75rem !important}}@media screen and (max-width: 1055px){.is-size-1-touch{font-size:3rem !important}.is-size-2-touch{font-size:2.5rem !important}.is-size-3-touch{font-size:2rem !important}.is-size-4-touch{font-size:1.5rem !important}.is-size-5-touch{font-size:1.25rem !important}.is-size-6-touch{font-size:1rem !important}.is-size-7-touch{font-size:.75rem !important}}@media screen and (min-width: 1056px){.is-size-1-desktop{font-size:3rem !important}.is-size-2-desktop{font-size:2.5rem !important}.is-size-3-desktop{font-size:2rem !important}.is-size-4-desktop{font-size:1.5rem !important}.is-size-5-desktop{font-size:1.25rem !important}.is-size-6-desktop{font-size:1rem !important}.is-size-7-desktop{font-size:.75rem !important}}@media screen and (min-width: 1216px){.is-size-1-widescreen{font-size:3rem !important}.is-size-2-widescreen{font-size:2.5rem !important}.is-size-3-widescreen{font-size:2rem !important}.is-size-4-widescreen{font-size:1.5rem !important}.is-size-5-widescreen{font-size:1.25rem !important}.is-size-6-widescreen{font-size:1rem !important}.is-size-7-widescreen{font-size:.75rem !important}}@media screen and (min-width: 1408px){.is-size-1-fullhd{font-size:3rem !important}.is-size-2-fullhd{font-size:2.5rem !important}.is-size-3-fullhd{font-size:2rem !important}.is-size-4-fullhd{font-size:1.5rem !important}.is-size-5-fullhd{font-size:1.25rem !important}.is-size-6-fullhd{font-size:1rem !important}.is-size-7-fullhd{font-size:.75rem !important}}.has-text-centered{text-align:center !important}.has-text-justified{text-align:justify !important}.has-text-left{text-align:left !important}.has-text-right{text-align:right !important}@media screen and (max-width: 768px){.has-text-centered-mobile{text-align:center !important}}@media screen and (min-width: 769px),print{.has-text-centered-tablet{text-align:center !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-centered-tablet-only{text-align:center !important}}@media screen and (max-width: 1055px){.has-text-centered-touch{text-align:center !important}}@media screen and (min-width: 1056px){.has-text-centered-desktop{text-align:center !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-centered-desktop-only{text-align:center !important}}@media screen and (min-width: 1216px){.has-text-centered-widescreen{text-align:center !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-centered-widescreen-only{text-align:center !important}}@media screen and (min-width: 1408px){.has-text-centered-fullhd{text-align:center !important}}@media screen and (max-width: 768px){.has-text-justified-mobile{text-align:justify !important}}@media screen and (min-width: 769px),print{.has-text-justified-tablet{text-align:justify !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-justified-tablet-only{text-align:justify !important}}@media screen and (max-width: 1055px){.has-text-justified-touch{text-align:justify !important}}@media screen and (min-width: 1056px){.has-text-justified-desktop{text-align:justify !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-justified-desktop-only{text-align:justify !important}}@media screen and (min-width: 1216px){.has-text-justified-widescreen{text-align:justify !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-justified-widescreen-only{text-align:justify !important}}@media screen and (min-width: 1408px){.has-text-justified-fullhd{text-align:justify !important}}@media screen and (max-width: 768px){.has-text-left-mobile{text-align:left !important}}@media screen and (min-width: 769px),print{.has-text-left-tablet{text-align:left !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-left-tablet-only{text-align:left !important}}@media screen and (max-width: 1055px){.has-text-left-touch{text-align:left !important}}@media screen and (min-width: 1056px){.has-text-left-desktop{text-align:left !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-left-desktop-only{text-align:left !important}}@media screen and (min-width: 1216px){.has-text-left-widescreen{text-align:left !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-left-widescreen-only{text-align:left !important}}@media screen and (min-width: 1408px){.has-text-left-fullhd{text-align:left !important}}@media screen and (max-width: 768px){.has-text-right-mobile{text-align:right !important}}@media screen and (min-width: 769px),print{.has-text-right-tablet{text-align:right !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.has-text-right-tablet-only{text-align:right !important}}@media screen and (max-width: 1055px){.has-text-right-touch{text-align:right !important}}@media screen and (min-width: 1056px){.has-text-right-desktop{text-align:right !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.has-text-right-desktop-only{text-align:right !important}}@media screen and (min-width: 1216px){.has-text-right-widescreen{text-align:right !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.has-text-right-widescreen-only{text-align:right !important}}@media screen and (min-width: 1408px){.has-text-right-fullhd{text-align:right !important}}.is-capitalized{text-transform:capitalize !important}.is-lowercase{text-transform:lowercase !important}.is-uppercase{text-transform:uppercase !important}.is-italic{font-style:italic !important}.is-underlined{text-decoration:underline !important}.has-text-weight-light{font-weight:300 !important}.has-text-weight-normal{font-weight:400 !important}.has-text-weight-medium{font-weight:500 !important}.has-text-weight-semibold{font-weight:600 !important}.has-text-weight-bold{font-weight:700 !important}.is-family-primary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-secondary{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-sans-serif{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif !important}.is-family-monospace{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-family-code{font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace !important}.is-block{display:block !important}@media screen and (max-width: 768px){.is-block-mobile{display:block !important}}@media screen and (min-width: 769px),print{.is-block-tablet{display:block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-block-tablet-only{display:block !important}}@media screen and (max-width: 1055px){.is-block-touch{display:block !important}}@media screen and (min-width: 1056px){.is-block-desktop{display:block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-block-desktop-only{display:block !important}}@media screen and (min-width: 1216px){.is-block-widescreen{display:block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-block-widescreen-only{display:block !important}}@media screen and (min-width: 1408px){.is-block-fullhd{display:block !important}}.is-flex{display:flex !important}@media screen and (max-width: 768px){.is-flex-mobile{display:flex !important}}@media screen and (min-width: 769px),print{.is-flex-tablet{display:flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-flex-tablet-only{display:flex !important}}@media screen and (max-width: 1055px){.is-flex-touch{display:flex !important}}@media screen and (min-width: 1056px){.is-flex-desktop{display:flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-flex-desktop-only{display:flex !important}}@media screen and (min-width: 1216px){.is-flex-widescreen{display:flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-flex-widescreen-only{display:flex !important}}@media screen and (min-width: 1408px){.is-flex-fullhd{display:flex !important}}.is-inline{display:inline !important}@media screen and (max-width: 768px){.is-inline-mobile{display:inline !important}}@media screen and (min-width: 769px),print{.is-inline-tablet{display:inline !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-tablet-only{display:inline !important}}@media screen and (max-width: 1055px){.is-inline-touch{display:inline !important}}@media screen and (min-width: 1056px){.is-inline-desktop{display:inline !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-desktop-only{display:inline !important}}@media screen and (min-width: 1216px){.is-inline-widescreen{display:inline !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-widescreen-only{display:inline !important}}@media screen and (min-width: 1408px){.is-inline-fullhd{display:inline !important}}.is-inline-block{display:inline-block !important}@media screen and (max-width: 768px){.is-inline-block-mobile{display:inline-block !important}}@media screen and (min-width: 769px),print{.is-inline-block-tablet{display:inline-block !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-block-tablet-only{display:inline-block !important}}@media screen and (max-width: 1055px){.is-inline-block-touch{display:inline-block !important}}@media screen and (min-width: 1056px){.is-inline-block-desktop{display:inline-block !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-block-desktop-only{display:inline-block !important}}@media screen and (min-width: 1216px){.is-inline-block-widescreen{display:inline-block !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-block-widescreen-only{display:inline-block !important}}@media screen and (min-width: 1408px){.is-inline-block-fullhd{display:inline-block !important}}.is-inline-flex{display:inline-flex !important}@media screen and (max-width: 768px){.is-inline-flex-mobile{display:inline-flex !important}}@media screen and (min-width: 769px),print{.is-inline-flex-tablet{display:inline-flex !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-inline-flex-tablet-only{display:inline-flex !important}}@media screen and (max-width: 1055px){.is-inline-flex-touch{display:inline-flex !important}}@media screen and (min-width: 1056px){.is-inline-flex-desktop{display:inline-flex !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-inline-flex-desktop-only{display:inline-flex !important}}@media screen and (min-width: 1216px){.is-inline-flex-widescreen{display:inline-flex !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-inline-flex-widescreen-only{display:inline-flex !important}}@media screen and (min-width: 1408px){.is-inline-flex-fullhd{display:inline-flex !important}}.is-hidden{display:none !important}.is-sr-only{border:none !important;clip:rect(0, 0, 0, 0) !important;height:0.01em !important;overflow:hidden !important;padding:0 !important;position:absolute !important;white-space:nowrap !important;width:0.01em !important}@media screen and (max-width: 768px){.is-hidden-mobile{display:none !important}}@media screen and (min-width: 769px),print{.is-hidden-tablet{display:none !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-hidden-tablet-only{display:none !important}}@media screen and (max-width: 1055px){.is-hidden-touch{display:none !important}}@media screen and (min-width: 1056px){.is-hidden-desktop{display:none !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-hidden-desktop-only{display:none !important}}@media screen and (min-width: 1216px){.is-hidden-widescreen{display:none !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-hidden-widescreen-only{display:none !important}}@media screen and (min-width: 1408px){.is-hidden-fullhd{display:none !important}}.is-invisible{visibility:hidden !important}@media screen and (max-width: 768px){.is-invisible-mobile{visibility:hidden !important}}@media screen and (min-width: 769px),print{.is-invisible-tablet{visibility:hidden !important}}@media screen and (min-width: 769px) and (max-width: 1055px){.is-invisible-tablet-only{visibility:hidden !important}}@media screen and (max-width: 1055px){.is-invisible-touch{visibility:hidden !important}}@media screen and (min-width: 1056px){.is-invisible-desktop{visibility:hidden !important}}@media screen and (min-width: 1056px) and (max-width: 1215px){.is-invisible-desktop-only{visibility:hidden !important}}@media screen and (min-width: 1216px){.is-invisible-widescreen{visibility:hidden !important}}@media screen and (min-width: 1216px) and (max-width: 1407px){.is-invisible-widescreen-only{visibility:hidden !important}}@media screen and (min-width: 1408px){.is-invisible-fullhd{visibility:hidden !important}}/*! minireset.css v0.0.6 | MIT License | github.com/jgthms/minireset.css */html,body,p,ol,ul,li,dl,dt,dd,blockquote,figure,fieldset,legend,textarea,pre,iframe,hr,h1,h2,h3,h4,h5,h6{margin:0;padding:0}h1,h2,h3,h4,h5,h6{font-size:100%;font-weight:normal}ul{list-style:none}button,input,select,textarea{margin:0}html{box-sizing:border-box}*,*::before,*::after{box-sizing:inherit}img,video{height:auto;max-width:100%}iframe{border:0}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}td:not([align]),th:not([align]){text-align:inherit}html{background-color:#fff;font-size:16px;-moz-osx-font-smoothing:grayscale;-webkit-font-smoothing:antialiased;min-width:300px;overflow-x:auto;overflow-y:scroll;text-rendering:optimizeLegibility;text-size-adjust:100%}article,aside,figure,footer,header,hgroup,section{display:block}body,button,input,optgroup,select,textarea{font-family:"Lato Medium",-apple-system,BlinkMacSystemFont,"Segoe UI","Helvetica Neue","Helvetica","Arial",sans-serif}code,pre{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}body{color:#222;font-size:1em;font-weight:400;line-height:1.5}a{color:#2e63b8;cursor:pointer;text-decoration:none}a strong{color:currentColor}a:hover{color:#363636}code{background-color:rgba(0,0,0,0.05);color:#000;font-size:.875em;font-weight:normal;padding:.1em}hr{background-color:#f5f5f5;border:none;display:block;height:2px;margin:1.5rem 0}img{height:auto;max-width:100%}input[type="checkbox"],input[type="radio"]{vertical-align:baseline}small{font-size:.875em}span{font-style:inherit;font-weight:inherit}strong{color:#222;font-weight:700}fieldset{border:none}pre{-webkit-overflow-scrolling:touch;background-color:#f5f5f5;color:#222;font-size:.875em;overflow-x:auto;padding:1.25rem 1.5rem;white-space:pre;word-wrap:normal}pre code{background-color:transparent;color:currentColor;font-size:1em;padding:0}table td,table th{vertical-align:top}table td:not([align]),table th:not([align]){text-align:inherit}table th{color:#222}@keyframes spinAround{from{transform:rotate(0deg)}to{transform:rotate(359deg)}}.box{background-color:#fff;border-radius:6px;box-shadow:#bbb;color:#222;display:block;padding:1.25rem}a.box:hover,a.box:focus{box-shadow:0 0.5em 1em -0.125em rgba(10,10,10,0.1),0 0 0 1px #2e63b8}a.box:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2),0 0 0 1px #2e63b8}.button{background-color:#fff;border-color:#dbdbdb;border-width:1px;color:#222;cursor:pointer;justify-content:center;padding-bottom:calc(0.5em - 1px);padding-left:1em;padding-right:1em;padding-top:calc(0.5em - 1px);text-align:center;white-space:nowrap}.button strong{color:inherit}.button .icon,.button .icon.is-small,.button #documenter .docs-sidebar form.docs-search>input.icon,#documenter .docs-sidebar .button form.docs-search>input.icon,.button .icon.is-medium,.button .icon.is-large{height:1.5em;width:1.5em}.button .icon:first-child:not(:last-child){margin-left:calc(-0.5em - 1px);margin-right:.25em}.button .icon:last-child:not(:first-child){margin-left:.25em;margin-right:calc(-0.5em - 1px)}.button .icon:first-child:last-child{margin-left:calc(-0.5em - 1px);margin-right:calc(-0.5em - 1px)}.button:hover,.button.is-hovered{border-color:#b5b5b5;color:#363636}.button:focus,.button.is-focused{border-color:#3c5dcd;color:#363636}.button:focus:not(:active),.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(46,99,184,0.25)}.button:active,.button.is-active{border-color:#4a4a4a;color:#363636}.button.is-text{background-color:transparent;border-color:transparent;color:#222;text-decoration:underline}.button.is-text:hover,.button.is-text.is-hovered,.button.is-text:focus,.button.is-text.is-focused{background-color:#f5f5f5;color:#222}.button.is-text:active,.button.is-text.is-active{background-color:#e8e8e8;color:#222}.button.is-text[disabled],fieldset[disabled] .button.is-text{background-color:transparent;border-color:transparent;box-shadow:none}.button.is-ghost{background:none;border-color:rgba(0,0,0,0);color:#2e63b8;text-decoration:none}.button.is-ghost:hover,.button.is-ghost.is-hovered{color:#2e63b8;text-decoration:underline}.button.is-white{background-color:#fff;border-color:transparent;color:#0a0a0a}.button.is-white:hover,.button.is-white.is-hovered{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}.button.is-white:focus,.button.is-white.is-focused{border-color:transparent;color:#0a0a0a}.button.is-white:focus:not(:active),.button.is-white.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}.button.is-white:active,.button.is-white.is-active{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}.button.is-white[disabled],fieldset[disabled] .button.is-white{background-color:#fff;border-color:#fff;box-shadow:none}.button.is-white.is-inverted{background-color:#0a0a0a;color:#fff}.button.is-white.is-inverted:hover,.button.is-white.is-inverted.is-hovered{background-color:#000}.button.is-white.is-inverted[disabled],fieldset[disabled] .button.is-white.is-inverted{background-color:#0a0a0a;border-color:transparent;box-shadow:none;color:#fff}.button.is-white.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}.button.is-white.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-white.is-outlined:hover,.button.is-white.is-outlined.is-hovered,.button.is-white.is-outlined:focus,.button.is-white.is-outlined.is-focused{background-color:#fff;border-color:#fff;color:#0a0a0a}.button.is-white.is-outlined.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-white.is-outlined.is-loading:hover::after,.button.is-white.is-outlined.is-loading.is-hovered::after,.button.is-white.is-outlined.is-loading:focus::after,.button.is-white.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}.button.is-white.is-outlined[disabled],fieldset[disabled] .button.is-white.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}.button.is-white.is-inverted.is-outlined:hover,.button.is-white.is-inverted.is-outlined.is-hovered,.button.is-white.is-inverted.is-outlined:focus,.button.is-white.is-inverted.is-outlined.is-focused{background-color:#0a0a0a;color:#fff}.button.is-white.is-inverted.is-outlined.is-loading:hover::after,.button.is-white.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-white.is-inverted.is-outlined.is-loading:focus::after,.button.is-white.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-white.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-white.is-inverted.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}.button.is-black{background-color:#0a0a0a;border-color:transparent;color:#fff}.button.is-black:hover,.button.is-black.is-hovered{background-color:#040404;border-color:transparent;color:#fff}.button.is-black:focus,.button.is-black.is-focused{border-color:transparent;color:#fff}.button.is-black:focus:not(:active),.button.is-black.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}.button.is-black:active,.button.is-black.is-active{background-color:#000;border-color:transparent;color:#fff}.button.is-black[disabled],fieldset[disabled] .button.is-black{background-color:#0a0a0a;border-color:#0a0a0a;box-shadow:none}.button.is-black.is-inverted{background-color:#fff;color:#0a0a0a}.button.is-black.is-inverted:hover,.button.is-black.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-black.is-inverted[disabled],fieldset[disabled] .button.is-black.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#0a0a0a}.button.is-black.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;color:#0a0a0a}.button.is-black.is-outlined:hover,.button.is-black.is-outlined.is-hovered,.button.is-black.is-outlined:focus,.button.is-black.is-outlined.is-focused{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}.button.is-black.is-outlined.is-loading::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}.button.is-black.is-outlined.is-loading:hover::after,.button.is-black.is-outlined.is-loading.is-hovered::after,.button.is-black.is-outlined.is-loading:focus::after,.button.is-black.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-black.is-outlined[disabled],fieldset[disabled] .button.is-black.is-outlined{background-color:transparent;border-color:#0a0a0a;box-shadow:none;color:#0a0a0a}.button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-black.is-inverted.is-outlined:hover,.button.is-black.is-inverted.is-outlined.is-hovered,.button.is-black.is-inverted.is-outlined:focus,.button.is-black.is-inverted.is-outlined.is-focused{background-color:#fff;color:#0a0a0a}.button.is-black.is-inverted.is-outlined.is-loading:hover::after,.button.is-black.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-black.is-inverted.is-outlined.is-loading:focus::after,.button.is-black.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #0a0a0a #0a0a0a !important}.button.is-black.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-black.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-light{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}.button.is-light:hover,.button.is-light.is-hovered{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}.button.is-light:focus,.button.is-light.is-focused{border-color:transparent;color:rgba(0,0,0,0.7)}.button.is-light:focus:not(:active),.button.is-light.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}.button.is-light:active,.button.is-light.is-active{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}.button.is-light[disabled],fieldset[disabled] .button.is-light{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none}.button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);color:#f5f5f5}.button.is-light.is-inverted:hover,.button.is-light.is-inverted.is-hovered{background-color:rgba(0,0,0,0.7)}.button.is-light.is-inverted[disabled],fieldset[disabled] .button.is-light.is-inverted{background-color:rgba(0,0,0,0.7);border-color:transparent;box-shadow:none;color:#f5f5f5}.button.is-light.is-loading::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}.button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;color:#f5f5f5}.button.is-light.is-outlined:hover,.button.is-light.is-outlined.is-hovered,.button.is-light.is-outlined:focus,.button.is-light.is-outlined.is-focused{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}.button.is-light.is-outlined.is-loading::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}.button.is-light.is-outlined.is-loading:hover::after,.button.is-light.is-outlined.is-loading.is-hovered::after,.button.is-light.is-outlined.is-loading:focus::after,.button.is-light.is-outlined.is-loading.is-focused::after{border-color:transparent transparent rgba(0,0,0,0.7) rgba(0,0,0,0.7) !important}.button.is-light.is-outlined[disabled],fieldset[disabled] .button.is-light.is-outlined{background-color:transparent;border-color:#f5f5f5;box-shadow:none;color:#f5f5f5}.button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);color:rgba(0,0,0,0.7)}.button.is-light.is-inverted.is-outlined:hover,.button.is-light.is-inverted.is-outlined.is-hovered,.button.is-light.is-inverted.is-outlined:focus,.button.is-light.is-inverted.is-outlined.is-focused{background-color:rgba(0,0,0,0.7);color:#f5f5f5}.button.is-light.is-inverted.is-outlined.is-loading:hover::after,.button.is-light.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-light.is-inverted.is-outlined.is-loading:focus::after,.button.is-light.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #f5f5f5 #f5f5f5 !important}.button.is-light.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-light.is-inverted.is-outlined{background-color:transparent;border-color:rgba(0,0,0,0.7);box-shadow:none;color:rgba(0,0,0,0.7)}.button.is-dark,.content kbd.button{background-color:#363636;border-color:transparent;color:#fff}.button.is-dark:hover,.content kbd.button:hover,.button.is-dark.is-hovered,.content kbd.button.is-hovered{background-color:#2f2f2f;border-color:transparent;color:#fff}.button.is-dark:focus,.content kbd.button:focus,.button.is-dark.is-focused,.content kbd.button.is-focused{border-color:transparent;color:#fff}.button.is-dark:focus:not(:active),.content kbd.button:focus:not(:active),.button.is-dark.is-focused:not(:active),.content kbd.button.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(54,54,54,0.25)}.button.is-dark:active,.content kbd.button:active,.button.is-dark.is-active,.content kbd.button.is-active{background-color:#292929;border-color:transparent;color:#fff}.button.is-dark[disabled],.content kbd.button[disabled],fieldset[disabled] .button.is-dark,fieldset[disabled] .content kbd.button,.content fieldset[disabled] kbd.button{background-color:#363636;border-color:#363636;box-shadow:none}.button.is-dark.is-inverted,.content kbd.button.is-inverted{background-color:#fff;color:#363636}.button.is-dark.is-inverted:hover,.content kbd.button.is-inverted:hover,.button.is-dark.is-inverted.is-hovered,.content kbd.button.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-dark.is-inverted[disabled],.content kbd.button.is-inverted[disabled],fieldset[disabled] .button.is-dark.is-inverted,fieldset[disabled] .content kbd.button.is-inverted,.content fieldset[disabled] kbd.button.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#363636}.button.is-dark.is-loading::after,.content kbd.button.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-dark.is-outlined,.content kbd.button.is-outlined{background-color:transparent;border-color:#363636;color:#363636}.button.is-dark.is-outlined:hover,.content kbd.button.is-outlined:hover,.button.is-dark.is-outlined.is-hovered,.content kbd.button.is-outlined.is-hovered,.button.is-dark.is-outlined:focus,.content kbd.button.is-outlined:focus,.button.is-dark.is-outlined.is-focused,.content kbd.button.is-outlined.is-focused{background-color:#363636;border-color:#363636;color:#fff}.button.is-dark.is-outlined.is-loading::after,.content kbd.button.is-outlined.is-loading::after{border-color:transparent transparent #363636 #363636 !important}.button.is-dark.is-outlined.is-loading:hover::after,.content kbd.button.is-outlined.is-loading:hover::after,.button.is-dark.is-outlined.is-loading.is-hovered::after,.content kbd.button.is-outlined.is-loading.is-hovered::after,.button.is-dark.is-outlined.is-loading:focus::after,.content kbd.button.is-outlined.is-loading:focus::after,.button.is-dark.is-outlined.is-loading.is-focused::after,.content kbd.button.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-dark.is-outlined[disabled],.content kbd.button.is-outlined[disabled],fieldset[disabled] .button.is-dark.is-outlined,fieldset[disabled] .content kbd.button.is-outlined,.content fieldset[disabled] kbd.button.is-outlined{background-color:transparent;border-color:#363636;box-shadow:none;color:#363636}.button.is-dark.is-inverted.is-outlined,.content kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-dark.is-inverted.is-outlined:hover,.content kbd.button.is-inverted.is-outlined:hover,.button.is-dark.is-inverted.is-outlined.is-hovered,.content kbd.button.is-inverted.is-outlined.is-hovered,.button.is-dark.is-inverted.is-outlined:focus,.content kbd.button.is-inverted.is-outlined:focus,.button.is-dark.is-inverted.is-outlined.is-focused,.content kbd.button.is-inverted.is-outlined.is-focused{background-color:#fff;color:#363636}.button.is-dark.is-inverted.is-outlined.is-loading:hover::after,.content kbd.button.is-inverted.is-outlined.is-loading:hover::after,.button.is-dark.is-inverted.is-outlined.is-loading.is-hovered::after,.content kbd.button.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-dark.is-inverted.is-outlined.is-loading:focus::after,.content kbd.button.is-inverted.is-outlined.is-loading:focus::after,.button.is-dark.is-inverted.is-outlined.is-loading.is-focused::after,.content kbd.button.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #363636 #363636 !important}.button.is-dark.is-inverted.is-outlined[disabled],.content kbd.button.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-dark.is-inverted.is-outlined,fieldset[disabled] .content kbd.button.is-inverted.is-outlined,.content fieldset[disabled] kbd.button.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-primary,.docstring>section>a.button.docs-sourcelink{background-color:#4eb5de;border-color:transparent;color:#fff}.button.is-primary:hover,.docstring>section>a.button.docs-sourcelink:hover,.button.is-primary.is-hovered,.docstring>section>a.button.is-hovered.docs-sourcelink{background-color:#43b1dc;border-color:transparent;color:#fff}.button.is-primary:focus,.docstring>section>a.button.docs-sourcelink:focus,.button.is-primary.is-focused,.docstring>section>a.button.is-focused.docs-sourcelink{border-color:transparent;color:#fff}.button.is-primary:focus:not(:active),.docstring>section>a.button.docs-sourcelink:focus:not(:active),.button.is-primary.is-focused:not(:active),.docstring>section>a.button.is-focused.docs-sourcelink:not(:active){box-shadow:0 0 0 0.125em rgba(78,181,222,0.25)}.button.is-primary:active,.docstring>section>a.button.docs-sourcelink:active,.button.is-primary.is-active,.docstring>section>a.button.is-active.docs-sourcelink{background-color:#39acda;border-color:transparent;color:#fff}.button.is-primary[disabled],.docstring>section>a.button.docs-sourcelink[disabled],fieldset[disabled] .button.is-primary,fieldset[disabled] .docstring>section>a.button.docs-sourcelink{background-color:#4eb5de;border-color:#4eb5de;box-shadow:none}.button.is-primary.is-inverted,.docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;color:#4eb5de}.button.is-primary.is-inverted:hover,.docstring>section>a.button.is-inverted.docs-sourcelink:hover,.button.is-primary.is-inverted.is-hovered,.docstring>section>a.button.is-inverted.is-hovered.docs-sourcelink{background-color:#f2f2f2}.button.is-primary.is-inverted[disabled],.docstring>section>a.button.is-inverted.docs-sourcelink[disabled],fieldset[disabled] .button.is-primary.is-inverted,fieldset[disabled] .docstring>section>a.button.is-inverted.docs-sourcelink{background-color:#fff;border-color:transparent;box-shadow:none;color:#4eb5de}.button.is-primary.is-loading::after,.docstring>section>a.button.is-loading.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}.button.is-primary.is-outlined,.docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#4eb5de;color:#4eb5de}.button.is-primary.is-outlined:hover,.docstring>section>a.button.is-outlined.docs-sourcelink:hover,.button.is-primary.is-outlined.is-hovered,.docstring>section>a.button.is-outlined.is-hovered.docs-sourcelink,.button.is-primary.is-outlined:focus,.docstring>section>a.button.is-outlined.docs-sourcelink:focus,.button.is-primary.is-outlined.is-focused,.docstring>section>a.button.is-outlined.is-focused.docs-sourcelink{background-color:#4eb5de;border-color:#4eb5de;color:#fff}.button.is-primary.is-outlined.is-loading::after,.docstring>section>a.button.is-outlined.is-loading.docs-sourcelink::after{border-color:transparent transparent #4eb5de #4eb5de !important}.button.is-primary.is-outlined.is-loading:hover::after,.docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:hover::after,.button.is-primary.is-outlined.is-loading.is-hovered::after,.docstring>section>a.button.is-outlined.is-loading.is-hovered.docs-sourcelink::after,.button.is-primary.is-outlined.is-loading:focus::after,.docstring>section>a.button.is-outlined.is-loading.docs-sourcelink:focus::after,.button.is-primary.is-outlined.is-loading.is-focused::after,.docstring>section>a.button.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #fff #fff !important}.button.is-primary.is-outlined[disabled],.docstring>section>a.button.is-outlined.docs-sourcelink[disabled],fieldset[disabled] .button.is-primary.is-outlined,fieldset[disabled] .docstring>section>a.button.is-outlined.docs-sourcelink{background-color:transparent;border-color:#4eb5de;box-shadow:none;color:#4eb5de}.button.is-primary.is-inverted.is-outlined,.docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;color:#fff}.button.is-primary.is-inverted.is-outlined:hover,.docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:hover,.button.is-primary.is-inverted.is-outlined.is-hovered,.docstring>section>a.button.is-inverted.is-outlined.is-hovered.docs-sourcelink,.button.is-primary.is-inverted.is-outlined:focus,.docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink:focus,.button.is-primary.is-inverted.is-outlined.is-focused,.docstring>section>a.button.is-inverted.is-outlined.is-focused.docs-sourcelink{background-color:#fff;color:#4eb5de}.button.is-primary.is-inverted.is-outlined.is-loading:hover::after,.docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:hover::after,.button.is-primary.is-inverted.is-outlined.is-loading.is-hovered::after,.docstring>section>a.button.is-inverted.is-outlined.is-loading.is-hovered.docs-sourcelink::after,.button.is-primary.is-inverted.is-outlined.is-loading:focus::after,.docstring>section>a.button.is-inverted.is-outlined.is-loading.docs-sourcelink:focus::after,.button.is-primary.is-inverted.is-outlined.is-loading.is-focused::after,.docstring>section>a.button.is-inverted.is-outlined.is-loading.is-focused.docs-sourcelink::after{border-color:transparent transparent #4eb5de #4eb5de !important}.button.is-primary.is-inverted.is-outlined[disabled],.docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink[disabled],fieldset[disabled] .button.is-primary.is-inverted.is-outlined,fieldset[disabled] .docstring>section>a.button.is-inverted.is-outlined.docs-sourcelink{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-primary.is-light,.docstring>section>a.button.is-light.docs-sourcelink{background-color:#eef8fc;color:#1a6d8e}.button.is-primary.is-light:hover,.docstring>section>a.button.is-light.docs-sourcelink:hover,.button.is-primary.is-light.is-hovered,.docstring>section>a.button.is-light.is-hovered.docs-sourcelink{background-color:#e3f3fa;border-color:transparent;color:#1a6d8e}.button.is-primary.is-light:active,.docstring>section>a.button.is-light.docs-sourcelink:active,.button.is-primary.is-light.is-active,.docstring>section>a.button.is-light.is-active.docs-sourcelink{background-color:#d8eff8;border-color:transparent;color:#1a6d8e}.button.is-link{background-color:#2e63b8;border-color:transparent;color:#fff}.button.is-link:hover,.button.is-link.is-hovered{background-color:#2b5eae;border-color:transparent;color:#fff}.button.is-link:focus,.button.is-link.is-focused{border-color:transparent;color:#fff}.button.is-link:focus:not(:active),.button.is-link.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(46,99,184,0.25)}.button.is-link:active,.button.is-link.is-active{background-color:#2958a4;border-color:transparent;color:#fff}.button.is-link[disabled],fieldset[disabled] .button.is-link{background-color:#2e63b8;border-color:#2e63b8;box-shadow:none}.button.is-link.is-inverted{background-color:#fff;color:#2e63b8}.button.is-link.is-inverted:hover,.button.is-link.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-link.is-inverted[disabled],fieldset[disabled] .button.is-link.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#2e63b8}.button.is-link.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-link.is-outlined{background-color:transparent;border-color:#2e63b8;color:#2e63b8}.button.is-link.is-outlined:hover,.button.is-link.is-outlined.is-hovered,.button.is-link.is-outlined:focus,.button.is-link.is-outlined.is-focused{background-color:#2e63b8;border-color:#2e63b8;color:#fff}.button.is-link.is-outlined.is-loading::after{border-color:transparent transparent #2e63b8 #2e63b8 !important}.button.is-link.is-outlined.is-loading:hover::after,.button.is-link.is-outlined.is-loading.is-hovered::after,.button.is-link.is-outlined.is-loading:focus::after,.button.is-link.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-link.is-outlined[disabled],fieldset[disabled] .button.is-link.is-outlined{background-color:transparent;border-color:#2e63b8;box-shadow:none;color:#2e63b8}.button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-link.is-inverted.is-outlined:hover,.button.is-link.is-inverted.is-outlined.is-hovered,.button.is-link.is-inverted.is-outlined:focus,.button.is-link.is-inverted.is-outlined.is-focused{background-color:#fff;color:#2e63b8}.button.is-link.is-inverted.is-outlined.is-loading:hover::after,.button.is-link.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-link.is-inverted.is-outlined.is-loading:focus::after,.button.is-link.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #2e63b8 #2e63b8 !important}.button.is-link.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-link.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-link.is-light{background-color:#eff3fb;color:#3169c4}.button.is-link.is-light:hover,.button.is-link.is-light.is-hovered{background-color:#e4ecf8;border-color:transparent;color:#3169c4}.button.is-link.is-light:active,.button.is-link.is-light.is-active{background-color:#dae5f6;border-color:transparent;color:#3169c4}.button.is-info{background-color:#3c5dcd;border-color:transparent;color:#fff}.button.is-info:hover,.button.is-info.is-hovered{background-color:#3355c9;border-color:transparent;color:#fff}.button.is-info:focus,.button.is-info.is-focused{border-color:transparent;color:#fff}.button.is-info:focus:not(:active),.button.is-info.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}.button.is-info:active,.button.is-info.is-active{background-color:#3151bf;border-color:transparent;color:#fff}.button.is-info[disabled],fieldset[disabled] .button.is-info{background-color:#3c5dcd;border-color:#3c5dcd;box-shadow:none}.button.is-info.is-inverted{background-color:#fff;color:#3c5dcd}.button.is-info.is-inverted:hover,.button.is-info.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-info.is-inverted[disabled],fieldset[disabled] .button.is-info.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#3c5dcd}.button.is-info.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-info.is-outlined{background-color:transparent;border-color:#3c5dcd;color:#3c5dcd}.button.is-info.is-outlined:hover,.button.is-info.is-outlined.is-hovered,.button.is-info.is-outlined:focus,.button.is-info.is-outlined.is-focused{background-color:#3c5dcd;border-color:#3c5dcd;color:#fff}.button.is-info.is-outlined.is-loading::after{border-color:transparent transparent #3c5dcd #3c5dcd !important}.button.is-info.is-outlined.is-loading:hover::after,.button.is-info.is-outlined.is-loading.is-hovered::after,.button.is-info.is-outlined.is-loading:focus::after,.button.is-info.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-info.is-outlined[disabled],fieldset[disabled] .button.is-info.is-outlined{background-color:transparent;border-color:#3c5dcd;box-shadow:none;color:#3c5dcd}.button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-info.is-inverted.is-outlined:hover,.button.is-info.is-inverted.is-outlined.is-hovered,.button.is-info.is-inverted.is-outlined:focus,.button.is-info.is-inverted.is-outlined.is-focused{background-color:#fff;color:#3c5dcd}.button.is-info.is-inverted.is-outlined.is-loading:hover::after,.button.is-info.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-info.is-inverted.is-outlined.is-loading:focus::after,.button.is-info.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #3c5dcd #3c5dcd !important}.button.is-info.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-info.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-info.is-light{background-color:#eff2fb;color:#3253c3}.button.is-info.is-light:hover,.button.is-info.is-light.is-hovered{background-color:#e5e9f8;border-color:transparent;color:#3253c3}.button.is-info.is-light:active,.button.is-info.is-light.is-active{background-color:#dae1f6;border-color:transparent;color:#3253c3}.button.is-success{background-color:#259a12;border-color:transparent;color:#fff}.button.is-success:hover,.button.is-success.is-hovered{background-color:#228f11;border-color:transparent;color:#fff}.button.is-success:focus,.button.is-success.is-focused{border-color:transparent;color:#fff}.button.is-success:focus:not(:active),.button.is-success.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}.button.is-success:active,.button.is-success.is-active{background-color:#20830f;border-color:transparent;color:#fff}.button.is-success[disabled],fieldset[disabled] .button.is-success{background-color:#259a12;border-color:#259a12;box-shadow:none}.button.is-success.is-inverted{background-color:#fff;color:#259a12}.button.is-success.is-inverted:hover,.button.is-success.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-success.is-inverted[disabled],fieldset[disabled] .button.is-success.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#259a12}.button.is-success.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-success.is-outlined{background-color:transparent;border-color:#259a12;color:#259a12}.button.is-success.is-outlined:hover,.button.is-success.is-outlined.is-hovered,.button.is-success.is-outlined:focus,.button.is-success.is-outlined.is-focused{background-color:#259a12;border-color:#259a12;color:#fff}.button.is-success.is-outlined.is-loading::after{border-color:transparent transparent #259a12 #259a12 !important}.button.is-success.is-outlined.is-loading:hover::after,.button.is-success.is-outlined.is-loading.is-hovered::after,.button.is-success.is-outlined.is-loading:focus::after,.button.is-success.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-success.is-outlined[disabled],fieldset[disabled] .button.is-success.is-outlined{background-color:transparent;border-color:#259a12;box-shadow:none;color:#259a12}.button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-success.is-inverted.is-outlined:hover,.button.is-success.is-inverted.is-outlined.is-hovered,.button.is-success.is-inverted.is-outlined:focus,.button.is-success.is-inverted.is-outlined.is-focused{background-color:#fff;color:#259a12}.button.is-success.is-inverted.is-outlined.is-loading:hover::after,.button.is-success.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-success.is-inverted.is-outlined.is-loading:focus::after,.button.is-success.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #259a12 #259a12 !important}.button.is-success.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-success.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-success.is-light{background-color:#effded;color:#2ec016}.button.is-success.is-light:hover,.button.is-success.is-light.is-hovered{background-color:#e5fce1;border-color:transparent;color:#2ec016}.button.is-success.is-light:active,.button.is-success.is-light.is-active{background-color:#dbfad6;border-color:transparent;color:#2ec016}.button.is-warning{background-color:#a98800;border-color:transparent;color:#fff}.button.is-warning:hover,.button.is-warning.is-hovered{background-color:#9c7d00;border-color:transparent;color:#fff}.button.is-warning:focus,.button.is-warning.is-focused{border-color:transparent;color:#fff}.button.is-warning:focus:not(:active),.button.is-warning.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(169,136,0,0.25)}.button.is-warning:active,.button.is-warning.is-active{background-color:#8f7300;border-color:transparent;color:#fff}.button.is-warning[disabled],fieldset[disabled] .button.is-warning{background-color:#a98800;border-color:#a98800;box-shadow:none}.button.is-warning.is-inverted{background-color:#fff;color:#a98800}.button.is-warning.is-inverted:hover,.button.is-warning.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-warning.is-inverted[disabled],fieldset[disabled] .button.is-warning.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#a98800}.button.is-warning.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-warning.is-outlined{background-color:transparent;border-color:#a98800;color:#a98800}.button.is-warning.is-outlined:hover,.button.is-warning.is-outlined.is-hovered,.button.is-warning.is-outlined:focus,.button.is-warning.is-outlined.is-focused{background-color:#a98800;border-color:#a98800;color:#fff}.button.is-warning.is-outlined.is-loading::after{border-color:transparent transparent #a98800 #a98800 !important}.button.is-warning.is-outlined.is-loading:hover::after,.button.is-warning.is-outlined.is-loading.is-hovered::after,.button.is-warning.is-outlined.is-loading:focus::after,.button.is-warning.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-warning.is-outlined[disabled],fieldset[disabled] .button.is-warning.is-outlined{background-color:transparent;border-color:#a98800;box-shadow:none;color:#a98800}.button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-warning.is-inverted.is-outlined:hover,.button.is-warning.is-inverted.is-outlined.is-hovered,.button.is-warning.is-inverted.is-outlined:focus,.button.is-warning.is-inverted.is-outlined.is-focused{background-color:#fff;color:#a98800}.button.is-warning.is-inverted.is-outlined.is-loading:hover::after,.button.is-warning.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-warning.is-inverted.is-outlined.is-loading:focus::after,.button.is-warning.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #a98800 #a98800 !important}.button.is-warning.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-warning.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-warning.is-light{background-color:#fffbeb;color:#cca400}.button.is-warning.is-light:hover,.button.is-warning.is-light.is-hovered{background-color:#fff9de;border-color:transparent;color:#cca400}.button.is-warning.is-light:active,.button.is-warning.is-light.is-active{background-color:#fff6d1;border-color:transparent;color:#cca400}.button.is-danger{background-color:#cb3c33;border-color:transparent;color:#fff}.button.is-danger:hover,.button.is-danger.is-hovered{background-color:#c13930;border-color:transparent;color:#fff}.button.is-danger:focus,.button.is-danger.is-focused{border-color:transparent;color:#fff}.button.is-danger:focus:not(:active),.button.is-danger.is-focused:not(:active){box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}.button.is-danger:active,.button.is-danger.is-active{background-color:#b7362e;border-color:transparent;color:#fff}.button.is-danger[disabled],fieldset[disabled] .button.is-danger{background-color:#cb3c33;border-color:#cb3c33;box-shadow:none}.button.is-danger.is-inverted{background-color:#fff;color:#cb3c33}.button.is-danger.is-inverted:hover,.button.is-danger.is-inverted.is-hovered{background-color:#f2f2f2}.button.is-danger.is-inverted[disabled],fieldset[disabled] .button.is-danger.is-inverted{background-color:#fff;border-color:transparent;box-shadow:none;color:#cb3c33}.button.is-danger.is-loading::after{border-color:transparent transparent #fff #fff !important}.button.is-danger.is-outlined{background-color:transparent;border-color:#cb3c33;color:#cb3c33}.button.is-danger.is-outlined:hover,.button.is-danger.is-outlined.is-hovered,.button.is-danger.is-outlined:focus,.button.is-danger.is-outlined.is-focused{background-color:#cb3c33;border-color:#cb3c33;color:#fff}.button.is-danger.is-outlined.is-loading::after{border-color:transparent transparent #cb3c33 #cb3c33 !important}.button.is-danger.is-outlined.is-loading:hover::after,.button.is-danger.is-outlined.is-loading.is-hovered::after,.button.is-danger.is-outlined.is-loading:focus::after,.button.is-danger.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #fff #fff !important}.button.is-danger.is-outlined[disabled],fieldset[disabled] .button.is-danger.is-outlined{background-color:transparent;border-color:#cb3c33;box-shadow:none;color:#cb3c33}.button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;color:#fff}.button.is-danger.is-inverted.is-outlined:hover,.button.is-danger.is-inverted.is-outlined.is-hovered,.button.is-danger.is-inverted.is-outlined:focus,.button.is-danger.is-inverted.is-outlined.is-focused{background-color:#fff;color:#cb3c33}.button.is-danger.is-inverted.is-outlined.is-loading:hover::after,.button.is-danger.is-inverted.is-outlined.is-loading.is-hovered::after,.button.is-danger.is-inverted.is-outlined.is-loading:focus::after,.button.is-danger.is-inverted.is-outlined.is-loading.is-focused::after{border-color:transparent transparent #cb3c33 #cb3c33 !important}.button.is-danger.is-inverted.is-outlined[disabled],fieldset[disabled] .button.is-danger.is-inverted.is-outlined{background-color:transparent;border-color:#fff;box-shadow:none;color:#fff}.button.is-danger.is-light{background-color:#fbefef;color:#c03930}.button.is-danger.is-light:hover,.button.is-danger.is-light.is-hovered{background-color:#f8e6e5;border-color:transparent;color:#c03930}.button.is-danger.is-light:active,.button.is-danger.is-light.is-active{background-color:#f6dcda;border-color:transparent;color:#c03930}.button.is-small,#documenter .docs-sidebar form.docs-search>input.button{font-size:.75rem}.button.is-small:not(.is-rounded),#documenter .docs-sidebar form.docs-search>input.button:not(.is-rounded){border-radius:2px}.button.is-normal{font-size:1rem}.button.is-medium{font-size:1.25rem}.button.is-large{font-size:1.5rem}.button[disabled],fieldset[disabled] .button{background-color:#fff;border-color:#dbdbdb;box-shadow:none;opacity:.5}.button.is-fullwidth{display:flex;width:100%}.button.is-loading{color:transparent !important;pointer-events:none}.button.is-loading::after{position:absolute;left:calc(50% - (1em * 0.5));top:calc(50% - (1em * 0.5));position:absolute !important}.button.is-static{background-color:#f5f5f5;border-color:#dbdbdb;color:#6b6b6b;box-shadow:none;pointer-events:none}.button.is-rounded,#documenter .docs-sidebar form.docs-search>input.button{border-radius:9999px;padding-left:calc(1em + 0.25em);padding-right:calc(1em + 0.25em)}.buttons{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}.buttons .button{margin-bottom:0.5rem}.buttons .button:not(:last-child):not(.is-fullwidth){margin-right:.5rem}.buttons:last-child{margin-bottom:-0.5rem}.buttons:not(:last-child){margin-bottom:1rem}.buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large){font-size:.75rem}.buttons.are-small .button:not(.is-normal):not(.is-medium):not(.is-large):not(.is-rounded){border-radius:2px}.buttons.are-medium .button:not(.is-small):not(.is-normal):not(.is-large){font-size:1.25rem}.buttons.are-large .button:not(.is-small):not(.is-normal):not(.is-medium){font-size:1.5rem}.buttons.has-addons .button:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.buttons.has-addons .button:not(:last-child){border-bottom-right-radius:0;border-top-right-radius:0;margin-right:-1px}.buttons.has-addons .button:last-child{margin-right:0}.buttons.has-addons .button:hover,.buttons.has-addons .button.is-hovered{z-index:2}.buttons.has-addons .button:focus,.buttons.has-addons .button.is-focused,.buttons.has-addons .button:active,.buttons.has-addons .button.is-active,.buttons.has-addons .button.is-selected{z-index:3}.buttons.has-addons .button:focus:hover,.buttons.has-addons .button.is-focused:hover,.buttons.has-addons .button:active:hover,.buttons.has-addons .button.is-active:hover,.buttons.has-addons .button.is-selected:hover{z-index:4}.buttons.has-addons .button.is-expanded{flex-grow:1;flex-shrink:1}.buttons.is-centered{justify-content:center}.buttons.is-centered:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}.buttons.is-right{justify-content:flex-end}.buttons.is-right:not(.has-addons) .button:not(.is-fullwidth){margin-left:0.25rem;margin-right:0.25rem}@media screen and (max-width: 768px){.button.is-responsive.is-small,#documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.5625rem}.button.is-responsive,.button.is-responsive.is-normal{font-size:.65625rem}.button.is-responsive.is-medium{font-size:.75rem}.button.is-responsive.is-large{font-size:1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.button.is-responsive.is-small,#documenter .docs-sidebar form.docs-search>input.is-responsive{font-size:.65625rem}.button.is-responsive,.button.is-responsive.is-normal{font-size:.75rem}.button.is-responsive.is-medium{font-size:1rem}.button.is-responsive.is-large{font-size:1.25rem}}.container{flex-grow:1;margin:0 auto;position:relative;width:auto}.container.is-fluid{max-width:none !important;padding-left:32px;padding-right:32px;width:100%}@media screen and (min-width: 1056px){.container{max-width:992px}}@media screen and (max-width: 1215px){.container.is-widescreen:not(.is-max-desktop){max-width:1152px}}@media screen and (max-width: 1407px){.container.is-fullhd:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}@media screen and (min-width: 1216px){.container:not(.is-max-desktop){max-width:1152px}}@media screen and (min-width: 1408px){.container:not(.is-max-desktop):not(.is-max-widescreen){max-width:1344px}}.content li+li{margin-top:0.25em}.content p:not(:last-child),.content dl:not(:last-child),.content ol:not(:last-child),.content ul:not(:last-child),.content blockquote:not(:last-child),.content pre:not(:last-child),.content table:not(:last-child){margin-bottom:1em}.content h1,.content h2,.content h3,.content h4,.content h5,.content h6{color:#222;font-weight:600;line-height:1.125}.content h1{font-size:2em;margin-bottom:0.5em}.content h1:not(:first-child){margin-top:1em}.content h2{font-size:1.75em;margin-bottom:0.5714em}.content h2:not(:first-child){margin-top:1.1428em}.content h3{font-size:1.5em;margin-bottom:0.6666em}.content h3:not(:first-child){margin-top:1.3333em}.content h4{font-size:1.25em;margin-bottom:0.8em}.content h5{font-size:1.125em;margin-bottom:0.8888em}.content h6{font-size:1em;margin-bottom:1em}.content blockquote{background-color:#f5f5f5;border-left:5px solid #dbdbdb;padding:1.25em 1.5em}.content ol{list-style-position:outside;margin-left:2em;margin-top:1em}.content ol:not([type]){list-style-type:decimal}.content ol.is-lower-alpha:not([type]){list-style-type:lower-alpha}.content ol.is-lower-roman:not([type]){list-style-type:lower-roman}.content ol.is-upper-alpha:not([type]){list-style-type:upper-alpha}.content ol.is-upper-roman:not([type]){list-style-type:upper-roman}.content ul{list-style:disc outside;margin-left:2em;margin-top:1em}.content ul ul{list-style-type:circle;margin-top:0.5em}.content ul ul ul{list-style-type:square}.content dd{margin-left:2em}.content figure{margin-left:2em;margin-right:2em;text-align:center}.content figure:not(:first-child){margin-top:2em}.content figure:not(:last-child){margin-bottom:2em}.content figure img{display:inline-block}.content figure figcaption{font-style:italic}.content pre{-webkit-overflow-scrolling:touch;overflow-x:auto;padding:0;white-space:pre;word-wrap:normal}.content sup,.content sub{font-size:75%}.content table{width:100%}.content table td,.content table th{border:1px solid #dbdbdb;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}.content table th{color:#222}.content table th:not([align]){text-align:inherit}.content table thead td,.content table thead th{border-width:0 0 2px;color:#222}.content table tfoot td,.content table tfoot th{border-width:2px 0 0;color:#222}.content table tbody tr:last-child td,.content table tbody tr:last-child th{border-bottom-width:0}.content .tabs li+li{margin-top:0}.content.is-small,#documenter .docs-sidebar form.docs-search>input.content{font-size:.75rem}.content.is-normal{font-size:1rem}.content.is-medium{font-size:1.25rem}.content.is-large{font-size:1.5rem}.icon{align-items:center;display:inline-flex;justify-content:center;height:1.5rem;width:1.5rem}.icon.is-small,#documenter .docs-sidebar form.docs-search>input.icon{height:1rem;width:1rem}.icon.is-medium{height:2rem;width:2rem}.icon.is-large{height:3rem;width:3rem}.icon-text{align-items:flex-start;color:inherit;display:inline-flex;flex-wrap:wrap;line-height:1.5rem;vertical-align:top}.icon-text .icon{flex-grow:0;flex-shrink:0}.icon-text .icon:not(:last-child){margin-right:.25em}.icon-text .icon:not(:first-child){margin-left:.25em}div.icon-text{display:flex}.image,#documenter .docs-sidebar .docs-logo>img{display:block;position:relative}.image img,#documenter .docs-sidebar .docs-logo>img img{display:block;height:auto;width:100%}.image img.is-rounded,#documenter .docs-sidebar .docs-logo>img img.is-rounded{border-radius:9999px}.image.is-fullwidth,#documenter .docs-sidebar .docs-logo>img.is-fullwidth{width:100%}.image.is-square img,#documenter .docs-sidebar .docs-logo>img.is-square img,.image.is-square .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-square .has-ratio,.image.is-1by1 img,#documenter .docs-sidebar .docs-logo>img.is-1by1 img,.image.is-1by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by1 .has-ratio,.image.is-5by4 img,#documenter .docs-sidebar .docs-logo>img.is-5by4 img,.image.is-5by4 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-5by4 .has-ratio,.image.is-4by3 img,#documenter .docs-sidebar .docs-logo>img.is-4by3 img,.image.is-4by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-4by3 .has-ratio,.image.is-3by2 img,#documenter .docs-sidebar .docs-logo>img.is-3by2 img,.image.is-3by2 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by2 .has-ratio,.image.is-5by3 img,#documenter .docs-sidebar .docs-logo>img.is-5by3 img,.image.is-5by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-5by3 .has-ratio,.image.is-16by9 img,#documenter .docs-sidebar .docs-logo>img.is-16by9 img,.image.is-16by9 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-16by9 .has-ratio,.image.is-2by1 img,#documenter .docs-sidebar .docs-logo>img.is-2by1 img,.image.is-2by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-2by1 .has-ratio,.image.is-3by1 img,#documenter .docs-sidebar .docs-logo>img.is-3by1 img,.image.is-3by1 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by1 .has-ratio,.image.is-4by5 img,#documenter .docs-sidebar .docs-logo>img.is-4by5 img,.image.is-4by5 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-4by5 .has-ratio,.image.is-3by4 img,#documenter .docs-sidebar .docs-logo>img.is-3by4 img,.image.is-3by4 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by4 .has-ratio,.image.is-2by3 img,#documenter .docs-sidebar .docs-logo>img.is-2by3 img,.image.is-2by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-2by3 .has-ratio,.image.is-3by5 img,#documenter .docs-sidebar .docs-logo>img.is-3by5 img,.image.is-3by5 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-3by5 .has-ratio,.image.is-9by16 img,#documenter .docs-sidebar .docs-logo>img.is-9by16 img,.image.is-9by16 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-9by16 .has-ratio,.image.is-1by2 img,#documenter .docs-sidebar .docs-logo>img.is-1by2 img,.image.is-1by2 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by2 .has-ratio,.image.is-1by3 img,#documenter .docs-sidebar .docs-logo>img.is-1by3 img,.image.is-1by3 .has-ratio,#documenter .docs-sidebar .docs-logo>img.is-1by3 .has-ratio{height:100%;width:100%}.image.is-square,#documenter .docs-sidebar .docs-logo>img.is-square,.image.is-1by1,#documenter .docs-sidebar .docs-logo>img.is-1by1{padding-top:100%}.image.is-5by4,#documenter .docs-sidebar .docs-logo>img.is-5by4{padding-top:80%}.image.is-4by3,#documenter .docs-sidebar .docs-logo>img.is-4by3{padding-top:75%}.image.is-3by2,#documenter .docs-sidebar .docs-logo>img.is-3by2{padding-top:66.6666%}.image.is-5by3,#documenter .docs-sidebar .docs-logo>img.is-5by3{padding-top:60%}.image.is-16by9,#documenter .docs-sidebar .docs-logo>img.is-16by9{padding-top:56.25%}.image.is-2by1,#documenter .docs-sidebar .docs-logo>img.is-2by1{padding-top:50%}.image.is-3by1,#documenter .docs-sidebar .docs-logo>img.is-3by1{padding-top:33.3333%}.image.is-4by5,#documenter .docs-sidebar .docs-logo>img.is-4by5{padding-top:125%}.image.is-3by4,#documenter .docs-sidebar .docs-logo>img.is-3by4{padding-top:133.3333%}.image.is-2by3,#documenter .docs-sidebar .docs-logo>img.is-2by3{padding-top:150%}.image.is-3by5,#documenter .docs-sidebar .docs-logo>img.is-3by5{padding-top:166.6666%}.image.is-9by16,#documenter .docs-sidebar .docs-logo>img.is-9by16{padding-top:177.7777%}.image.is-1by2,#documenter .docs-sidebar .docs-logo>img.is-1by2{padding-top:200%}.image.is-1by3,#documenter .docs-sidebar .docs-logo>img.is-1by3{padding-top:300%}.image.is-16x16,#documenter .docs-sidebar .docs-logo>img.is-16x16{height:16px;width:16px}.image.is-24x24,#documenter .docs-sidebar .docs-logo>img.is-24x24{height:24px;width:24px}.image.is-32x32,#documenter .docs-sidebar .docs-logo>img.is-32x32{height:32px;width:32px}.image.is-48x48,#documenter .docs-sidebar .docs-logo>img.is-48x48{height:48px;width:48px}.image.is-64x64,#documenter .docs-sidebar .docs-logo>img.is-64x64{height:64px;width:64px}.image.is-96x96,#documenter .docs-sidebar .docs-logo>img.is-96x96{height:96px;width:96px}.image.is-128x128,#documenter .docs-sidebar .docs-logo>img.is-128x128{height:128px;width:128px}.notification{background-color:#f5f5f5;border-radius:4px;position:relative;padding:1.25rem 2.5rem 1.25rem 1.5rem}.notification a:not(.button):not(.dropdown-item){color:currentColor;text-decoration:underline}.notification strong{color:currentColor}.notification code,.notification pre{background:#fff}.notification pre code{background:transparent}.notification>.delete{right:.5rem;position:absolute;top:0.5rem}.notification .title,.notification .subtitle,.notification .content{color:currentColor}.notification.is-white{background-color:#fff;color:#0a0a0a}.notification.is-black{background-color:#0a0a0a;color:#fff}.notification.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.notification.is-dark,.content kbd.notification{background-color:#363636;color:#fff}.notification.is-primary,.docstring>section>a.notification.docs-sourcelink{background-color:#4eb5de;color:#fff}.notification.is-primary.is-light,.docstring>section>a.notification.is-light.docs-sourcelink{background-color:#eef8fc;color:#1a6d8e}.notification.is-link{background-color:#2e63b8;color:#fff}.notification.is-link.is-light{background-color:#eff3fb;color:#3169c4}.notification.is-info{background-color:#3c5dcd;color:#fff}.notification.is-info.is-light{background-color:#eff2fb;color:#3253c3}.notification.is-success{background-color:#259a12;color:#fff}.notification.is-success.is-light{background-color:#effded;color:#2ec016}.notification.is-warning{background-color:#a98800;color:#fff}.notification.is-warning.is-light{background-color:#fffbeb;color:#cca400}.notification.is-danger{background-color:#cb3c33;color:#fff}.notification.is-danger.is-light{background-color:#fbefef;color:#c03930}.progress{-moz-appearance:none;-webkit-appearance:none;border:none;border-radius:9999px;display:block;height:1rem;overflow:hidden;padding:0;width:100%}.progress::-webkit-progress-bar{background-color:#ededed}.progress::-webkit-progress-value{background-color:#222}.progress::-moz-progress-bar{background-color:#222}.progress::-ms-fill{background-color:#222;border:none}.progress.is-white::-webkit-progress-value{background-color:#fff}.progress.is-white::-moz-progress-bar{background-color:#fff}.progress.is-white::-ms-fill{background-color:#fff}.progress.is-white:indeterminate{background-image:linear-gradient(to right, #fff 30%, #ededed 30%)}.progress.is-black::-webkit-progress-value{background-color:#0a0a0a}.progress.is-black::-moz-progress-bar{background-color:#0a0a0a}.progress.is-black::-ms-fill{background-color:#0a0a0a}.progress.is-black:indeterminate{background-image:linear-gradient(to right, #0a0a0a 30%, #ededed 30%)}.progress.is-light::-webkit-progress-value{background-color:#f5f5f5}.progress.is-light::-moz-progress-bar{background-color:#f5f5f5}.progress.is-light::-ms-fill{background-color:#f5f5f5}.progress.is-light:indeterminate{background-image:linear-gradient(to right, #f5f5f5 30%, #ededed 30%)}.progress.is-dark::-webkit-progress-value,.content kbd.progress::-webkit-progress-value{background-color:#363636}.progress.is-dark::-moz-progress-bar,.content kbd.progress::-moz-progress-bar{background-color:#363636}.progress.is-dark::-ms-fill,.content kbd.progress::-ms-fill{background-color:#363636}.progress.is-dark:indeterminate,.content kbd.progress:indeterminate{background-image:linear-gradient(to right, #363636 30%, #ededed 30%)}.progress.is-primary::-webkit-progress-value,.docstring>section>a.progress.docs-sourcelink::-webkit-progress-value{background-color:#4eb5de}.progress.is-primary::-moz-progress-bar,.docstring>section>a.progress.docs-sourcelink::-moz-progress-bar{background-color:#4eb5de}.progress.is-primary::-ms-fill,.docstring>section>a.progress.docs-sourcelink::-ms-fill{background-color:#4eb5de}.progress.is-primary:indeterminate,.docstring>section>a.progress.docs-sourcelink:indeterminate{background-image:linear-gradient(to right, #4eb5de 30%, #ededed 30%)}.progress.is-link::-webkit-progress-value{background-color:#2e63b8}.progress.is-link::-moz-progress-bar{background-color:#2e63b8}.progress.is-link::-ms-fill{background-color:#2e63b8}.progress.is-link:indeterminate{background-image:linear-gradient(to right, #2e63b8 30%, #ededed 30%)}.progress.is-info::-webkit-progress-value{background-color:#3c5dcd}.progress.is-info::-moz-progress-bar{background-color:#3c5dcd}.progress.is-info::-ms-fill{background-color:#3c5dcd}.progress.is-info:indeterminate{background-image:linear-gradient(to right, #3c5dcd 30%, #ededed 30%)}.progress.is-success::-webkit-progress-value{background-color:#259a12}.progress.is-success::-moz-progress-bar{background-color:#259a12}.progress.is-success::-ms-fill{background-color:#259a12}.progress.is-success:indeterminate{background-image:linear-gradient(to right, #259a12 30%, #ededed 30%)}.progress.is-warning::-webkit-progress-value{background-color:#a98800}.progress.is-warning::-moz-progress-bar{background-color:#a98800}.progress.is-warning::-ms-fill{background-color:#a98800}.progress.is-warning:indeterminate{background-image:linear-gradient(to right, #a98800 30%, #ededed 30%)}.progress.is-danger::-webkit-progress-value{background-color:#cb3c33}.progress.is-danger::-moz-progress-bar{background-color:#cb3c33}.progress.is-danger::-ms-fill{background-color:#cb3c33}.progress.is-danger:indeterminate{background-image:linear-gradient(to right, #cb3c33 30%, #ededed 30%)}.progress:indeterminate{animation-duration:1.5s;animation-iteration-count:infinite;animation-name:moveIndeterminate;animation-timing-function:linear;background-color:#ededed;background-image:linear-gradient(to right, #222 30%, #ededed 30%);background-position:top left;background-repeat:no-repeat;background-size:150% 150%}.progress:indeterminate::-webkit-progress-bar{background-color:transparent}.progress:indeterminate::-moz-progress-bar{background-color:transparent}.progress:indeterminate::-ms-fill{animation-name:none}.progress.is-small,#documenter .docs-sidebar form.docs-search>input.progress{height:.75rem}.progress.is-medium{height:1.25rem}.progress.is-large{height:1.5rem}@keyframes moveIndeterminate{from{background-position:200% 0}to{background-position:-200% 0}}.table{background-color:#fff;color:#222}.table td,.table th{border:1px solid #dbdbdb;border-width:0 0 1px;padding:0.5em 0.75em;vertical-align:top}.table td.is-white,.table th.is-white{background-color:#fff;border-color:#fff;color:#0a0a0a}.table td.is-black,.table th.is-black{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}.table td.is-light,.table th.is-light{background-color:#f5f5f5;border-color:#f5f5f5;color:rgba(0,0,0,0.7)}.table td.is-dark,.table th.is-dark{background-color:#363636;border-color:#363636;color:#fff}.table td.is-primary,.table th.is-primary{background-color:#4eb5de;border-color:#4eb5de;color:#fff}.table td.is-link,.table th.is-link{background-color:#2e63b8;border-color:#2e63b8;color:#fff}.table td.is-info,.table th.is-info{background-color:#3c5dcd;border-color:#3c5dcd;color:#fff}.table td.is-success,.table th.is-success{background-color:#259a12;border-color:#259a12;color:#fff}.table td.is-warning,.table th.is-warning{background-color:#a98800;border-color:#a98800;color:#fff}.table td.is-danger,.table th.is-danger{background-color:#cb3c33;border-color:#cb3c33;color:#fff}.table td.is-narrow,.table th.is-narrow{white-space:nowrap;width:1%}.table td.is-selected,.table th.is-selected{background-color:#4eb5de;color:#fff}.table td.is-selected a,.table td.is-selected strong,.table th.is-selected a,.table th.is-selected strong{color:currentColor}.table td.is-vcentered,.table th.is-vcentered{vertical-align:middle}.table th{color:#222}.table th:not([align]){text-align:left}.table tr.is-selected{background-color:#4eb5de;color:#fff}.table tr.is-selected a,.table tr.is-selected strong{color:currentColor}.table tr.is-selected td,.table tr.is-selected th{border-color:#fff;color:currentColor}.table thead{background-color:rgba(0,0,0,0)}.table thead td,.table thead th{border-width:0 0 2px;color:#222}.table tfoot{background-color:rgba(0,0,0,0)}.table tfoot td,.table tfoot th{border-width:2px 0 0;color:#222}.table tbody{background-color:rgba(0,0,0,0)}.table tbody tr:last-child td,.table tbody tr:last-child th{border-bottom-width:0}.table.is-bordered td,.table.is-bordered th{border-width:1px}.table.is-bordered tr:last-child td,.table.is-bordered tr:last-child th{border-bottom-width:1px}.table.is-fullwidth{width:100%}.table.is-hoverable tbody tr:not(.is-selected):hover{background-color:#fafafa}.table.is-hoverable.is-striped tbody tr:not(.is-selected):hover{background-color:#fafafa}.table.is-hoverable.is-striped tbody tr:not(.is-selected):hover:nth-child(even){background-color:#f5f5f5}.table.is-narrow td,.table.is-narrow th{padding:0.25em 0.5em}.table.is-striped tbody tr:not(.is-selected):nth-child(even){background-color:#fafafa}.table-container{-webkit-overflow-scrolling:touch;overflow:auto;overflow-y:hidden;max-width:100%}.tags{align-items:center;display:flex;flex-wrap:wrap;justify-content:flex-start}.tags .tag,.tags .content kbd,.content .tags kbd,.tags .docstring>section>a.docs-sourcelink{margin-bottom:0.5rem}.tags .tag:not(:last-child),.tags .content kbd:not(:last-child),.content .tags kbd:not(:last-child),.tags .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:.5rem}.tags:last-child{margin-bottom:-0.5rem}.tags:not(:last-child){margin-bottom:1rem}.tags.are-medium .tag:not(.is-normal):not(.is-large),.tags.are-medium .content kbd:not(.is-normal):not(.is-large),.content .tags.are-medium kbd:not(.is-normal):not(.is-large),.tags.are-medium .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-large){font-size:1rem}.tags.are-large .tag:not(.is-normal):not(.is-medium),.tags.are-large .content kbd:not(.is-normal):not(.is-medium),.content .tags.are-large kbd:not(.is-normal):not(.is-medium),.tags.are-large .docstring>section>a.docs-sourcelink:not(.is-normal):not(.is-medium){font-size:1.25rem}.tags.is-centered{justify-content:center}.tags.is-centered .tag,.tags.is-centered .content kbd,.content .tags.is-centered kbd,.tags.is-centered .docstring>section>a.docs-sourcelink{margin-right:0.25rem;margin-left:0.25rem}.tags.is-right{justify-content:flex-end}.tags.is-right .tag:not(:first-child),.tags.is-right .content kbd:not(:first-child),.content .tags.is-right kbd:not(:first-child),.tags.is-right .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0.5rem}.tags.is-right .tag:not(:last-child),.tags.is-right .content kbd:not(:last-child),.content .tags.is-right kbd:not(:last-child),.tags.is-right .docstring>section>a.docs-sourcelink:not(:last-child){margin-right:0}.tags.has-addons .tag,.tags.has-addons .content kbd,.content .tags.has-addons kbd,.tags.has-addons .docstring>section>a.docs-sourcelink{margin-right:0}.tags.has-addons .tag:not(:first-child),.tags.has-addons .content kbd:not(:first-child),.content .tags.has-addons kbd:not(:first-child),.tags.has-addons .docstring>section>a.docs-sourcelink:not(:first-child){margin-left:0;border-top-left-radius:0;border-bottom-left-radius:0}.tags.has-addons .tag:not(:last-child),.tags.has-addons .content kbd:not(:last-child),.content .tags.has-addons kbd:not(:last-child),.tags.has-addons .docstring>section>a.docs-sourcelink:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0}.tag:not(body),.content kbd:not(body),.docstring>section>a.docs-sourcelink:not(body){align-items:center;background-color:#f5f5f5;border-radius:4px;color:#222;display:inline-flex;font-size:.75rem;height:2em;justify-content:center;line-height:1.5;padding-left:0.75em;padding-right:0.75em;white-space:nowrap}.tag:not(body) .delete,.content kbd:not(body) .delete,.docstring>section>a.docs-sourcelink:not(body) .delete{margin-left:.25rem;margin-right:-.375rem}.tag.is-white:not(body),.content kbd.is-white:not(body),.docstring>section>a.docs-sourcelink.is-white:not(body){background-color:#fff;color:#0a0a0a}.tag.is-black:not(body),.content kbd.is-black:not(body),.docstring>section>a.docs-sourcelink.is-black:not(body){background-color:#0a0a0a;color:#fff}.tag.is-light:not(body),.content kbd.is-light:not(body),.docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.tag.is-dark:not(body),.content kbd:not(body),.docstring>section>a.docs-sourcelink.is-dark:not(body),.content .docstring>section>kbd:not(body){background-color:#363636;color:#fff}.tag.is-primary:not(body),.content kbd.is-primary:not(body),.docstring>section>a.docs-sourcelink:not(body){background-color:#4eb5de;color:#fff}.tag.is-primary.is-light:not(body),.content kbd.is-primary.is-light:not(body),.docstring>section>a.docs-sourcelink.is-light:not(body){background-color:#eef8fc;color:#1a6d8e}.tag.is-link:not(body),.content kbd.is-link:not(body),.docstring>section>a.docs-sourcelink.is-link:not(body){background-color:#2e63b8;color:#fff}.tag.is-link.is-light:not(body),.content kbd.is-link.is-light:not(body),.docstring>section>a.docs-sourcelink.is-link.is-light:not(body){background-color:#eff3fb;color:#3169c4}.tag.is-info:not(body),.content kbd.is-info:not(body),.docstring>section>a.docs-sourcelink.is-info:not(body){background-color:#3c5dcd;color:#fff}.tag.is-info.is-light:not(body),.content kbd.is-info.is-light:not(body),.docstring>section>a.docs-sourcelink.is-info.is-light:not(body){background-color:#eff2fb;color:#3253c3}.tag.is-success:not(body),.content kbd.is-success:not(body),.docstring>section>a.docs-sourcelink.is-success:not(body){background-color:#259a12;color:#fff}.tag.is-success.is-light:not(body),.content kbd.is-success.is-light:not(body),.docstring>section>a.docs-sourcelink.is-success.is-light:not(body){background-color:#effded;color:#2ec016}.tag.is-warning:not(body),.content kbd.is-warning:not(body),.docstring>section>a.docs-sourcelink.is-warning:not(body){background-color:#a98800;color:#fff}.tag.is-warning.is-light:not(body),.content kbd.is-warning.is-light:not(body),.docstring>section>a.docs-sourcelink.is-warning.is-light:not(body){background-color:#fffbeb;color:#cca400}.tag.is-danger:not(body),.content kbd.is-danger:not(body),.docstring>section>a.docs-sourcelink.is-danger:not(body){background-color:#cb3c33;color:#fff}.tag.is-danger.is-light:not(body),.content kbd.is-danger.is-light:not(body),.docstring>section>a.docs-sourcelink.is-danger.is-light:not(body){background-color:#fbefef;color:#c03930}.tag.is-normal:not(body),.content kbd.is-normal:not(body),.docstring>section>a.docs-sourcelink.is-normal:not(body){font-size:.75rem}.tag.is-medium:not(body),.content kbd.is-medium:not(body),.docstring>section>a.docs-sourcelink.is-medium:not(body){font-size:1rem}.tag.is-large:not(body),.content kbd.is-large:not(body),.docstring>section>a.docs-sourcelink.is-large:not(body){font-size:1.25rem}.tag:not(body) .icon:first-child:not(:last-child),.content kbd:not(body) .icon:first-child:not(:last-child),.docstring>section>a.docs-sourcelink:not(body) .icon:first-child:not(:last-child){margin-left:-.375em;margin-right:.1875em}.tag:not(body) .icon:last-child:not(:first-child),.content kbd:not(body) .icon:last-child:not(:first-child),.docstring>section>a.docs-sourcelink:not(body) .icon:last-child:not(:first-child){margin-left:.1875em;margin-right:-.375em}.tag:not(body) .icon:first-child:last-child,.content kbd:not(body) .icon:first-child:last-child,.docstring>section>a.docs-sourcelink:not(body) .icon:first-child:last-child{margin-left:-.375em;margin-right:-.375em}.tag.is-delete:not(body),.content kbd.is-delete:not(body),.docstring>section>a.docs-sourcelink.is-delete:not(body){margin-left:1px;padding:0;position:relative;width:2em}.tag.is-delete:not(body)::before,.content kbd.is-delete:not(body)::before,.docstring>section>a.docs-sourcelink.is-delete:not(body)::before,.tag.is-delete:not(body)::after,.content kbd.is-delete:not(body)::after,.docstring>section>a.docs-sourcelink.is-delete:not(body)::after{background-color:currentColor;content:"";display:block;left:50%;position:absolute;top:50%;transform:translateX(-50%) translateY(-50%) rotate(45deg);transform-origin:center center}.tag.is-delete:not(body)::before,.content kbd.is-delete:not(body)::before,.docstring>section>a.docs-sourcelink.is-delete:not(body)::before{height:1px;width:50%}.tag.is-delete:not(body)::after,.content kbd.is-delete:not(body)::after,.docstring>section>a.docs-sourcelink.is-delete:not(body)::after{height:50%;width:1px}.tag.is-delete:not(body):hover,.content kbd.is-delete:not(body):hover,.docstring>section>a.docs-sourcelink.is-delete:not(body):hover,.tag.is-delete:not(body):focus,.content kbd.is-delete:not(body):focus,.docstring>section>a.docs-sourcelink.is-delete:not(body):focus{background-color:#e8e8e8}.tag.is-delete:not(body):active,.content kbd.is-delete:not(body):active,.docstring>section>a.docs-sourcelink.is-delete:not(body):active{background-color:#dbdbdb}.tag.is-rounded:not(body),#documenter .docs-sidebar form.docs-search>input:not(body),.content kbd.is-rounded:not(body),#documenter .docs-sidebar .content form.docs-search>input:not(body),.docstring>section>a.docs-sourcelink.is-rounded:not(body){border-radius:9999px}a.tag:hover,.docstring>section>a.docs-sourcelink:hover{text-decoration:underline}.title,.subtitle{word-break:break-word}.title em,.title span,.subtitle em,.subtitle span{font-weight:inherit}.title sub,.subtitle sub{font-size:.75em}.title sup,.subtitle sup{font-size:.75em}.title .tag,.title .content kbd,.content .title kbd,.title .docstring>section>a.docs-sourcelink,.subtitle .tag,.subtitle .content kbd,.content .subtitle kbd,.subtitle .docstring>section>a.docs-sourcelink{vertical-align:middle}.title{color:#222;font-size:2rem;font-weight:600;line-height:1.125}.title strong{color:inherit;font-weight:inherit}.title:not(.is-spaced)+.subtitle{margin-top:-1.25rem}.title.is-1{font-size:3rem}.title.is-2{font-size:2.5rem}.title.is-3{font-size:2rem}.title.is-4{font-size:1.5rem}.title.is-5{font-size:1.25rem}.title.is-6{font-size:1rem}.title.is-7{font-size:.75rem}.subtitle{color:#222;font-size:1.25rem;font-weight:400;line-height:1.25}.subtitle strong{color:#222;font-weight:600}.subtitle:not(.is-spaced)+.title{margin-top:-1.25rem}.subtitle.is-1{font-size:3rem}.subtitle.is-2{font-size:2.5rem}.subtitle.is-3{font-size:2rem}.subtitle.is-4{font-size:1.5rem}.subtitle.is-5{font-size:1.25rem}.subtitle.is-6{font-size:1rem}.subtitle.is-7{font-size:.75rem}.heading{display:block;font-size:11px;letter-spacing:1px;margin-bottom:5px;text-transform:uppercase}.number{align-items:center;background-color:#f5f5f5;border-radius:9999px;display:inline-flex;font-size:1.25rem;height:2em;justify-content:center;margin-right:1.5rem;min-width:2.5em;padding:0.25rem 0.5rem;text-align:center;vertical-align:top}.select select,.textarea,.input,#documenter .docs-sidebar form.docs-search>input{background-color:#fff;border-color:#dbdbdb;border-radius:4px;color:#222}.select select::-moz-placeholder,.textarea::-moz-placeholder,.input::-moz-placeholder,#documenter .docs-sidebar form.docs-search>input::-moz-placeholder{color:#707070}.select select::-webkit-input-placeholder,.textarea::-webkit-input-placeholder,.input::-webkit-input-placeholder,#documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder{color:#707070}.select select:-moz-placeholder,.textarea:-moz-placeholder,.input:-moz-placeholder,#documenter .docs-sidebar form.docs-search>input:-moz-placeholder{color:#707070}.select select:-ms-input-placeholder,.textarea:-ms-input-placeholder,.input:-ms-input-placeholder,#documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder{color:#707070}.select select:hover,.textarea:hover,.input:hover,#documenter .docs-sidebar form.docs-search>input:hover,.select select.is-hovered,.is-hovered.textarea,.is-hovered.input,#documenter .docs-sidebar form.docs-search>input.is-hovered{border-color:#b5b5b5}.select select:focus,.textarea:focus,.input:focus,#documenter .docs-sidebar form.docs-search>input:focus,.select select.is-focused,.is-focused.textarea,.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.select select:active,.textarea:active,.input:active,#documenter .docs-sidebar form.docs-search>input:active,.select select.is-active,.is-active.textarea,.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{border-color:#2e63b8;box-shadow:0 0 0 0.125em rgba(46,99,184,0.25)}.select select[disabled],.textarea[disabled],.input[disabled],#documenter .docs-sidebar form.docs-search>input[disabled],fieldset[disabled] .select select,.select fieldset[disabled] select,fieldset[disabled] .textarea,fieldset[disabled] .input,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input{background-color:#f5f5f5;border-color:#f5f5f5;box-shadow:none;color:#6b6b6b}.select select[disabled]::-moz-placeholder,.textarea[disabled]::-moz-placeholder,.input[disabled]::-moz-placeholder,#documenter .docs-sidebar form.docs-search>input[disabled]::-moz-placeholder,fieldset[disabled] .select select::-moz-placeholder,.select fieldset[disabled] select::-moz-placeholder,fieldset[disabled] .textarea::-moz-placeholder,fieldset[disabled] .input::-moz-placeholder,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input::-moz-placeholder,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input::-moz-placeholder{color:rgba(107,107,107,0.3)}.select select[disabled]::-webkit-input-placeholder,.textarea[disabled]::-webkit-input-placeholder,.input[disabled]::-webkit-input-placeholder,#documenter .docs-sidebar form.docs-search>input[disabled]::-webkit-input-placeholder,fieldset[disabled] .select select::-webkit-input-placeholder,.select fieldset[disabled] select::-webkit-input-placeholder,fieldset[disabled] .textarea::-webkit-input-placeholder,fieldset[disabled] .input::-webkit-input-placeholder,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input::-webkit-input-placeholder,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input::-webkit-input-placeholder{color:rgba(107,107,107,0.3)}.select select[disabled]:-moz-placeholder,.textarea[disabled]:-moz-placeholder,.input[disabled]:-moz-placeholder,#documenter .docs-sidebar form.docs-search>input[disabled]:-moz-placeholder,fieldset[disabled] .select select:-moz-placeholder,.select fieldset[disabled] select:-moz-placeholder,fieldset[disabled] .textarea:-moz-placeholder,fieldset[disabled] .input:-moz-placeholder,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input:-moz-placeholder,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input:-moz-placeholder{color:rgba(107,107,107,0.3)}.select select[disabled]:-ms-input-placeholder,.textarea[disabled]:-ms-input-placeholder,.input[disabled]:-ms-input-placeholder,#documenter .docs-sidebar form.docs-search>input[disabled]:-ms-input-placeholder,fieldset[disabled] .select select:-ms-input-placeholder,.select fieldset[disabled] select:-ms-input-placeholder,fieldset[disabled] .textarea:-ms-input-placeholder,fieldset[disabled] .input:-ms-input-placeholder,fieldset[disabled] #documenter .docs-sidebar form.docs-search>input:-ms-input-placeholder,#documenter .docs-sidebar fieldset[disabled] form.docs-search>input:-ms-input-placeholder{color:rgba(107,107,107,0.3)}.textarea,.input,#documenter .docs-sidebar form.docs-search>input{box-shadow:inset 0 0.0625em 0.125em rgba(10,10,10,0.05);max-width:100%;width:100%}.textarea[readonly],.input[readonly],#documenter .docs-sidebar form.docs-search>input[readonly]{box-shadow:none}.is-white.textarea,.is-white.input,#documenter .docs-sidebar form.docs-search>input.is-white{border-color:#fff}.is-white.textarea:focus,.is-white.input:focus,#documenter .docs-sidebar form.docs-search>input.is-white:focus,.is-white.is-focused.textarea,.is-white.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-white.textarea:active,.is-white.input:active,#documenter .docs-sidebar form.docs-search>input.is-white:active,.is-white.is-active.textarea,.is-white.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}.is-black.textarea,.is-black.input,#documenter .docs-sidebar form.docs-search>input.is-black{border-color:#0a0a0a}.is-black.textarea:focus,.is-black.input:focus,#documenter .docs-sidebar form.docs-search>input.is-black:focus,.is-black.is-focused.textarea,.is-black.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-black.textarea:active,.is-black.input:active,#documenter .docs-sidebar form.docs-search>input.is-black:active,.is-black.is-active.textarea,.is-black.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}.is-light.textarea,.is-light.input,#documenter .docs-sidebar form.docs-search>input.is-light{border-color:#f5f5f5}.is-light.textarea:focus,.is-light.input:focus,#documenter .docs-sidebar form.docs-search>input.is-light:focus,.is-light.is-focused.textarea,.is-light.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-light.textarea:active,.is-light.input:active,#documenter .docs-sidebar form.docs-search>input.is-light:active,.is-light.is-active.textarea,.is-light.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}.is-dark.textarea,.content kbd.textarea,.is-dark.input,#documenter .docs-sidebar form.docs-search>input.is-dark,.content kbd.input{border-color:#363636}.is-dark.textarea:focus,.content kbd.textarea:focus,.is-dark.input:focus,#documenter .docs-sidebar form.docs-search>input.is-dark:focus,.content kbd.input:focus,.is-dark.is-focused.textarea,.content kbd.is-focused.textarea,.is-dark.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.content kbd.is-focused.input,#documenter .docs-sidebar .content form.docs-search>input.is-focused,.is-dark.textarea:active,.content kbd.textarea:active,.is-dark.input:active,#documenter .docs-sidebar form.docs-search>input.is-dark:active,.content kbd.input:active,.is-dark.is-active.textarea,.content kbd.is-active.textarea,.is-dark.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active,.content kbd.is-active.input,#documenter .docs-sidebar .content form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(54,54,54,0.25)}.is-primary.textarea,.docstring>section>a.textarea.docs-sourcelink,.is-primary.input,#documenter .docs-sidebar form.docs-search>input.is-primary,.docstring>section>a.input.docs-sourcelink{border-color:#4eb5de}.is-primary.textarea:focus,.docstring>section>a.textarea.docs-sourcelink:focus,.is-primary.input:focus,#documenter .docs-sidebar form.docs-search>input.is-primary:focus,.docstring>section>a.input.docs-sourcelink:focus,.is-primary.is-focused.textarea,.docstring>section>a.is-focused.textarea.docs-sourcelink,.is-primary.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.docstring>section>a.is-focused.input.docs-sourcelink,.is-primary.textarea:active,.docstring>section>a.textarea.docs-sourcelink:active,.is-primary.input:active,#documenter .docs-sidebar form.docs-search>input.is-primary:active,.docstring>section>a.input.docs-sourcelink:active,.is-primary.is-active.textarea,.docstring>section>a.is-active.textarea.docs-sourcelink,.is-primary.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active,.docstring>section>a.is-active.input.docs-sourcelink{box-shadow:0 0 0 0.125em rgba(78,181,222,0.25)}.is-link.textarea,.is-link.input,#documenter .docs-sidebar form.docs-search>input.is-link{border-color:#2e63b8}.is-link.textarea:focus,.is-link.input:focus,#documenter .docs-sidebar form.docs-search>input.is-link:focus,.is-link.is-focused.textarea,.is-link.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-link.textarea:active,.is-link.input:active,#documenter .docs-sidebar form.docs-search>input.is-link:active,.is-link.is-active.textarea,.is-link.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(46,99,184,0.25)}.is-info.textarea,.is-info.input,#documenter .docs-sidebar form.docs-search>input.is-info{border-color:#3c5dcd}.is-info.textarea:focus,.is-info.input:focus,#documenter .docs-sidebar form.docs-search>input.is-info:focus,.is-info.is-focused.textarea,.is-info.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-info.textarea:active,.is-info.input:active,#documenter .docs-sidebar form.docs-search>input.is-info:active,.is-info.is-active.textarea,.is-info.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}.is-success.textarea,.is-success.input,#documenter .docs-sidebar form.docs-search>input.is-success{border-color:#259a12}.is-success.textarea:focus,.is-success.input:focus,#documenter .docs-sidebar form.docs-search>input.is-success:focus,.is-success.is-focused.textarea,.is-success.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-success.textarea:active,.is-success.input:active,#documenter .docs-sidebar form.docs-search>input.is-success:active,.is-success.is-active.textarea,.is-success.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}.is-warning.textarea,.is-warning.input,#documenter .docs-sidebar form.docs-search>input.is-warning{border-color:#a98800}.is-warning.textarea:focus,.is-warning.input:focus,#documenter .docs-sidebar form.docs-search>input.is-warning:focus,.is-warning.is-focused.textarea,.is-warning.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-warning.textarea:active,.is-warning.input:active,#documenter .docs-sidebar form.docs-search>input.is-warning:active,.is-warning.is-active.textarea,.is-warning.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(169,136,0,0.25)}.is-danger.textarea,.is-danger.input,#documenter .docs-sidebar form.docs-search>input.is-danger{border-color:#cb3c33}.is-danger.textarea:focus,.is-danger.input:focus,#documenter .docs-sidebar form.docs-search>input.is-danger:focus,.is-danger.is-focused.textarea,.is-danger.is-focused.input,#documenter .docs-sidebar form.docs-search>input.is-focused,.is-danger.textarea:active,.is-danger.input:active,#documenter .docs-sidebar form.docs-search>input.is-danger:active,.is-danger.is-active.textarea,.is-danger.is-active.input,#documenter .docs-sidebar form.docs-search>input.is-active{box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}.is-small.textarea,.is-small.input,#documenter .docs-sidebar form.docs-search>input{border-radius:2px;font-size:.75rem}.is-medium.textarea,.is-medium.input,#documenter .docs-sidebar form.docs-search>input.is-medium{font-size:1.25rem}.is-large.textarea,.is-large.input,#documenter .docs-sidebar form.docs-search>input.is-large{font-size:1.5rem}.is-fullwidth.textarea,.is-fullwidth.input,#documenter .docs-sidebar form.docs-search>input.is-fullwidth{display:block;width:100%}.is-inline.textarea,.is-inline.input,#documenter .docs-sidebar form.docs-search>input.is-inline{display:inline;width:auto}.input.is-rounded,#documenter .docs-sidebar form.docs-search>input{border-radius:9999px;padding-left:calc(calc(0.75em - 1px) + 0.375em);padding-right:calc(calc(0.75em - 1px) + 0.375em)}.input.is-static,#documenter .docs-sidebar form.docs-search>input.is-static{background-color:transparent;border-color:transparent;box-shadow:none;padding-left:0;padding-right:0}.textarea{display:block;max-width:100%;min-width:100%;padding:calc(0.75em - 1px);resize:vertical}.textarea:not([rows]){max-height:40em;min-height:8em}.textarea[rows]{height:initial}.textarea.has-fixed-size{resize:none}.radio,.checkbox{cursor:pointer;display:inline-block;line-height:1.25;position:relative}.radio input,.checkbox input{cursor:pointer}.radio:hover,.checkbox:hover{color:#222}.radio[disabled],.checkbox[disabled],fieldset[disabled] .radio,fieldset[disabled] .checkbox,.radio input[disabled],.checkbox input[disabled]{color:#6b6b6b;cursor:not-allowed}.radio+.radio{margin-left:.5em}.select{display:inline-block;max-width:100%;position:relative;vertical-align:top}.select:not(.is-multiple){height:2.5em}.select:not(.is-multiple):not(.is-loading)::after{border-color:#2e63b8;right:1.125em;z-index:4}.select.is-rounded select,#documenter .docs-sidebar form.docs-search>input.select select{border-radius:9999px;padding-left:1em}.select select{cursor:pointer;display:block;font-size:1em;max-width:100%;outline:none}.select select::-ms-expand{display:none}.select select[disabled]:hover,fieldset[disabled] .select select:hover{border-color:#f5f5f5}.select select:not([multiple]){padding-right:2.5em}.select select[multiple]{height:auto;padding:0}.select select[multiple] option{padding:0.5em 1em}.select:not(.is-multiple):not(.is-loading):hover::after{border-color:#222}.select.is-white:not(:hover)::after{border-color:#fff}.select.is-white select{border-color:#fff}.select.is-white select:hover,.select.is-white select.is-hovered{border-color:#f2f2f2}.select.is-white select:focus,.select.is-white select.is-focused,.select.is-white select:active,.select.is-white select.is-active{box-shadow:0 0 0 0.125em rgba(255,255,255,0.25)}.select.is-black:not(:hover)::after{border-color:#0a0a0a}.select.is-black select{border-color:#0a0a0a}.select.is-black select:hover,.select.is-black select.is-hovered{border-color:#000}.select.is-black select:focus,.select.is-black select.is-focused,.select.is-black select:active,.select.is-black select.is-active{box-shadow:0 0 0 0.125em rgba(10,10,10,0.25)}.select.is-light:not(:hover)::after{border-color:#f5f5f5}.select.is-light select{border-color:#f5f5f5}.select.is-light select:hover,.select.is-light select.is-hovered{border-color:#e8e8e8}.select.is-light select:focus,.select.is-light select.is-focused,.select.is-light select:active,.select.is-light select.is-active{box-shadow:0 0 0 0.125em rgba(245,245,245,0.25)}.select.is-dark:not(:hover)::after,.content kbd.select:not(:hover)::after{border-color:#363636}.select.is-dark select,.content kbd.select select{border-color:#363636}.select.is-dark select:hover,.content kbd.select select:hover,.select.is-dark select.is-hovered,.content kbd.select select.is-hovered{border-color:#292929}.select.is-dark select:focus,.content kbd.select select:focus,.select.is-dark select.is-focused,.content kbd.select select.is-focused,.select.is-dark select:active,.content kbd.select select:active,.select.is-dark select.is-active,.content kbd.select select.is-active{box-shadow:0 0 0 0.125em rgba(54,54,54,0.25)}.select.is-primary:not(:hover)::after,.docstring>section>a.select.docs-sourcelink:not(:hover)::after{border-color:#4eb5de}.select.is-primary select,.docstring>section>a.select.docs-sourcelink select{border-color:#4eb5de}.select.is-primary select:hover,.docstring>section>a.select.docs-sourcelink select:hover,.select.is-primary select.is-hovered,.docstring>section>a.select.docs-sourcelink select.is-hovered{border-color:#39acda}.select.is-primary select:focus,.docstring>section>a.select.docs-sourcelink select:focus,.select.is-primary select.is-focused,.docstring>section>a.select.docs-sourcelink select.is-focused,.select.is-primary select:active,.docstring>section>a.select.docs-sourcelink select:active,.select.is-primary select.is-active,.docstring>section>a.select.docs-sourcelink select.is-active{box-shadow:0 0 0 0.125em rgba(78,181,222,0.25)}.select.is-link:not(:hover)::after{border-color:#2e63b8}.select.is-link select{border-color:#2e63b8}.select.is-link select:hover,.select.is-link select.is-hovered{border-color:#2958a4}.select.is-link select:focus,.select.is-link select.is-focused,.select.is-link select:active,.select.is-link select.is-active{box-shadow:0 0 0 0.125em rgba(46,99,184,0.25)}.select.is-info:not(:hover)::after{border-color:#3c5dcd}.select.is-info select{border-color:#3c5dcd}.select.is-info select:hover,.select.is-info select.is-hovered{border-color:#3151bf}.select.is-info select:focus,.select.is-info select.is-focused,.select.is-info select:active,.select.is-info select.is-active{box-shadow:0 0 0 0.125em rgba(60,93,205,0.25)}.select.is-success:not(:hover)::after{border-color:#259a12}.select.is-success select{border-color:#259a12}.select.is-success select:hover,.select.is-success select.is-hovered{border-color:#20830f}.select.is-success select:focus,.select.is-success select.is-focused,.select.is-success select:active,.select.is-success select.is-active{box-shadow:0 0 0 0.125em rgba(37,154,18,0.25)}.select.is-warning:not(:hover)::after{border-color:#a98800}.select.is-warning select{border-color:#a98800}.select.is-warning select:hover,.select.is-warning select.is-hovered{border-color:#8f7300}.select.is-warning select:focus,.select.is-warning select.is-focused,.select.is-warning select:active,.select.is-warning select.is-active{box-shadow:0 0 0 0.125em rgba(169,136,0,0.25)}.select.is-danger:not(:hover)::after{border-color:#cb3c33}.select.is-danger select{border-color:#cb3c33}.select.is-danger select:hover,.select.is-danger select.is-hovered{border-color:#b7362e}.select.is-danger select:focus,.select.is-danger select.is-focused,.select.is-danger select:active,.select.is-danger select.is-active{box-shadow:0 0 0 0.125em rgba(203,60,51,0.25)}.select.is-small,#documenter .docs-sidebar form.docs-search>input.select{border-radius:2px;font-size:.75rem}.select.is-medium{font-size:1.25rem}.select.is-large{font-size:1.5rem}.select.is-disabled::after{border-color:#6b6b6b !important;opacity:0.5}.select.is-fullwidth{width:100%}.select.is-fullwidth select{width:100%}.select.is-loading::after{margin-top:0;position:absolute;right:.625em;top:0.625em;transform:none}.select.is-loading.is-small:after,#documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}.select.is-loading.is-medium:after{font-size:1.25rem}.select.is-loading.is-large:after{font-size:1.5rem}.file{align-items:stretch;display:flex;justify-content:flex-start;position:relative}.file.is-white .file-cta{background-color:#fff;border-color:transparent;color:#0a0a0a}.file.is-white:hover .file-cta,.file.is-white.is-hovered .file-cta{background-color:#f9f9f9;border-color:transparent;color:#0a0a0a}.file.is-white:focus .file-cta,.file.is-white.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(255,255,255,0.25);color:#0a0a0a}.file.is-white:active .file-cta,.file.is-white.is-active .file-cta{background-color:#f2f2f2;border-color:transparent;color:#0a0a0a}.file.is-black .file-cta{background-color:#0a0a0a;border-color:transparent;color:#fff}.file.is-black:hover .file-cta,.file.is-black.is-hovered .file-cta{background-color:#040404;border-color:transparent;color:#fff}.file.is-black:focus .file-cta,.file.is-black.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(10,10,10,0.25);color:#fff}.file.is-black:active .file-cta,.file.is-black.is-active .file-cta{background-color:#000;border-color:transparent;color:#fff}.file.is-light .file-cta{background-color:#f5f5f5;border-color:transparent;color:rgba(0,0,0,0.7)}.file.is-light:hover .file-cta,.file.is-light.is-hovered .file-cta{background-color:#eee;border-color:transparent;color:rgba(0,0,0,0.7)}.file.is-light:focus .file-cta,.file.is-light.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(245,245,245,0.25);color:rgba(0,0,0,0.7)}.file.is-light:active .file-cta,.file.is-light.is-active .file-cta{background-color:#e8e8e8;border-color:transparent;color:rgba(0,0,0,0.7)}.file.is-dark .file-cta,.content kbd.file .file-cta{background-color:#363636;border-color:transparent;color:#fff}.file.is-dark:hover .file-cta,.content kbd.file:hover .file-cta,.file.is-dark.is-hovered .file-cta,.content kbd.file.is-hovered .file-cta{background-color:#2f2f2f;border-color:transparent;color:#fff}.file.is-dark:focus .file-cta,.content kbd.file:focus .file-cta,.file.is-dark.is-focused .file-cta,.content kbd.file.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(54,54,54,0.25);color:#fff}.file.is-dark:active .file-cta,.content kbd.file:active .file-cta,.file.is-dark.is-active .file-cta,.content kbd.file.is-active .file-cta{background-color:#292929;border-color:transparent;color:#fff}.file.is-primary .file-cta,.docstring>section>a.file.docs-sourcelink .file-cta{background-color:#4eb5de;border-color:transparent;color:#fff}.file.is-primary:hover .file-cta,.docstring>section>a.file.docs-sourcelink:hover .file-cta,.file.is-primary.is-hovered .file-cta,.docstring>section>a.file.is-hovered.docs-sourcelink .file-cta{background-color:#43b1dc;border-color:transparent;color:#fff}.file.is-primary:focus .file-cta,.docstring>section>a.file.docs-sourcelink:focus .file-cta,.file.is-primary.is-focused .file-cta,.docstring>section>a.file.is-focused.docs-sourcelink .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(78,181,222,0.25);color:#fff}.file.is-primary:active .file-cta,.docstring>section>a.file.docs-sourcelink:active .file-cta,.file.is-primary.is-active .file-cta,.docstring>section>a.file.is-active.docs-sourcelink .file-cta{background-color:#39acda;border-color:transparent;color:#fff}.file.is-link .file-cta{background-color:#2e63b8;border-color:transparent;color:#fff}.file.is-link:hover .file-cta,.file.is-link.is-hovered .file-cta{background-color:#2b5eae;border-color:transparent;color:#fff}.file.is-link:focus .file-cta,.file.is-link.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(46,99,184,0.25);color:#fff}.file.is-link:active .file-cta,.file.is-link.is-active .file-cta{background-color:#2958a4;border-color:transparent;color:#fff}.file.is-info .file-cta{background-color:#3c5dcd;border-color:transparent;color:#fff}.file.is-info:hover .file-cta,.file.is-info.is-hovered .file-cta{background-color:#3355c9;border-color:transparent;color:#fff}.file.is-info:focus .file-cta,.file.is-info.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(60,93,205,0.25);color:#fff}.file.is-info:active .file-cta,.file.is-info.is-active .file-cta{background-color:#3151bf;border-color:transparent;color:#fff}.file.is-success .file-cta{background-color:#259a12;border-color:transparent;color:#fff}.file.is-success:hover .file-cta,.file.is-success.is-hovered .file-cta{background-color:#228f11;border-color:transparent;color:#fff}.file.is-success:focus .file-cta,.file.is-success.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(37,154,18,0.25);color:#fff}.file.is-success:active .file-cta,.file.is-success.is-active .file-cta{background-color:#20830f;border-color:transparent;color:#fff}.file.is-warning .file-cta{background-color:#a98800;border-color:transparent;color:#fff}.file.is-warning:hover .file-cta,.file.is-warning.is-hovered .file-cta{background-color:#9c7d00;border-color:transparent;color:#fff}.file.is-warning:focus .file-cta,.file.is-warning.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(169,136,0,0.25);color:#fff}.file.is-warning:active .file-cta,.file.is-warning.is-active .file-cta{background-color:#8f7300;border-color:transparent;color:#fff}.file.is-danger .file-cta{background-color:#cb3c33;border-color:transparent;color:#fff}.file.is-danger:hover .file-cta,.file.is-danger.is-hovered .file-cta{background-color:#c13930;border-color:transparent;color:#fff}.file.is-danger:focus .file-cta,.file.is-danger.is-focused .file-cta{border-color:transparent;box-shadow:0 0 0.5em rgba(203,60,51,0.25);color:#fff}.file.is-danger:active .file-cta,.file.is-danger.is-active .file-cta{background-color:#b7362e;border-color:transparent;color:#fff}.file.is-small,#documenter .docs-sidebar form.docs-search>input.file{font-size:.75rem}.file.is-normal{font-size:1rem}.file.is-medium{font-size:1.25rem}.file.is-medium .file-icon .fa{font-size:21px}.file.is-large{font-size:1.5rem}.file.is-large .file-icon .fa{font-size:28px}.file.has-name .file-cta{border-bottom-right-radius:0;border-top-right-radius:0}.file.has-name .file-name{border-bottom-left-radius:0;border-top-left-radius:0}.file.has-name.is-empty .file-cta{border-radius:4px}.file.has-name.is-empty .file-name{display:none}.file.is-boxed .file-label{flex-direction:column}.file.is-boxed .file-cta{flex-direction:column;height:auto;padding:1em 3em}.file.is-boxed .file-name{border-width:0 1px 1px}.file.is-boxed .file-icon{height:1.5em;width:1.5em}.file.is-boxed .file-icon .fa{font-size:21px}.file.is-boxed.is-small .file-icon .fa,#documenter .docs-sidebar form.docs-search>input.is-boxed .file-icon .fa{font-size:14px}.file.is-boxed.is-medium .file-icon .fa{font-size:28px}.file.is-boxed.is-large .file-icon .fa{font-size:35px}.file.is-boxed.has-name .file-cta{border-radius:4px 4px 0 0}.file.is-boxed.has-name .file-name{border-radius:0 0 4px 4px;border-width:0 1px 1px}.file.is-centered{justify-content:center}.file.is-fullwidth .file-label{width:100%}.file.is-fullwidth .file-name{flex-grow:1;max-width:none}.file.is-right{justify-content:flex-end}.file.is-right .file-cta{border-radius:0 4px 4px 0}.file.is-right .file-name{border-radius:4px 0 0 4px;border-width:1px 0 1px 1px;order:-1}.file-label{align-items:stretch;display:flex;cursor:pointer;justify-content:flex-start;overflow:hidden;position:relative}.file-label:hover .file-cta{background-color:#eee;color:#222}.file-label:hover .file-name{border-color:#d5d5d5}.file-label:active .file-cta{background-color:#e8e8e8;color:#222}.file-label:active .file-name{border-color:#cfcfcf}.file-input{height:100%;left:0;opacity:0;outline:none;position:absolute;top:0;width:100%}.file-cta,.file-name{border-color:#dbdbdb;border-radius:4px;font-size:1em;padding-left:1em;padding-right:1em;white-space:nowrap}.file-cta{background-color:#f5f5f5;color:#222}.file-name{border-color:#dbdbdb;border-style:solid;border-width:1px 1px 1px 0;display:block;max-width:16em;overflow:hidden;text-align:inherit;text-overflow:ellipsis}.file-icon{align-items:center;display:flex;height:1em;justify-content:center;margin-right:.5em;width:1em}.file-icon .fa{font-size:14px}.label{color:#222;display:block;font-size:1rem;font-weight:700}.label:not(:last-child){margin-bottom:0.5em}.label.is-small,#documenter .docs-sidebar form.docs-search>input.label{font-size:.75rem}.label.is-medium{font-size:1.25rem}.label.is-large{font-size:1.5rem}.help{display:block;font-size:.75rem;margin-top:0.25rem}.help.is-white{color:#fff}.help.is-black{color:#0a0a0a}.help.is-light{color:#f5f5f5}.help.is-dark,.content kbd.help{color:#363636}.help.is-primary,.docstring>section>a.help.docs-sourcelink{color:#4eb5de}.help.is-link{color:#2e63b8}.help.is-info{color:#3c5dcd}.help.is-success{color:#259a12}.help.is-warning{color:#a98800}.help.is-danger{color:#cb3c33}.field:not(:last-child){margin-bottom:0.75rem}.field.has-addons{display:flex;justify-content:flex-start}.field.has-addons .control:not(:last-child){margin-right:-1px}.field.has-addons .control:not(:first-child):not(:last-child) .button,.field.has-addons .control:not(:first-child):not(:last-child) .input,.field.has-addons .control:not(:first-child):not(:last-child) #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar .field.has-addons .control:not(:first-child):not(:last-child) form.docs-search>input,.field.has-addons .control:not(:first-child):not(:last-child) .select select{border-radius:0}.field.has-addons .control:first-child:not(:only-child) .button,.field.has-addons .control:first-child:not(:only-child) .input,.field.has-addons .control:first-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar .field.has-addons .control:first-child:not(:only-child) form.docs-search>input,.field.has-addons .control:first-child:not(:only-child) .select select{border-bottom-right-radius:0;border-top-right-radius:0}.field.has-addons .control:last-child:not(:only-child) .button,.field.has-addons .control:last-child:not(:only-child) .input,.field.has-addons .control:last-child:not(:only-child) #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar .field.has-addons .control:last-child:not(:only-child) form.docs-search>input,.field.has-addons .control:last-child:not(:only-child) .select select{border-bottom-left-radius:0;border-top-left-radius:0}.field.has-addons .control .button:not([disabled]):hover,.field.has-addons .control .button.is-hovered:not([disabled]),.field.has-addons .control .input:not([disabled]):hover,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):hover,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):hover,.field.has-addons .control .input.is-hovered:not([disabled]),.field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-hovered:not([disabled]),#documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-hovered:not([disabled]),.field.has-addons .control .select select:not([disabled]):hover,.field.has-addons .control .select select.is-hovered:not([disabled]){z-index:2}.field.has-addons .control .button:not([disabled]):focus,.field.has-addons .control .button.is-focused:not([disabled]),.field.has-addons .control .button:not([disabled]):active,.field.has-addons .control .button.is-active:not([disabled]),.field.has-addons .control .input:not([disabled]):focus,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus,.field.has-addons .control .input.is-focused:not([disabled]),.field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]),#documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]),.field.has-addons .control .input:not([disabled]):active,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active,.field.has-addons .control .input.is-active:not([disabled]),.field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]),#documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]),.field.has-addons .control .select select:not([disabled]):focus,.field.has-addons .control .select select.is-focused:not([disabled]),.field.has-addons .control .select select:not([disabled]):active,.field.has-addons .control .select select.is-active:not([disabled]){z-index:3}.field.has-addons .control .button:not([disabled]):focus:hover,.field.has-addons .control .button.is-focused:not([disabled]):hover,.field.has-addons .control .button:not([disabled]):active:hover,.field.has-addons .control .button.is-active:not([disabled]):hover,.field.has-addons .control .input:not([disabled]):focus:hover,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):focus:hover,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):focus:hover,.field.has-addons .control .input.is-focused:not([disabled]):hover,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-focused:not([disabled]):hover,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-focused:not([disabled]):hover,.field.has-addons .control .input:not([disabled]):active:hover,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input:not([disabled]):active:hover,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input:not([disabled]):active:hover,.field.has-addons .control .input.is-active:not([disabled]):hover,.field.has-addons .control #documenter .docs-sidebar form.docs-search>input.is-active:not([disabled]):hover,#documenter .docs-sidebar .field.has-addons .control form.docs-search>input.is-active:not([disabled]):hover,.field.has-addons .control .select select:not([disabled]):focus:hover,.field.has-addons .control .select select.is-focused:not([disabled]):hover,.field.has-addons .control .select select:not([disabled]):active:hover,.field.has-addons .control .select select.is-active:not([disabled]):hover{z-index:4}.field.has-addons .control.is-expanded{flex-grow:1;flex-shrink:1}.field.has-addons.has-addons-centered{justify-content:center}.field.has-addons.has-addons-right{justify-content:flex-end}.field.has-addons.has-addons-fullwidth .control{flex-grow:1;flex-shrink:0}.field.is-grouped{display:flex;justify-content:flex-start}.field.is-grouped>.control{flex-shrink:0}.field.is-grouped>.control:not(:last-child){margin-bottom:0;margin-right:.75rem}.field.is-grouped>.control.is-expanded{flex-grow:1;flex-shrink:1}.field.is-grouped.is-grouped-centered{justify-content:center}.field.is-grouped.is-grouped-right{justify-content:flex-end}.field.is-grouped.is-grouped-multiline{flex-wrap:wrap}.field.is-grouped.is-grouped-multiline>.control:last-child,.field.is-grouped.is-grouped-multiline>.control:not(:last-child){margin-bottom:0.75rem}.field.is-grouped.is-grouped-multiline:last-child{margin-bottom:-0.75rem}.field.is-grouped.is-grouped-multiline:not(:last-child){margin-bottom:0}@media screen and (min-width: 769px),print{.field.is-horizontal{display:flex}}.field-label .label{font-size:inherit}@media screen and (max-width: 768px){.field-label{margin-bottom:0.5rem}}@media screen and (min-width: 769px),print{.field-label{flex-basis:0;flex-grow:1;flex-shrink:0;margin-right:1.5rem;text-align:right}.field-label.is-small,#documenter .docs-sidebar form.docs-search>input.field-label{font-size:.75rem;padding-top:0.375em}.field-label.is-normal{padding-top:0.375em}.field-label.is-medium{font-size:1.25rem;padding-top:0.375em}.field-label.is-large{font-size:1.5rem;padding-top:0.375em}}.field-body .field .field{margin-bottom:0}@media screen and (min-width: 769px),print{.field-body{display:flex;flex-basis:0;flex-grow:5;flex-shrink:1}.field-body .field{margin-bottom:0}.field-body>.field{flex-shrink:1}.field-body>.field:not(.is-narrow){flex-grow:1}.field-body>.field:not(:last-child){margin-right:.75rem}}.control{box-sizing:border-box;clear:both;font-size:1rem;position:relative;text-align:inherit}.control.has-icons-left .input:focus~.icon,.control.has-icons-left #documenter .docs-sidebar form.docs-search>input:focus~.icon,#documenter .docs-sidebar .control.has-icons-left form.docs-search>input:focus~.icon,.control.has-icons-left .select:focus~.icon,.control.has-icons-right .input:focus~.icon,.control.has-icons-right #documenter .docs-sidebar form.docs-search>input:focus~.icon,#documenter .docs-sidebar .control.has-icons-right form.docs-search>input:focus~.icon,.control.has-icons-right .select:focus~.icon{color:#222}.control.has-icons-left .input.is-small~.icon,.control.has-icons-left #documenter .docs-sidebar form.docs-search>input~.icon,#documenter .docs-sidebar .control.has-icons-left form.docs-search>input~.icon,.control.has-icons-left .select.is-small~.icon,.control.has-icons-right .input.is-small~.icon,.control.has-icons-right #documenter .docs-sidebar form.docs-search>input~.icon,#documenter .docs-sidebar .control.has-icons-right form.docs-search>input~.icon,.control.has-icons-right .select.is-small~.icon{font-size:.75rem}.control.has-icons-left .input.is-medium~.icon,.control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,#documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-medium~.icon,.control.has-icons-left .select.is-medium~.icon,.control.has-icons-right .input.is-medium~.icon,.control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-medium~.icon,#documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-medium~.icon,.control.has-icons-right .select.is-medium~.icon{font-size:1.25rem}.control.has-icons-left .input.is-large~.icon,.control.has-icons-left #documenter .docs-sidebar form.docs-search>input.is-large~.icon,#documenter .docs-sidebar .control.has-icons-left form.docs-search>input.is-large~.icon,.control.has-icons-left .select.is-large~.icon,.control.has-icons-right .input.is-large~.icon,.control.has-icons-right #documenter .docs-sidebar form.docs-search>input.is-large~.icon,#documenter .docs-sidebar .control.has-icons-right form.docs-search>input.is-large~.icon,.control.has-icons-right .select.is-large~.icon{font-size:1.5rem}.control.has-icons-left .icon,.control.has-icons-right .icon{color:#dbdbdb;height:2.5em;pointer-events:none;position:absolute;top:0;width:2.5em;z-index:4}.control.has-icons-left .input,.control.has-icons-left #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar .control.has-icons-left form.docs-search>input,.control.has-icons-left .select select{padding-left:2.5em}.control.has-icons-left .icon.is-left{left:0}.control.has-icons-right .input,.control.has-icons-right #documenter .docs-sidebar form.docs-search>input,#documenter .docs-sidebar .control.has-icons-right form.docs-search>input,.control.has-icons-right .select select{padding-right:2.5em}.control.has-icons-right .icon.is-right{right:0}.control.is-loading::after{position:absolute !important;right:.625em;top:0.625em;z-index:4}.control.is-loading.is-small:after,#documenter .docs-sidebar form.docs-search>input.is-loading:after{font-size:.75rem}.control.is-loading.is-medium:after{font-size:1.25rem}.control.is-loading.is-large:after{font-size:1.5rem}.breadcrumb{font-size:1rem;white-space:nowrap}.breadcrumb a{align-items:center;color:#2e63b8;display:flex;justify-content:center;padding:0 .75em}.breadcrumb a:hover{color:#363636}.breadcrumb li{align-items:center;display:flex}.breadcrumb li:first-child a{padding-left:0}.breadcrumb li.is-active a{color:#222;cursor:default;pointer-events:none}.breadcrumb li+li::before{color:#b5b5b5;content:"\0002f"}.breadcrumb ul,.breadcrumb ol{align-items:flex-start;display:flex;flex-wrap:wrap;justify-content:flex-start}.breadcrumb .icon:first-child{margin-right:.5em}.breadcrumb .icon:last-child{margin-left:.5em}.breadcrumb.is-centered ol,.breadcrumb.is-centered ul{justify-content:center}.breadcrumb.is-right ol,.breadcrumb.is-right ul{justify-content:flex-end}.breadcrumb.is-small,#documenter .docs-sidebar form.docs-search>input.breadcrumb{font-size:.75rem}.breadcrumb.is-medium{font-size:1.25rem}.breadcrumb.is-large{font-size:1.5rem}.breadcrumb.has-arrow-separator li+li::before{content:"\02192"}.breadcrumb.has-bullet-separator li+li::before{content:"\02022"}.breadcrumb.has-dot-separator li+li::before{content:"\000b7"}.breadcrumb.has-succeeds-separator li+li::before{content:"\0227B"}.card{background-color:#fff;border-radius:.25rem;box-shadow:#bbb;color:#222;max-width:100%;position:relative}.card-footer:first-child,.card-content:first-child,.card-header:first-child{border-top-left-radius:.25rem;border-top-right-radius:.25rem}.card-footer:last-child,.card-content:last-child,.card-header:last-child{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}.card-header{background-color:rgba(0,0,0,0);align-items:stretch;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);display:flex}.card-header-title{align-items:center;color:#222;display:flex;flex-grow:1;font-weight:700;padding:0.75rem 1rem}.card-header-title.is-centered{justify-content:center}.card-header-icon{-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;color:currentColor;font-family:inherit;font-size:1em;margin:0;padding:0;align-items:center;cursor:pointer;display:flex;justify-content:center;padding:0.75rem 1rem}.card-image{display:block;position:relative}.card-image:first-child img{border-top-left-radius:.25rem;border-top-right-radius:.25rem}.card-image:last-child img{border-bottom-left-radius:.25rem;border-bottom-right-radius:.25rem}.card-content{background-color:rgba(0,0,0,0);padding:1.5rem}.card-footer{background-color:rgba(0,0,0,0);border-top:1px solid #ededed;align-items:stretch;display:flex}.card-footer-item{align-items:center;display:flex;flex-basis:0;flex-grow:1;flex-shrink:0;justify-content:center;padding:.75rem}.card-footer-item:not(:last-child){border-right:1px solid #ededed}.card .media:not(:last-child){margin-bottom:1.5rem}.dropdown{display:inline-flex;position:relative;vertical-align:top}.dropdown.is-active .dropdown-menu,.dropdown.is-hoverable:hover .dropdown-menu{display:block}.dropdown.is-right .dropdown-menu{left:auto;right:0}.dropdown.is-up .dropdown-menu{bottom:100%;padding-bottom:4px;padding-top:initial;top:auto}.dropdown-menu{display:none;left:0;min-width:12rem;padding-top:4px;position:absolute;top:100%;z-index:20}.dropdown-content{background-color:#fff;border-radius:4px;box-shadow:#bbb;padding-bottom:.5rem;padding-top:.5rem}.dropdown-item{color:#222;display:block;font-size:0.875rem;line-height:1.5;padding:0.375rem 1rem;position:relative}a.dropdown-item,button.dropdown-item{padding-right:3rem;text-align:inherit;white-space:nowrap;width:100%}a.dropdown-item:hover,button.dropdown-item:hover{background-color:#f5f5f5;color:#0a0a0a}a.dropdown-item.is-active,button.dropdown-item.is-active{background-color:#2e63b8;color:#fff}.dropdown-divider{background-color:#ededed;border:none;display:block;height:1px;margin:0.5rem 0}.level{align-items:center;justify-content:space-between}.level code{border-radius:4px}.level img{display:inline-block;vertical-align:top}.level.is-mobile{display:flex}.level.is-mobile .level-left,.level.is-mobile .level-right{display:flex}.level.is-mobile .level-left+.level-right{margin-top:0}.level.is-mobile .level-item:not(:last-child){margin-bottom:0;margin-right:.75rem}.level.is-mobile .level-item:not(.is-narrow){flex-grow:1}@media screen and (min-width: 769px),print{.level{display:flex}.level>.level-item:not(.is-narrow){flex-grow:1}}.level-item{align-items:center;display:flex;flex-basis:auto;flex-grow:0;flex-shrink:0;justify-content:center}.level-item .title,.level-item .subtitle{margin-bottom:0}@media screen and (max-width: 768px){.level-item:not(:last-child){margin-bottom:.75rem}}.level-left,.level-right{flex-basis:auto;flex-grow:0;flex-shrink:0}.level-left .level-item.is-flexible,.level-right .level-item.is-flexible{flex-grow:1}@media screen and (min-width: 769px),print{.level-left .level-item:not(:last-child),.level-right .level-item:not(:last-child){margin-right:.75rem}}.level-left{align-items:center;justify-content:flex-start}@media screen and (max-width: 768px){.level-left+.level-right{margin-top:1.5rem}}@media screen and (min-width: 769px),print{.level-left{display:flex}}.level-right{align-items:center;justify-content:flex-end}@media screen and (min-width: 769px),print{.level-right{display:flex}}.media{align-items:flex-start;display:flex;text-align:inherit}.media .content:not(:last-child){margin-bottom:.75rem}.media .media{border-top:1px solid rgba(219,219,219,0.5);display:flex;padding-top:.75rem}.media .media .content:not(:last-child),.media .media .control:not(:last-child){margin-bottom:.5rem}.media .media .media{padding-top:.5rem}.media .media .media+.media{margin-top:.5rem}.media+.media{border-top:1px solid rgba(219,219,219,0.5);margin-top:1rem;padding-top:1rem}.media.is-large+.media{margin-top:1.5rem;padding-top:1.5rem}.media-left,.media-right{flex-basis:auto;flex-grow:0;flex-shrink:0}.media-left{margin-right:1rem}.media-right{margin-left:1rem}.media-content{flex-basis:auto;flex-grow:1;flex-shrink:1;text-align:inherit}@media screen and (max-width: 768px){.media-content{overflow-x:auto}}.menu{font-size:1rem}.menu.is-small,#documenter .docs-sidebar form.docs-search>input.menu{font-size:.75rem}.menu.is-medium{font-size:1.25rem}.menu.is-large{font-size:1.5rem}.menu-list{line-height:1.25}.menu-list a{border-radius:2px;color:#222;display:block;padding:0.5em 0.75em}.menu-list a:hover{background-color:#f5f5f5;color:#222}.menu-list a.is-active{background-color:#2e63b8;color:#fff}.menu-list li ul{border-left:1px solid #dbdbdb;margin:.75em;padding-left:.75em}.menu-label{color:#6b6b6b;font-size:.75em;letter-spacing:.1em;text-transform:uppercase}.menu-label:not(:first-child){margin-top:1em}.menu-label:not(:last-child){margin-bottom:1em}.message{background-color:#f5f5f5;border-radius:4px;font-size:1rem}.message strong{color:currentColor}.message a:not(.button):not(.tag):not(.dropdown-item){color:currentColor;text-decoration:underline}.message.is-small,#documenter .docs-sidebar form.docs-search>input.message{font-size:.75rem}.message.is-medium{font-size:1.25rem}.message.is-large{font-size:1.5rem}.message.is-white{background-color:#fff}.message.is-white .message-header{background-color:#fff;color:#0a0a0a}.message.is-white .message-body{border-color:#fff}.message.is-black{background-color:#fafafa}.message.is-black .message-header{background-color:#0a0a0a;color:#fff}.message.is-black .message-body{border-color:#0a0a0a}.message.is-light{background-color:#fafafa}.message.is-light .message-header{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.message.is-light .message-body{border-color:#f5f5f5}.message.is-dark,.content kbd.message{background-color:#fafafa}.message.is-dark .message-header,.content kbd.message .message-header{background-color:#363636;color:#fff}.message.is-dark .message-body,.content kbd.message .message-body{border-color:#363636}.message.is-primary,.docstring>section>a.message.docs-sourcelink{background-color:#eef8fc}.message.is-primary .message-header,.docstring>section>a.message.docs-sourcelink .message-header{background-color:#4eb5de;color:#fff}.message.is-primary .message-body,.docstring>section>a.message.docs-sourcelink .message-body{border-color:#4eb5de;color:#1a6d8e}.message.is-link{background-color:#eff3fb}.message.is-link .message-header{background-color:#2e63b8;color:#fff}.message.is-link .message-body{border-color:#2e63b8;color:#3169c4}.message.is-info{background-color:#eff2fb}.message.is-info .message-header{background-color:#3c5dcd;color:#fff}.message.is-info .message-body{border-color:#3c5dcd;color:#3253c3}.message.is-success{background-color:#effded}.message.is-success .message-header{background-color:#259a12;color:#fff}.message.is-success .message-body{border-color:#259a12;color:#2ec016}.message.is-warning{background-color:#fffbeb}.message.is-warning .message-header{background-color:#a98800;color:#fff}.message.is-warning .message-body{border-color:#a98800;color:#cca400}.message.is-danger{background-color:#fbefef}.message.is-danger .message-header{background-color:#cb3c33;color:#fff}.message.is-danger .message-body{border-color:#cb3c33;color:#c03930}.message-header{align-items:center;background-color:#222;border-radius:4px 4px 0 0;color:#fff;display:flex;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.75em 1em;position:relative}.message-header .delete{flex-grow:0;flex-shrink:0;margin-left:.75em}.message-header+.message-body{border-width:0;border-top-left-radius:0;border-top-right-radius:0}.message-body{border-color:#dbdbdb;border-radius:4px;border-style:solid;border-width:0 0 0 4px;color:#222;padding:1.25em 1.5em}.message-body code,.message-body pre{background-color:#fff}.message-body pre code{background-color:rgba(0,0,0,0)}.modal{align-items:center;display:none;flex-direction:column;justify-content:center;overflow:hidden;position:fixed;z-index:40}.modal.is-active{display:flex}.modal-background{background-color:rgba(10,10,10,0.86)}.modal-content,.modal-card{margin:0 20px;max-height:calc(100vh - 160px);overflow:auto;position:relative;width:100%}@media screen and (min-width: 769px){.modal-content,.modal-card{margin:0 auto;max-height:calc(100vh - 40px);width:640px}}.modal-close{background:none;height:40px;position:fixed;right:20px;top:20px;width:40px}.modal-card{display:flex;flex-direction:column;max-height:calc(100vh - 40px);overflow:hidden;-ms-overflow-y:visible}.modal-card-head,.modal-card-foot{align-items:center;background-color:#f5f5f5;display:flex;flex-shrink:0;justify-content:flex-start;padding:20px;position:relative}.modal-card-head{border-bottom:1px solid #dbdbdb;border-top-left-radius:6px;border-top-right-radius:6px}.modal-card-title{color:#222;flex-grow:1;flex-shrink:0;font-size:1.5rem;line-height:1}.modal-card-foot{border-bottom-left-radius:6px;border-bottom-right-radius:6px;border-top:1px solid #dbdbdb}.modal-card-foot .button:not(:last-child){margin-right:.5em}.modal-card-body{-webkit-overflow-scrolling:touch;background-color:#fff;flex-grow:1;flex-shrink:1;overflow:auto;padding:20px}.navbar{background-color:#fff;min-height:3.25rem;position:relative;z-index:30}.navbar.is-white{background-color:#fff;color:#0a0a0a}.navbar.is-white .navbar-brand>.navbar-item,.navbar.is-white .navbar-brand .navbar-link{color:#0a0a0a}.navbar.is-white .navbar-brand>a.navbar-item:focus,.navbar.is-white .navbar-brand>a.navbar-item:hover,.navbar.is-white .navbar-brand>a.navbar-item.is-active,.navbar.is-white .navbar-brand .navbar-link:focus,.navbar.is-white .navbar-brand .navbar-link:hover,.navbar.is-white .navbar-brand .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}.navbar.is-white .navbar-brand .navbar-link::after{border-color:#0a0a0a}.navbar.is-white .navbar-burger{color:#0a0a0a}@media screen and (min-width: 1056px){.navbar.is-white .navbar-start>.navbar-item,.navbar.is-white .navbar-start .navbar-link,.navbar.is-white .navbar-end>.navbar-item,.navbar.is-white .navbar-end .navbar-link{color:#0a0a0a}.navbar.is-white .navbar-start>a.navbar-item:focus,.navbar.is-white .navbar-start>a.navbar-item:hover,.navbar.is-white .navbar-start>a.navbar-item.is-active,.navbar.is-white .navbar-start .navbar-link:focus,.navbar.is-white .navbar-start .navbar-link:hover,.navbar.is-white .navbar-start .navbar-link.is-active,.navbar.is-white .navbar-end>a.navbar-item:focus,.navbar.is-white .navbar-end>a.navbar-item:hover,.navbar.is-white .navbar-end>a.navbar-item.is-active,.navbar.is-white .navbar-end .navbar-link:focus,.navbar.is-white .navbar-end .navbar-link:hover,.navbar.is-white .navbar-end .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}.navbar.is-white .navbar-start .navbar-link::after,.navbar.is-white .navbar-end .navbar-link::after{border-color:#0a0a0a}.navbar.is-white .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-white .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-white .navbar-item.has-dropdown.is-active .navbar-link{background-color:#f2f2f2;color:#0a0a0a}.navbar.is-white .navbar-dropdown a.navbar-item.is-active{background-color:#fff;color:#0a0a0a}}.navbar.is-black{background-color:#0a0a0a;color:#fff}.navbar.is-black .navbar-brand>.navbar-item,.navbar.is-black .navbar-brand .navbar-link{color:#fff}.navbar.is-black .navbar-brand>a.navbar-item:focus,.navbar.is-black .navbar-brand>a.navbar-item:hover,.navbar.is-black .navbar-brand>a.navbar-item.is-active,.navbar.is-black .navbar-brand .navbar-link:focus,.navbar.is-black .navbar-brand .navbar-link:hover,.navbar.is-black .navbar-brand .navbar-link.is-active{background-color:#000;color:#fff}.navbar.is-black .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-black .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-black .navbar-start>.navbar-item,.navbar.is-black .navbar-start .navbar-link,.navbar.is-black .navbar-end>.navbar-item,.navbar.is-black .navbar-end .navbar-link{color:#fff}.navbar.is-black .navbar-start>a.navbar-item:focus,.navbar.is-black .navbar-start>a.navbar-item:hover,.navbar.is-black .navbar-start>a.navbar-item.is-active,.navbar.is-black .navbar-start .navbar-link:focus,.navbar.is-black .navbar-start .navbar-link:hover,.navbar.is-black .navbar-start .navbar-link.is-active,.navbar.is-black .navbar-end>a.navbar-item:focus,.navbar.is-black .navbar-end>a.navbar-item:hover,.navbar.is-black .navbar-end>a.navbar-item.is-active,.navbar.is-black .navbar-end .navbar-link:focus,.navbar.is-black .navbar-end .navbar-link:hover,.navbar.is-black .navbar-end .navbar-link.is-active{background-color:#000;color:#fff}.navbar.is-black .navbar-start .navbar-link::after,.navbar.is-black .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-black .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-black .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-black .navbar-item.has-dropdown.is-active .navbar-link{background-color:#000;color:#fff}.navbar.is-black .navbar-dropdown a.navbar-item.is-active{background-color:#0a0a0a;color:#fff}}.navbar.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-brand>.navbar-item,.navbar.is-light .navbar-brand .navbar-link{color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-brand>a.navbar-item:focus,.navbar.is-light .navbar-brand>a.navbar-item:hover,.navbar.is-light .navbar-brand>a.navbar-item.is-active,.navbar.is-light .navbar-brand .navbar-link:focus,.navbar.is-light .navbar-brand .navbar-link:hover,.navbar.is-light .navbar-brand .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-brand .navbar-link::after{border-color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-burger{color:rgba(0,0,0,0.7)}@media screen and (min-width: 1056px){.navbar.is-light .navbar-start>.navbar-item,.navbar.is-light .navbar-start .navbar-link,.navbar.is-light .navbar-end>.navbar-item,.navbar.is-light .navbar-end .navbar-link{color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-start>a.navbar-item:focus,.navbar.is-light .navbar-start>a.navbar-item:hover,.navbar.is-light .navbar-start>a.navbar-item.is-active,.navbar.is-light .navbar-start .navbar-link:focus,.navbar.is-light .navbar-start .navbar-link:hover,.navbar.is-light .navbar-start .navbar-link.is-active,.navbar.is-light .navbar-end>a.navbar-item:focus,.navbar.is-light .navbar-end>a.navbar-item:hover,.navbar.is-light .navbar-end>a.navbar-item.is-active,.navbar.is-light .navbar-end .navbar-link:focus,.navbar.is-light .navbar-end .navbar-link:hover,.navbar.is-light .navbar-end .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-start .navbar-link::after,.navbar.is-light .navbar-end .navbar-link::after{border-color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-light .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-light .navbar-item.has-dropdown.is-active .navbar-link{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}.navbar.is-light .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}}.navbar.is-dark,.content kbd.navbar{background-color:#363636;color:#fff}.navbar.is-dark .navbar-brand>.navbar-item,.content kbd.navbar .navbar-brand>.navbar-item,.navbar.is-dark .navbar-brand .navbar-link,.content kbd.navbar .navbar-brand .navbar-link{color:#fff}.navbar.is-dark .navbar-brand>a.navbar-item:focus,.content kbd.navbar .navbar-brand>a.navbar-item:focus,.navbar.is-dark .navbar-brand>a.navbar-item:hover,.content kbd.navbar .navbar-brand>a.navbar-item:hover,.navbar.is-dark .navbar-brand>a.navbar-item.is-active,.content kbd.navbar .navbar-brand>a.navbar-item.is-active,.navbar.is-dark .navbar-brand .navbar-link:focus,.content kbd.navbar .navbar-brand .navbar-link:focus,.navbar.is-dark .navbar-brand .navbar-link:hover,.content kbd.navbar .navbar-brand .navbar-link:hover,.navbar.is-dark .navbar-brand .navbar-link.is-active,.content kbd.navbar .navbar-brand .navbar-link.is-active{background-color:#292929;color:#fff}.navbar.is-dark .navbar-brand .navbar-link::after,.content kbd.navbar .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-dark .navbar-burger,.content kbd.navbar .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-dark .navbar-start>.navbar-item,.content kbd.navbar .navbar-start>.navbar-item,.navbar.is-dark .navbar-start .navbar-link,.content kbd.navbar .navbar-start .navbar-link,.navbar.is-dark .navbar-end>.navbar-item,.content kbd.navbar .navbar-end>.navbar-item,.navbar.is-dark .navbar-end .navbar-link,.content kbd.navbar .navbar-end .navbar-link{color:#fff}.navbar.is-dark .navbar-start>a.navbar-item:focus,.content kbd.navbar .navbar-start>a.navbar-item:focus,.navbar.is-dark .navbar-start>a.navbar-item:hover,.content kbd.navbar .navbar-start>a.navbar-item:hover,.navbar.is-dark .navbar-start>a.navbar-item.is-active,.content kbd.navbar .navbar-start>a.navbar-item.is-active,.navbar.is-dark .navbar-start .navbar-link:focus,.content kbd.navbar .navbar-start .navbar-link:focus,.navbar.is-dark .navbar-start .navbar-link:hover,.content kbd.navbar .navbar-start .navbar-link:hover,.navbar.is-dark .navbar-start .navbar-link.is-active,.content kbd.navbar .navbar-start .navbar-link.is-active,.navbar.is-dark .navbar-end>a.navbar-item:focus,.content kbd.navbar .navbar-end>a.navbar-item:focus,.navbar.is-dark .navbar-end>a.navbar-item:hover,.content kbd.navbar .navbar-end>a.navbar-item:hover,.navbar.is-dark .navbar-end>a.navbar-item.is-active,.content kbd.navbar .navbar-end>a.navbar-item.is-active,.navbar.is-dark .navbar-end .navbar-link:focus,.content kbd.navbar .navbar-end .navbar-link:focus,.navbar.is-dark .navbar-end .navbar-link:hover,.content kbd.navbar .navbar-end .navbar-link:hover,.navbar.is-dark .navbar-end .navbar-link.is-active,.content kbd.navbar .navbar-end .navbar-link.is-active{background-color:#292929;color:#fff}.navbar.is-dark .navbar-start .navbar-link::after,.content kbd.navbar .navbar-start .navbar-link::after,.navbar.is-dark .navbar-end .navbar-link::after,.content kbd.navbar .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-dark .navbar-item.has-dropdown:focus .navbar-link,.content kbd.navbar .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-dark .navbar-item.has-dropdown:hover .navbar-link,.content kbd.navbar .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-dark .navbar-item.has-dropdown.is-active .navbar-link,.content kbd.navbar .navbar-item.has-dropdown.is-active .navbar-link{background-color:#292929;color:#fff}.navbar.is-dark .navbar-dropdown a.navbar-item.is-active,.content kbd.navbar .navbar-dropdown a.navbar-item.is-active{background-color:#363636;color:#fff}}.navbar.is-primary,.docstring>section>a.navbar.docs-sourcelink{background-color:#4eb5de;color:#fff}.navbar.is-primary .navbar-brand>.navbar-item,.docstring>section>a.navbar.docs-sourcelink .navbar-brand>.navbar-item,.navbar.is-primary .navbar-brand .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link{color:#fff}.navbar.is-primary .navbar-brand>a.navbar-item:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:focus,.navbar.is-primary .navbar-brand>a.navbar-item:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item:hover,.navbar.is-primary .navbar-brand>a.navbar-item.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-brand>a.navbar-item.is-active,.navbar.is-primary .navbar-brand .navbar-link:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:focus,.navbar.is-primary .navbar-brand .navbar-link:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link:hover,.navbar.is-primary .navbar-brand .navbar-link.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link.is-active{background-color:#39acda;color:#fff}.navbar.is-primary .navbar-brand .navbar-link::after,.docstring>section>a.navbar.docs-sourcelink .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-primary .navbar-burger,.docstring>section>a.navbar.docs-sourcelink .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-primary .navbar-start>.navbar-item,.docstring>section>a.navbar.docs-sourcelink .navbar-start>.navbar-item,.navbar.is-primary .navbar-start .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link,.navbar.is-primary .navbar-end>.navbar-item,.docstring>section>a.navbar.docs-sourcelink .navbar-end>.navbar-item,.navbar.is-primary .navbar-end .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link{color:#fff}.navbar.is-primary .navbar-start>a.navbar-item:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:focus,.navbar.is-primary .navbar-start>a.navbar-item:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item:hover,.navbar.is-primary .navbar-start>a.navbar-item.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-start>a.navbar-item.is-active,.navbar.is-primary .navbar-start .navbar-link:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:focus,.navbar.is-primary .navbar-start .navbar-link:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link:hover,.navbar.is-primary .navbar-start .navbar-link.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link.is-active,.navbar.is-primary .navbar-end>a.navbar-item:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:focus,.navbar.is-primary .navbar-end>a.navbar-item:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item:hover,.navbar.is-primary .navbar-end>a.navbar-item.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-end>a.navbar-item.is-active,.navbar.is-primary .navbar-end .navbar-link:focus,.docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:focus,.navbar.is-primary .navbar-end .navbar-link:hover,.docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link:hover,.navbar.is-primary .navbar-end .navbar-link.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link.is-active{background-color:#39acda;color:#fff}.navbar.is-primary .navbar-start .navbar-link::after,.docstring>section>a.navbar.docs-sourcelink .navbar-start .navbar-link::after,.navbar.is-primary .navbar-end .navbar-link::after,.docstring>section>a.navbar.docs-sourcelink .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-primary .navbar-item.has-dropdown:focus .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-primary .navbar-item.has-dropdown:hover .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-primary .navbar-item.has-dropdown.is-active .navbar-link,.docstring>section>a.navbar.docs-sourcelink .navbar-item.has-dropdown.is-active .navbar-link{background-color:#39acda;color:#fff}.navbar.is-primary .navbar-dropdown a.navbar-item.is-active,.docstring>section>a.navbar.docs-sourcelink .navbar-dropdown a.navbar-item.is-active{background-color:#4eb5de;color:#fff}}.navbar.is-link{background-color:#2e63b8;color:#fff}.navbar.is-link .navbar-brand>.navbar-item,.navbar.is-link .navbar-brand .navbar-link{color:#fff}.navbar.is-link .navbar-brand>a.navbar-item:focus,.navbar.is-link .navbar-brand>a.navbar-item:hover,.navbar.is-link .navbar-brand>a.navbar-item.is-active,.navbar.is-link .navbar-brand .navbar-link:focus,.navbar.is-link .navbar-brand .navbar-link:hover,.navbar.is-link .navbar-brand .navbar-link.is-active{background-color:#2958a4;color:#fff}.navbar.is-link .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-link .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-link .navbar-start>.navbar-item,.navbar.is-link .navbar-start .navbar-link,.navbar.is-link .navbar-end>.navbar-item,.navbar.is-link .navbar-end .navbar-link{color:#fff}.navbar.is-link .navbar-start>a.navbar-item:focus,.navbar.is-link .navbar-start>a.navbar-item:hover,.navbar.is-link .navbar-start>a.navbar-item.is-active,.navbar.is-link .navbar-start .navbar-link:focus,.navbar.is-link .navbar-start .navbar-link:hover,.navbar.is-link .navbar-start .navbar-link.is-active,.navbar.is-link .navbar-end>a.navbar-item:focus,.navbar.is-link .navbar-end>a.navbar-item:hover,.navbar.is-link .navbar-end>a.navbar-item.is-active,.navbar.is-link .navbar-end .navbar-link:focus,.navbar.is-link .navbar-end .navbar-link:hover,.navbar.is-link .navbar-end .navbar-link.is-active{background-color:#2958a4;color:#fff}.navbar.is-link .navbar-start .navbar-link::after,.navbar.is-link .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-link .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-link .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-link .navbar-item.has-dropdown.is-active .navbar-link{background-color:#2958a4;color:#fff}.navbar.is-link .navbar-dropdown a.navbar-item.is-active{background-color:#2e63b8;color:#fff}}.navbar.is-info{background-color:#3c5dcd;color:#fff}.navbar.is-info .navbar-brand>.navbar-item,.navbar.is-info .navbar-brand .navbar-link{color:#fff}.navbar.is-info .navbar-brand>a.navbar-item:focus,.navbar.is-info .navbar-brand>a.navbar-item:hover,.navbar.is-info .navbar-brand>a.navbar-item.is-active,.navbar.is-info .navbar-brand .navbar-link:focus,.navbar.is-info .navbar-brand .navbar-link:hover,.navbar.is-info .navbar-brand .navbar-link.is-active{background-color:#3151bf;color:#fff}.navbar.is-info .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-info .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-info .navbar-start>.navbar-item,.navbar.is-info .navbar-start .navbar-link,.navbar.is-info .navbar-end>.navbar-item,.navbar.is-info .navbar-end .navbar-link{color:#fff}.navbar.is-info .navbar-start>a.navbar-item:focus,.navbar.is-info .navbar-start>a.navbar-item:hover,.navbar.is-info .navbar-start>a.navbar-item.is-active,.navbar.is-info .navbar-start .navbar-link:focus,.navbar.is-info .navbar-start .navbar-link:hover,.navbar.is-info .navbar-start .navbar-link.is-active,.navbar.is-info .navbar-end>a.navbar-item:focus,.navbar.is-info .navbar-end>a.navbar-item:hover,.navbar.is-info .navbar-end>a.navbar-item.is-active,.navbar.is-info .navbar-end .navbar-link:focus,.navbar.is-info .navbar-end .navbar-link:hover,.navbar.is-info .navbar-end .navbar-link.is-active{background-color:#3151bf;color:#fff}.navbar.is-info .navbar-start .navbar-link::after,.navbar.is-info .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-info .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-info .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-info .navbar-item.has-dropdown.is-active .navbar-link{background-color:#3151bf;color:#fff}.navbar.is-info .navbar-dropdown a.navbar-item.is-active{background-color:#3c5dcd;color:#fff}}.navbar.is-success{background-color:#259a12;color:#fff}.navbar.is-success .navbar-brand>.navbar-item,.navbar.is-success .navbar-brand .navbar-link{color:#fff}.navbar.is-success .navbar-brand>a.navbar-item:focus,.navbar.is-success .navbar-brand>a.navbar-item:hover,.navbar.is-success .navbar-brand>a.navbar-item.is-active,.navbar.is-success .navbar-brand .navbar-link:focus,.navbar.is-success .navbar-brand .navbar-link:hover,.navbar.is-success .navbar-brand .navbar-link.is-active{background-color:#20830f;color:#fff}.navbar.is-success .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-success .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-success .navbar-start>.navbar-item,.navbar.is-success .navbar-start .navbar-link,.navbar.is-success .navbar-end>.navbar-item,.navbar.is-success .navbar-end .navbar-link{color:#fff}.navbar.is-success .navbar-start>a.navbar-item:focus,.navbar.is-success .navbar-start>a.navbar-item:hover,.navbar.is-success .navbar-start>a.navbar-item.is-active,.navbar.is-success .navbar-start .navbar-link:focus,.navbar.is-success .navbar-start .navbar-link:hover,.navbar.is-success .navbar-start .navbar-link.is-active,.navbar.is-success .navbar-end>a.navbar-item:focus,.navbar.is-success .navbar-end>a.navbar-item:hover,.navbar.is-success .navbar-end>a.navbar-item.is-active,.navbar.is-success .navbar-end .navbar-link:focus,.navbar.is-success .navbar-end .navbar-link:hover,.navbar.is-success .navbar-end .navbar-link.is-active{background-color:#20830f;color:#fff}.navbar.is-success .navbar-start .navbar-link::after,.navbar.is-success .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-success .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-success .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-success .navbar-item.has-dropdown.is-active .navbar-link{background-color:#20830f;color:#fff}.navbar.is-success .navbar-dropdown a.navbar-item.is-active{background-color:#259a12;color:#fff}}.navbar.is-warning{background-color:#a98800;color:#fff}.navbar.is-warning .navbar-brand>.navbar-item,.navbar.is-warning .navbar-brand .navbar-link{color:#fff}.navbar.is-warning .navbar-brand>a.navbar-item:focus,.navbar.is-warning .navbar-brand>a.navbar-item:hover,.navbar.is-warning .navbar-brand>a.navbar-item.is-active,.navbar.is-warning .navbar-brand .navbar-link:focus,.navbar.is-warning .navbar-brand .navbar-link:hover,.navbar.is-warning .navbar-brand .navbar-link.is-active{background-color:#8f7300;color:#fff}.navbar.is-warning .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-warning .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-warning .navbar-start>.navbar-item,.navbar.is-warning .navbar-start .navbar-link,.navbar.is-warning .navbar-end>.navbar-item,.navbar.is-warning .navbar-end .navbar-link{color:#fff}.navbar.is-warning .navbar-start>a.navbar-item:focus,.navbar.is-warning .navbar-start>a.navbar-item:hover,.navbar.is-warning .navbar-start>a.navbar-item.is-active,.navbar.is-warning .navbar-start .navbar-link:focus,.navbar.is-warning .navbar-start .navbar-link:hover,.navbar.is-warning .navbar-start .navbar-link.is-active,.navbar.is-warning .navbar-end>a.navbar-item:focus,.navbar.is-warning .navbar-end>a.navbar-item:hover,.navbar.is-warning .navbar-end>a.navbar-item.is-active,.navbar.is-warning .navbar-end .navbar-link:focus,.navbar.is-warning .navbar-end .navbar-link:hover,.navbar.is-warning .navbar-end .navbar-link.is-active{background-color:#8f7300;color:#fff}.navbar.is-warning .navbar-start .navbar-link::after,.navbar.is-warning .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-warning .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-warning .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-warning .navbar-item.has-dropdown.is-active .navbar-link{background-color:#8f7300;color:#fff}.navbar.is-warning .navbar-dropdown a.navbar-item.is-active{background-color:#a98800;color:#fff}}.navbar.is-danger{background-color:#cb3c33;color:#fff}.navbar.is-danger .navbar-brand>.navbar-item,.navbar.is-danger .navbar-brand .navbar-link{color:#fff}.navbar.is-danger .navbar-brand>a.navbar-item:focus,.navbar.is-danger .navbar-brand>a.navbar-item:hover,.navbar.is-danger .navbar-brand>a.navbar-item.is-active,.navbar.is-danger .navbar-brand .navbar-link:focus,.navbar.is-danger .navbar-brand .navbar-link:hover,.navbar.is-danger .navbar-brand .navbar-link.is-active{background-color:#b7362e;color:#fff}.navbar.is-danger .navbar-brand .navbar-link::after{border-color:#fff}.navbar.is-danger .navbar-burger{color:#fff}@media screen and (min-width: 1056px){.navbar.is-danger .navbar-start>.navbar-item,.navbar.is-danger .navbar-start .navbar-link,.navbar.is-danger .navbar-end>.navbar-item,.navbar.is-danger .navbar-end .navbar-link{color:#fff}.navbar.is-danger .navbar-start>a.navbar-item:focus,.navbar.is-danger .navbar-start>a.navbar-item:hover,.navbar.is-danger .navbar-start>a.navbar-item.is-active,.navbar.is-danger .navbar-start .navbar-link:focus,.navbar.is-danger .navbar-start .navbar-link:hover,.navbar.is-danger .navbar-start .navbar-link.is-active,.navbar.is-danger .navbar-end>a.navbar-item:focus,.navbar.is-danger .navbar-end>a.navbar-item:hover,.navbar.is-danger .navbar-end>a.navbar-item.is-active,.navbar.is-danger .navbar-end .navbar-link:focus,.navbar.is-danger .navbar-end .navbar-link:hover,.navbar.is-danger .navbar-end .navbar-link.is-active{background-color:#b7362e;color:#fff}.navbar.is-danger .navbar-start .navbar-link::after,.navbar.is-danger .navbar-end .navbar-link::after{border-color:#fff}.navbar.is-danger .navbar-item.has-dropdown:focus .navbar-link,.navbar.is-danger .navbar-item.has-dropdown:hover .navbar-link,.navbar.is-danger .navbar-item.has-dropdown.is-active .navbar-link{background-color:#b7362e;color:#fff}.navbar.is-danger .navbar-dropdown a.navbar-item.is-active{background-color:#cb3c33;color:#fff}}.navbar>.container{align-items:stretch;display:flex;min-height:3.25rem;width:100%}.navbar.has-shadow{box-shadow:0 2px 0 0 #f5f5f5}.navbar.is-fixed-bottom,.navbar.is-fixed-top{left:0;position:fixed;right:0;z-index:30}.navbar.is-fixed-bottom{bottom:0}.navbar.is-fixed-bottom.has-shadow{box-shadow:0 -2px 0 0 #f5f5f5}.navbar.is-fixed-top{top:0}html.has-navbar-fixed-top,body.has-navbar-fixed-top{padding-top:3.25rem}html.has-navbar-fixed-bottom,body.has-navbar-fixed-bottom{padding-bottom:3.25rem}.navbar-brand,.navbar-tabs{align-items:stretch;display:flex;flex-shrink:0;min-height:3.25rem}.navbar-brand a.navbar-item:focus,.navbar-brand a.navbar-item:hover{background-color:transparent}.navbar-tabs{-webkit-overflow-scrolling:touch;max-width:100vw;overflow-x:auto;overflow-y:hidden}.navbar-burger{color:#222;-moz-appearance:none;-webkit-appearance:none;appearance:none;background:none;border:none;cursor:pointer;display:block;height:3.25rem;position:relative;width:3.25rem;margin-left:auto}.navbar-burger span{background-color:currentColor;display:block;height:1px;left:calc(50% - 8px);position:absolute;transform-origin:center;transition-duration:86ms;transition-property:background-color, opacity, transform;transition-timing-function:ease-out;width:16px}.navbar-burger span:nth-child(1){top:calc(50% - 6px)}.navbar-burger span:nth-child(2){top:calc(50% - 1px)}.navbar-burger span:nth-child(3){top:calc(50% + 4px)}.navbar-burger:hover{background-color:rgba(0,0,0,0.05)}.navbar-burger.is-active span:nth-child(1){transform:translateY(5px) rotate(45deg)}.navbar-burger.is-active span:nth-child(2){opacity:0}.navbar-burger.is-active span:nth-child(3){transform:translateY(-5px) rotate(-45deg)}.navbar-menu{display:none}.navbar-item,.navbar-link{color:#222;display:block;line-height:1.5;padding:0.5rem 0.75rem;position:relative}.navbar-item .icon:only-child,.navbar-link .icon:only-child{margin-left:-0.25rem;margin-right:-0.25rem}a.navbar-item,.navbar-link{cursor:pointer}a.navbar-item:focus,a.navbar-item:focus-within,a.navbar-item:hover,a.navbar-item.is-active,.navbar-link:focus,.navbar-link:focus-within,.navbar-link:hover,.navbar-link.is-active{background-color:#fafafa;color:#2e63b8}.navbar-item{flex-grow:0;flex-shrink:0}.navbar-item img{max-height:1.75rem}.navbar-item.has-dropdown{padding:0}.navbar-item.is-expanded{flex-grow:1;flex-shrink:1}.navbar-item.is-tab{border-bottom:1px solid transparent;min-height:3.25rem;padding-bottom:calc(0.5rem - 1px)}.navbar-item.is-tab:focus,.navbar-item.is-tab:hover{background-color:rgba(0,0,0,0);border-bottom-color:#2e63b8}.navbar-item.is-tab.is-active{background-color:rgba(0,0,0,0);border-bottom-color:#2e63b8;border-bottom-style:solid;border-bottom-width:3px;color:#2e63b8;padding-bottom:calc(0.5rem - 3px)}.navbar-content{flex-grow:1;flex-shrink:1}.navbar-link:not(.is-arrowless){padding-right:2.5em}.navbar-link:not(.is-arrowless)::after{border-color:#2e63b8;margin-top:-0.375em;right:1.125em}.navbar-dropdown{font-size:0.875rem;padding-bottom:0.5rem;padding-top:0.5rem}.navbar-dropdown .navbar-item{padding-left:1.5rem;padding-right:1.5rem}.navbar-divider{background-color:#f5f5f5;border:none;display:none;height:2px;margin:0.5rem 0}@media screen and (max-width: 1055px){.navbar>.container{display:block}.navbar-brand .navbar-item,.navbar-tabs .navbar-item{align-items:center;display:flex}.navbar-link::after{display:none}.navbar-menu{background-color:#fff;box-shadow:0 8px 16px rgba(10,10,10,0.1);padding:0.5rem 0}.navbar-menu.is-active{display:block}.navbar.is-fixed-bottom-touch,.navbar.is-fixed-top-touch{left:0;position:fixed;right:0;z-index:30}.navbar.is-fixed-bottom-touch{bottom:0}.navbar.is-fixed-bottom-touch.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}.navbar.is-fixed-top-touch{top:0}.navbar.is-fixed-top .navbar-menu,.navbar.is-fixed-top-touch .navbar-menu{-webkit-overflow-scrolling:touch;max-height:calc(100vh - 3.25rem);overflow:auto}html.has-navbar-fixed-top-touch,body.has-navbar-fixed-top-touch{padding-top:3.25rem}html.has-navbar-fixed-bottom-touch,body.has-navbar-fixed-bottom-touch{padding-bottom:3.25rem}}@media screen and (min-width: 1056px){.navbar,.navbar-menu,.navbar-start,.navbar-end{align-items:stretch;display:flex}.navbar{min-height:3.25rem}.navbar.is-spaced{padding:1rem 2rem}.navbar.is-spaced .navbar-start,.navbar.is-spaced .navbar-end{align-items:center}.navbar.is-spaced a.navbar-item,.navbar.is-spaced .navbar-link{border-radius:4px}.navbar.is-transparent a.navbar-item:focus,.navbar.is-transparent a.navbar-item:hover,.navbar.is-transparent a.navbar-item.is-active,.navbar.is-transparent .navbar-link:focus,.navbar.is-transparent .navbar-link:hover,.navbar.is-transparent .navbar-link.is-active{background-color:transparent !important}.navbar.is-transparent .navbar-item.has-dropdown.is-active .navbar-link,.navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus .navbar-link,.navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:focus-within .navbar-link,.navbar.is-transparent .navbar-item.has-dropdown.is-hoverable:hover .navbar-link{background-color:transparent !important}.navbar.is-transparent .navbar-dropdown a.navbar-item:focus,.navbar.is-transparent .navbar-dropdown a.navbar-item:hover{background-color:#f5f5f5;color:#0a0a0a}.navbar.is-transparent .navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:#2e63b8}.navbar-burger{display:none}.navbar-item,.navbar-link{align-items:center;display:flex}.navbar-item.has-dropdown{align-items:stretch}.navbar-item.has-dropdown-up .navbar-link::after{transform:rotate(135deg) translate(0.25em, -0.25em)}.navbar-item.has-dropdown-up .navbar-dropdown{border-bottom:2px solid #dbdbdb;border-radius:6px 6px 0 0;border-top:none;bottom:100%;box-shadow:0 -8px 8px rgba(10,10,10,0.1);top:auto}.navbar-item.is-active .navbar-dropdown,.navbar-item.is-hoverable:focus .navbar-dropdown,.navbar-item.is-hoverable:focus-within .navbar-dropdown,.navbar-item.is-hoverable:hover .navbar-dropdown{display:block}.navbar.is-spaced .navbar-item.is-active .navbar-dropdown,.navbar-item.is-active .navbar-dropdown.is-boxed,.navbar.is-spaced .navbar-item.is-hoverable:focus .navbar-dropdown,.navbar-item.is-hoverable:focus .navbar-dropdown.is-boxed,.navbar.is-spaced .navbar-item.is-hoverable:focus-within .navbar-dropdown,.navbar-item.is-hoverable:focus-within .navbar-dropdown.is-boxed,.navbar.is-spaced .navbar-item.is-hoverable:hover .navbar-dropdown,.navbar-item.is-hoverable:hover .navbar-dropdown.is-boxed{opacity:1;pointer-events:auto;transform:translateY(0)}.navbar-menu{flex-grow:1;flex-shrink:0}.navbar-start{justify-content:flex-start;margin-right:auto}.navbar-end{justify-content:flex-end;margin-left:auto}.navbar-dropdown{background-color:#fff;border-bottom-left-radius:6px;border-bottom-right-radius:6px;border-top:2px solid #dbdbdb;box-shadow:0 8px 8px rgba(10,10,10,0.1);display:none;font-size:0.875rem;left:0;min-width:100%;position:absolute;top:100%;z-index:20}.navbar-dropdown .navbar-item{padding:0.375rem 1rem;white-space:nowrap}.navbar-dropdown a.navbar-item{padding-right:3rem}.navbar-dropdown a.navbar-item:focus,.navbar-dropdown a.navbar-item:hover{background-color:#f5f5f5;color:#0a0a0a}.navbar-dropdown a.navbar-item.is-active{background-color:#f5f5f5;color:#2e63b8}.navbar.is-spaced .navbar-dropdown,.navbar-dropdown.is-boxed{border-radius:6px;border-top:none;box-shadow:0 8px 8px rgba(10,10,10,0.1), 0 0 0 1px rgba(10,10,10,0.1);display:block;opacity:0;pointer-events:none;top:calc(100% + (-4px));transform:translateY(-5px);transition-duration:86ms;transition-property:opacity, transform}.navbar-dropdown.is-right{left:auto;right:0}.navbar-divider{display:block}.navbar>.container .navbar-brand,.container>.navbar .navbar-brand{margin-left:-.75rem}.navbar>.container .navbar-menu,.container>.navbar .navbar-menu{margin-right:-.75rem}.navbar.is-fixed-bottom-desktop,.navbar.is-fixed-top-desktop{left:0;position:fixed;right:0;z-index:30}.navbar.is-fixed-bottom-desktop{bottom:0}.navbar.is-fixed-bottom-desktop.has-shadow{box-shadow:0 -2px 3px rgba(10,10,10,0.1)}.navbar.is-fixed-top-desktop{top:0}html.has-navbar-fixed-top-desktop,body.has-navbar-fixed-top-desktop{padding-top:3.25rem}html.has-navbar-fixed-bottom-desktop,body.has-navbar-fixed-bottom-desktop{padding-bottom:3.25rem}html.has-spaced-navbar-fixed-top,body.has-spaced-navbar-fixed-top{padding-top:5.25rem}html.has-spaced-navbar-fixed-bottom,body.has-spaced-navbar-fixed-bottom{padding-bottom:5.25rem}a.navbar-item.is-active,.navbar-link.is-active{color:#0a0a0a}a.navbar-item.is-active:not(:focus):not(:hover),.navbar-link.is-active:not(:focus):not(:hover){background-color:rgba(0,0,0,0)}.navbar-item.has-dropdown:focus .navbar-link,.navbar-item.has-dropdown:hover .navbar-link,.navbar-item.has-dropdown.is-active .navbar-link{background-color:#fafafa}}.hero.is-fullheight-with-navbar{min-height:calc(100vh - 3.25rem)}.pagination{font-size:1rem;margin:-.25rem}.pagination.is-small,#documenter .docs-sidebar form.docs-search>input.pagination{font-size:.75rem}.pagination.is-medium{font-size:1.25rem}.pagination.is-large{font-size:1.5rem}.pagination.is-rounded .pagination-previous,#documenter .docs-sidebar form.docs-search>input.pagination .pagination-previous,.pagination.is-rounded .pagination-next,#documenter .docs-sidebar form.docs-search>input.pagination .pagination-next{padding-left:1em;padding-right:1em;border-radius:9999px}.pagination.is-rounded .pagination-link,#documenter .docs-sidebar form.docs-search>input.pagination .pagination-link{border-radius:9999px}.pagination,.pagination-list{align-items:center;display:flex;justify-content:center;text-align:center}.pagination-previous,.pagination-next,.pagination-link,.pagination-ellipsis{font-size:1em;justify-content:center;margin:.25rem;padding-left:.5em;padding-right:.5em;text-align:center}.pagination-previous,.pagination-next,.pagination-link{border-color:#dbdbdb;color:#222;min-width:2.5em}.pagination-previous:hover,.pagination-next:hover,.pagination-link:hover{border-color:#b5b5b5;color:#363636}.pagination-previous:focus,.pagination-next:focus,.pagination-link:focus{border-color:#3c5dcd}.pagination-previous:active,.pagination-next:active,.pagination-link:active{box-shadow:inset 0 1px 2px rgba(10,10,10,0.2)}.pagination-previous[disabled],.pagination-previous.is-disabled,.pagination-next[disabled],.pagination-next.is-disabled,.pagination-link[disabled],.pagination-link.is-disabled{background-color:#dbdbdb;border-color:#dbdbdb;box-shadow:none;color:#6b6b6b;opacity:0.5}.pagination-previous,.pagination-next{padding-left:.75em;padding-right:.75em;white-space:nowrap}.pagination-link.is-current{background-color:#2e63b8;border-color:#2e63b8;color:#fff}.pagination-ellipsis{color:#b5b5b5;pointer-events:none}.pagination-list{flex-wrap:wrap}.pagination-list li{list-style:none}@media screen and (max-width: 768px){.pagination{flex-wrap:wrap}.pagination-previous,.pagination-next{flex-grow:1;flex-shrink:1}.pagination-list li{flex-grow:1;flex-shrink:1}}@media screen and (min-width: 769px),print{.pagination-list{flex-grow:1;flex-shrink:1;justify-content:flex-start;order:1}.pagination-previous,.pagination-next,.pagination-link,.pagination-ellipsis{margin-bottom:0;margin-top:0}.pagination-previous{order:2}.pagination-next{order:3}.pagination{justify-content:space-between;margin-bottom:0;margin-top:0}.pagination.is-centered .pagination-previous{order:1}.pagination.is-centered .pagination-list{justify-content:center;order:2}.pagination.is-centered .pagination-next{order:3}.pagination.is-right .pagination-previous{order:1}.pagination.is-right .pagination-next{order:2}.pagination.is-right .pagination-list{justify-content:flex-end;order:3}}.panel{border-radius:6px;box-shadow:#bbb;font-size:1rem}.panel:not(:last-child){margin-bottom:1.5rem}.panel.is-white .panel-heading{background-color:#fff;color:#0a0a0a}.panel.is-white .panel-tabs a.is-active{border-bottom-color:#fff}.panel.is-white .panel-block.is-active .panel-icon{color:#fff}.panel.is-black .panel-heading{background-color:#0a0a0a;color:#fff}.panel.is-black .panel-tabs a.is-active{border-bottom-color:#0a0a0a}.panel.is-black .panel-block.is-active .panel-icon{color:#0a0a0a}.panel.is-light .panel-heading{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.panel.is-light .panel-tabs a.is-active{border-bottom-color:#f5f5f5}.panel.is-light .panel-block.is-active .panel-icon{color:#f5f5f5}.panel.is-dark .panel-heading,.content kbd.panel .panel-heading{background-color:#363636;color:#fff}.panel.is-dark .panel-tabs a.is-active,.content kbd.panel .panel-tabs a.is-active{border-bottom-color:#363636}.panel.is-dark .panel-block.is-active .panel-icon,.content kbd.panel .panel-block.is-active .panel-icon{color:#363636}.panel.is-primary .panel-heading,.docstring>section>a.panel.docs-sourcelink .panel-heading{background-color:#4eb5de;color:#fff}.panel.is-primary .panel-tabs a.is-active,.docstring>section>a.panel.docs-sourcelink .panel-tabs a.is-active{border-bottom-color:#4eb5de}.panel.is-primary .panel-block.is-active .panel-icon,.docstring>section>a.panel.docs-sourcelink .panel-block.is-active .panel-icon{color:#4eb5de}.panel.is-link .panel-heading{background-color:#2e63b8;color:#fff}.panel.is-link .panel-tabs a.is-active{border-bottom-color:#2e63b8}.panel.is-link .panel-block.is-active .panel-icon{color:#2e63b8}.panel.is-info .panel-heading{background-color:#3c5dcd;color:#fff}.panel.is-info .panel-tabs a.is-active{border-bottom-color:#3c5dcd}.panel.is-info .panel-block.is-active .panel-icon{color:#3c5dcd}.panel.is-success .panel-heading{background-color:#259a12;color:#fff}.panel.is-success .panel-tabs a.is-active{border-bottom-color:#259a12}.panel.is-success .panel-block.is-active .panel-icon{color:#259a12}.panel.is-warning .panel-heading{background-color:#a98800;color:#fff}.panel.is-warning .panel-tabs a.is-active{border-bottom-color:#a98800}.panel.is-warning .panel-block.is-active .panel-icon{color:#a98800}.panel.is-danger .panel-heading{background-color:#cb3c33;color:#fff}.panel.is-danger .panel-tabs a.is-active{border-bottom-color:#cb3c33}.panel.is-danger .panel-block.is-active .panel-icon{color:#cb3c33}.panel-tabs:not(:last-child),.panel-block:not(:last-child){border-bottom:1px solid #ededed}.panel-heading{background-color:#ededed;border-radius:6px 6px 0 0;color:#222;font-size:1.25em;font-weight:700;line-height:1.25;padding:0.75em 1em}.panel-tabs{align-items:flex-end;display:flex;font-size:.875em;justify-content:center}.panel-tabs a{border-bottom:1px solid #dbdbdb;margin-bottom:-1px;padding:0.5em}.panel-tabs a.is-active{border-bottom-color:#4a4a4a;color:#363636}.panel-list a{color:#222}.panel-list a:hover{color:#2e63b8}.panel-block{align-items:center;color:#222;display:flex;justify-content:flex-start;padding:0.5em 0.75em}.panel-block input[type="checkbox"]{margin-right:.75em}.panel-block>.control{flex-grow:1;flex-shrink:1;width:100%}.panel-block.is-wrapped{flex-wrap:wrap}.panel-block.is-active{border-left-color:#2e63b8;color:#363636}.panel-block.is-active .panel-icon{color:#2e63b8}.panel-block:last-child{border-bottom-left-radius:6px;border-bottom-right-radius:6px}a.panel-block,label.panel-block{cursor:pointer}a.panel-block:hover,label.panel-block:hover{background-color:#f5f5f5}.panel-icon{display:inline-block;font-size:14px;height:1em;line-height:1em;text-align:center;vertical-align:top;width:1em;color:#6b6b6b;margin-right:.75em}.panel-icon .fa{font-size:inherit;line-height:inherit}.tabs{-webkit-overflow-scrolling:touch;align-items:stretch;display:flex;font-size:1rem;justify-content:space-between;overflow:hidden;overflow-x:auto;white-space:nowrap}.tabs a{align-items:center;border-bottom-color:#dbdbdb;border-bottom-style:solid;border-bottom-width:1px;color:#222;display:flex;justify-content:center;margin-bottom:-1px;padding:0.5em 1em;vertical-align:top}.tabs a:hover{border-bottom-color:#222;color:#222}.tabs li{display:block}.tabs li.is-active a{border-bottom-color:#2e63b8;color:#2e63b8}.tabs ul{align-items:center;border-bottom-color:#dbdbdb;border-bottom-style:solid;border-bottom-width:1px;display:flex;flex-grow:1;flex-shrink:0;justify-content:flex-start}.tabs ul.is-left{padding-right:0.75em}.tabs ul.is-center{flex:none;justify-content:center;padding-left:0.75em;padding-right:0.75em}.tabs ul.is-right{justify-content:flex-end;padding-left:0.75em}.tabs .icon:first-child{margin-right:.5em}.tabs .icon:last-child{margin-left:.5em}.tabs.is-centered ul{justify-content:center}.tabs.is-right ul{justify-content:flex-end}.tabs.is-boxed a{border:1px solid transparent;border-radius:4px 4px 0 0}.tabs.is-boxed a:hover{background-color:#f5f5f5;border-bottom-color:#dbdbdb}.tabs.is-boxed li.is-active a{background-color:#fff;border-color:#dbdbdb;border-bottom-color:rgba(0,0,0,0) !important}.tabs.is-fullwidth li{flex-grow:1;flex-shrink:0}.tabs.is-toggle a{border-color:#dbdbdb;border-style:solid;border-width:1px;margin-bottom:0;position:relative}.tabs.is-toggle a:hover{background-color:#f5f5f5;border-color:#b5b5b5;z-index:2}.tabs.is-toggle li+li{margin-left:-1px}.tabs.is-toggle li:first-child a{border-top-left-radius:4px;border-bottom-left-radius:4px}.tabs.is-toggle li:last-child a{border-top-right-radius:4px;border-bottom-right-radius:4px}.tabs.is-toggle li.is-active a{background-color:#2e63b8;border-color:#2e63b8;color:#fff;z-index:1}.tabs.is-toggle ul{border-bottom:none}.tabs.is-toggle.is-toggle-rounded li:first-child a{border-bottom-left-radius:9999px;border-top-left-radius:9999px;padding-left:1.25em}.tabs.is-toggle.is-toggle-rounded li:last-child a{border-bottom-right-radius:9999px;border-top-right-radius:9999px;padding-right:1.25em}.tabs.is-small,#documenter .docs-sidebar form.docs-search>input.tabs{font-size:.75rem}.tabs.is-medium{font-size:1.25rem}.tabs.is-large{font-size:1.5rem}.column{display:block;flex-basis:0;flex-grow:1;flex-shrink:1;padding:.75rem}.columns.is-mobile>.column.is-narrow{flex:none;width:unset}.columns.is-mobile>.column.is-full{flex:none;width:100%}.columns.is-mobile>.column.is-three-quarters{flex:none;width:75%}.columns.is-mobile>.column.is-two-thirds{flex:none;width:66.6666%}.columns.is-mobile>.column.is-half{flex:none;width:50%}.columns.is-mobile>.column.is-one-third{flex:none;width:33.3333%}.columns.is-mobile>.column.is-one-quarter{flex:none;width:25%}.columns.is-mobile>.column.is-one-fifth{flex:none;width:20%}.columns.is-mobile>.column.is-two-fifths{flex:none;width:40%}.columns.is-mobile>.column.is-three-fifths{flex:none;width:60%}.columns.is-mobile>.column.is-four-fifths{flex:none;width:80%}.columns.is-mobile>.column.is-offset-three-quarters{margin-left:75%}.columns.is-mobile>.column.is-offset-two-thirds{margin-left:66.6666%}.columns.is-mobile>.column.is-offset-half{margin-left:50%}.columns.is-mobile>.column.is-offset-one-third{margin-left:33.3333%}.columns.is-mobile>.column.is-offset-one-quarter{margin-left:25%}.columns.is-mobile>.column.is-offset-one-fifth{margin-left:20%}.columns.is-mobile>.column.is-offset-two-fifths{margin-left:40%}.columns.is-mobile>.column.is-offset-three-fifths{margin-left:60%}.columns.is-mobile>.column.is-offset-four-fifths{margin-left:80%}.columns.is-mobile>.column.is-0{flex:none;width:0%}.columns.is-mobile>.column.is-offset-0{margin-left:0%}.columns.is-mobile>.column.is-1{flex:none;width:8.33333337%}.columns.is-mobile>.column.is-offset-1{margin-left:8.33333337%}.columns.is-mobile>.column.is-2{flex:none;width:16.66666674%}.columns.is-mobile>.column.is-offset-2{margin-left:16.66666674%}.columns.is-mobile>.column.is-3{flex:none;width:25%}.columns.is-mobile>.column.is-offset-3{margin-left:25%}.columns.is-mobile>.column.is-4{flex:none;width:33.33333337%}.columns.is-mobile>.column.is-offset-4{margin-left:33.33333337%}.columns.is-mobile>.column.is-5{flex:none;width:41.66666674%}.columns.is-mobile>.column.is-offset-5{margin-left:41.66666674%}.columns.is-mobile>.column.is-6{flex:none;width:50%}.columns.is-mobile>.column.is-offset-6{margin-left:50%}.columns.is-mobile>.column.is-7{flex:none;width:58.33333337%}.columns.is-mobile>.column.is-offset-7{margin-left:58.33333337%}.columns.is-mobile>.column.is-8{flex:none;width:66.66666674%}.columns.is-mobile>.column.is-offset-8{margin-left:66.66666674%}.columns.is-mobile>.column.is-9{flex:none;width:75%}.columns.is-mobile>.column.is-offset-9{margin-left:75%}.columns.is-mobile>.column.is-10{flex:none;width:83.33333337%}.columns.is-mobile>.column.is-offset-10{margin-left:83.33333337%}.columns.is-mobile>.column.is-11{flex:none;width:91.66666674%}.columns.is-mobile>.column.is-offset-11{margin-left:91.66666674%}.columns.is-mobile>.column.is-12{flex:none;width:100%}.columns.is-mobile>.column.is-offset-12{margin-left:100%}@media screen and (max-width: 768px){.column.is-narrow-mobile{flex:none;width:unset}.column.is-full-mobile{flex:none;width:100%}.column.is-three-quarters-mobile{flex:none;width:75%}.column.is-two-thirds-mobile{flex:none;width:66.6666%}.column.is-half-mobile{flex:none;width:50%}.column.is-one-third-mobile{flex:none;width:33.3333%}.column.is-one-quarter-mobile{flex:none;width:25%}.column.is-one-fifth-mobile{flex:none;width:20%}.column.is-two-fifths-mobile{flex:none;width:40%}.column.is-three-fifths-mobile{flex:none;width:60%}.column.is-four-fifths-mobile{flex:none;width:80%}.column.is-offset-three-quarters-mobile{margin-left:75%}.column.is-offset-two-thirds-mobile{margin-left:66.6666%}.column.is-offset-half-mobile{margin-left:50%}.column.is-offset-one-third-mobile{margin-left:33.3333%}.column.is-offset-one-quarter-mobile{margin-left:25%}.column.is-offset-one-fifth-mobile{margin-left:20%}.column.is-offset-two-fifths-mobile{margin-left:40%}.column.is-offset-three-fifths-mobile{margin-left:60%}.column.is-offset-four-fifths-mobile{margin-left:80%}.column.is-0-mobile{flex:none;width:0%}.column.is-offset-0-mobile{margin-left:0%}.column.is-1-mobile{flex:none;width:8.33333337%}.column.is-offset-1-mobile{margin-left:8.33333337%}.column.is-2-mobile{flex:none;width:16.66666674%}.column.is-offset-2-mobile{margin-left:16.66666674%}.column.is-3-mobile{flex:none;width:25%}.column.is-offset-3-mobile{margin-left:25%}.column.is-4-mobile{flex:none;width:33.33333337%}.column.is-offset-4-mobile{margin-left:33.33333337%}.column.is-5-mobile{flex:none;width:41.66666674%}.column.is-offset-5-mobile{margin-left:41.66666674%}.column.is-6-mobile{flex:none;width:50%}.column.is-offset-6-mobile{margin-left:50%}.column.is-7-mobile{flex:none;width:58.33333337%}.column.is-offset-7-mobile{margin-left:58.33333337%}.column.is-8-mobile{flex:none;width:66.66666674%}.column.is-offset-8-mobile{margin-left:66.66666674%}.column.is-9-mobile{flex:none;width:75%}.column.is-offset-9-mobile{margin-left:75%}.column.is-10-mobile{flex:none;width:83.33333337%}.column.is-offset-10-mobile{margin-left:83.33333337%}.column.is-11-mobile{flex:none;width:91.66666674%}.column.is-offset-11-mobile{margin-left:91.66666674%}.column.is-12-mobile{flex:none;width:100%}.column.is-offset-12-mobile{margin-left:100%}}@media screen and (min-width: 769px),print{.column.is-narrow,.column.is-narrow-tablet{flex:none;width:unset}.column.is-full,.column.is-full-tablet{flex:none;width:100%}.column.is-three-quarters,.column.is-three-quarters-tablet{flex:none;width:75%}.column.is-two-thirds,.column.is-two-thirds-tablet{flex:none;width:66.6666%}.column.is-half,.column.is-half-tablet{flex:none;width:50%}.column.is-one-third,.column.is-one-third-tablet{flex:none;width:33.3333%}.column.is-one-quarter,.column.is-one-quarter-tablet{flex:none;width:25%}.column.is-one-fifth,.column.is-one-fifth-tablet{flex:none;width:20%}.column.is-two-fifths,.column.is-two-fifths-tablet{flex:none;width:40%}.column.is-three-fifths,.column.is-three-fifths-tablet{flex:none;width:60%}.column.is-four-fifths,.column.is-four-fifths-tablet{flex:none;width:80%}.column.is-offset-three-quarters,.column.is-offset-three-quarters-tablet{margin-left:75%}.column.is-offset-two-thirds,.column.is-offset-two-thirds-tablet{margin-left:66.6666%}.column.is-offset-half,.column.is-offset-half-tablet{margin-left:50%}.column.is-offset-one-third,.column.is-offset-one-third-tablet{margin-left:33.3333%}.column.is-offset-one-quarter,.column.is-offset-one-quarter-tablet{margin-left:25%}.column.is-offset-one-fifth,.column.is-offset-one-fifth-tablet{margin-left:20%}.column.is-offset-two-fifths,.column.is-offset-two-fifths-tablet{margin-left:40%}.column.is-offset-three-fifths,.column.is-offset-three-fifths-tablet{margin-left:60%}.column.is-offset-four-fifths,.column.is-offset-four-fifths-tablet{margin-left:80%}.column.is-0,.column.is-0-tablet{flex:none;width:0%}.column.is-offset-0,.column.is-offset-0-tablet{margin-left:0%}.column.is-1,.column.is-1-tablet{flex:none;width:8.33333337%}.column.is-offset-1,.column.is-offset-1-tablet{margin-left:8.33333337%}.column.is-2,.column.is-2-tablet{flex:none;width:16.66666674%}.column.is-offset-2,.column.is-offset-2-tablet{margin-left:16.66666674%}.column.is-3,.column.is-3-tablet{flex:none;width:25%}.column.is-offset-3,.column.is-offset-3-tablet{margin-left:25%}.column.is-4,.column.is-4-tablet{flex:none;width:33.33333337%}.column.is-offset-4,.column.is-offset-4-tablet{margin-left:33.33333337%}.column.is-5,.column.is-5-tablet{flex:none;width:41.66666674%}.column.is-offset-5,.column.is-offset-5-tablet{margin-left:41.66666674%}.column.is-6,.column.is-6-tablet{flex:none;width:50%}.column.is-offset-6,.column.is-offset-6-tablet{margin-left:50%}.column.is-7,.column.is-7-tablet{flex:none;width:58.33333337%}.column.is-offset-7,.column.is-offset-7-tablet{margin-left:58.33333337%}.column.is-8,.column.is-8-tablet{flex:none;width:66.66666674%}.column.is-offset-8,.column.is-offset-8-tablet{margin-left:66.66666674%}.column.is-9,.column.is-9-tablet{flex:none;width:75%}.column.is-offset-9,.column.is-offset-9-tablet{margin-left:75%}.column.is-10,.column.is-10-tablet{flex:none;width:83.33333337%}.column.is-offset-10,.column.is-offset-10-tablet{margin-left:83.33333337%}.column.is-11,.column.is-11-tablet{flex:none;width:91.66666674%}.column.is-offset-11,.column.is-offset-11-tablet{margin-left:91.66666674%}.column.is-12,.column.is-12-tablet{flex:none;width:100%}.column.is-offset-12,.column.is-offset-12-tablet{margin-left:100%}}@media screen and (max-width: 1055px){.column.is-narrow-touch{flex:none;width:unset}.column.is-full-touch{flex:none;width:100%}.column.is-three-quarters-touch{flex:none;width:75%}.column.is-two-thirds-touch{flex:none;width:66.6666%}.column.is-half-touch{flex:none;width:50%}.column.is-one-third-touch{flex:none;width:33.3333%}.column.is-one-quarter-touch{flex:none;width:25%}.column.is-one-fifth-touch{flex:none;width:20%}.column.is-two-fifths-touch{flex:none;width:40%}.column.is-three-fifths-touch{flex:none;width:60%}.column.is-four-fifths-touch{flex:none;width:80%}.column.is-offset-three-quarters-touch{margin-left:75%}.column.is-offset-two-thirds-touch{margin-left:66.6666%}.column.is-offset-half-touch{margin-left:50%}.column.is-offset-one-third-touch{margin-left:33.3333%}.column.is-offset-one-quarter-touch{margin-left:25%}.column.is-offset-one-fifth-touch{margin-left:20%}.column.is-offset-two-fifths-touch{margin-left:40%}.column.is-offset-three-fifths-touch{margin-left:60%}.column.is-offset-four-fifths-touch{margin-left:80%}.column.is-0-touch{flex:none;width:0%}.column.is-offset-0-touch{margin-left:0%}.column.is-1-touch{flex:none;width:8.33333337%}.column.is-offset-1-touch{margin-left:8.33333337%}.column.is-2-touch{flex:none;width:16.66666674%}.column.is-offset-2-touch{margin-left:16.66666674%}.column.is-3-touch{flex:none;width:25%}.column.is-offset-3-touch{margin-left:25%}.column.is-4-touch{flex:none;width:33.33333337%}.column.is-offset-4-touch{margin-left:33.33333337%}.column.is-5-touch{flex:none;width:41.66666674%}.column.is-offset-5-touch{margin-left:41.66666674%}.column.is-6-touch{flex:none;width:50%}.column.is-offset-6-touch{margin-left:50%}.column.is-7-touch{flex:none;width:58.33333337%}.column.is-offset-7-touch{margin-left:58.33333337%}.column.is-8-touch{flex:none;width:66.66666674%}.column.is-offset-8-touch{margin-left:66.66666674%}.column.is-9-touch{flex:none;width:75%}.column.is-offset-9-touch{margin-left:75%}.column.is-10-touch{flex:none;width:83.33333337%}.column.is-offset-10-touch{margin-left:83.33333337%}.column.is-11-touch{flex:none;width:91.66666674%}.column.is-offset-11-touch{margin-left:91.66666674%}.column.is-12-touch{flex:none;width:100%}.column.is-offset-12-touch{margin-left:100%}}@media screen and (min-width: 1056px){.column.is-narrow-desktop{flex:none;width:unset}.column.is-full-desktop{flex:none;width:100%}.column.is-three-quarters-desktop{flex:none;width:75%}.column.is-two-thirds-desktop{flex:none;width:66.6666%}.column.is-half-desktop{flex:none;width:50%}.column.is-one-third-desktop{flex:none;width:33.3333%}.column.is-one-quarter-desktop{flex:none;width:25%}.column.is-one-fifth-desktop{flex:none;width:20%}.column.is-two-fifths-desktop{flex:none;width:40%}.column.is-three-fifths-desktop{flex:none;width:60%}.column.is-four-fifths-desktop{flex:none;width:80%}.column.is-offset-three-quarters-desktop{margin-left:75%}.column.is-offset-two-thirds-desktop{margin-left:66.6666%}.column.is-offset-half-desktop{margin-left:50%}.column.is-offset-one-third-desktop{margin-left:33.3333%}.column.is-offset-one-quarter-desktop{margin-left:25%}.column.is-offset-one-fifth-desktop{margin-left:20%}.column.is-offset-two-fifths-desktop{margin-left:40%}.column.is-offset-three-fifths-desktop{margin-left:60%}.column.is-offset-four-fifths-desktop{margin-left:80%}.column.is-0-desktop{flex:none;width:0%}.column.is-offset-0-desktop{margin-left:0%}.column.is-1-desktop{flex:none;width:8.33333337%}.column.is-offset-1-desktop{margin-left:8.33333337%}.column.is-2-desktop{flex:none;width:16.66666674%}.column.is-offset-2-desktop{margin-left:16.66666674%}.column.is-3-desktop{flex:none;width:25%}.column.is-offset-3-desktop{margin-left:25%}.column.is-4-desktop{flex:none;width:33.33333337%}.column.is-offset-4-desktop{margin-left:33.33333337%}.column.is-5-desktop{flex:none;width:41.66666674%}.column.is-offset-5-desktop{margin-left:41.66666674%}.column.is-6-desktop{flex:none;width:50%}.column.is-offset-6-desktop{margin-left:50%}.column.is-7-desktop{flex:none;width:58.33333337%}.column.is-offset-7-desktop{margin-left:58.33333337%}.column.is-8-desktop{flex:none;width:66.66666674%}.column.is-offset-8-desktop{margin-left:66.66666674%}.column.is-9-desktop{flex:none;width:75%}.column.is-offset-9-desktop{margin-left:75%}.column.is-10-desktop{flex:none;width:83.33333337%}.column.is-offset-10-desktop{margin-left:83.33333337%}.column.is-11-desktop{flex:none;width:91.66666674%}.column.is-offset-11-desktop{margin-left:91.66666674%}.column.is-12-desktop{flex:none;width:100%}.column.is-offset-12-desktop{margin-left:100%}}@media screen and (min-width: 1216px){.column.is-narrow-widescreen{flex:none;width:unset}.column.is-full-widescreen{flex:none;width:100%}.column.is-three-quarters-widescreen{flex:none;width:75%}.column.is-two-thirds-widescreen{flex:none;width:66.6666%}.column.is-half-widescreen{flex:none;width:50%}.column.is-one-third-widescreen{flex:none;width:33.3333%}.column.is-one-quarter-widescreen{flex:none;width:25%}.column.is-one-fifth-widescreen{flex:none;width:20%}.column.is-two-fifths-widescreen{flex:none;width:40%}.column.is-three-fifths-widescreen{flex:none;width:60%}.column.is-four-fifths-widescreen{flex:none;width:80%}.column.is-offset-three-quarters-widescreen{margin-left:75%}.column.is-offset-two-thirds-widescreen{margin-left:66.6666%}.column.is-offset-half-widescreen{margin-left:50%}.column.is-offset-one-third-widescreen{margin-left:33.3333%}.column.is-offset-one-quarter-widescreen{margin-left:25%}.column.is-offset-one-fifth-widescreen{margin-left:20%}.column.is-offset-two-fifths-widescreen{margin-left:40%}.column.is-offset-three-fifths-widescreen{margin-left:60%}.column.is-offset-four-fifths-widescreen{margin-left:80%}.column.is-0-widescreen{flex:none;width:0%}.column.is-offset-0-widescreen{margin-left:0%}.column.is-1-widescreen{flex:none;width:8.33333337%}.column.is-offset-1-widescreen{margin-left:8.33333337%}.column.is-2-widescreen{flex:none;width:16.66666674%}.column.is-offset-2-widescreen{margin-left:16.66666674%}.column.is-3-widescreen{flex:none;width:25%}.column.is-offset-3-widescreen{margin-left:25%}.column.is-4-widescreen{flex:none;width:33.33333337%}.column.is-offset-4-widescreen{margin-left:33.33333337%}.column.is-5-widescreen{flex:none;width:41.66666674%}.column.is-offset-5-widescreen{margin-left:41.66666674%}.column.is-6-widescreen{flex:none;width:50%}.column.is-offset-6-widescreen{margin-left:50%}.column.is-7-widescreen{flex:none;width:58.33333337%}.column.is-offset-7-widescreen{margin-left:58.33333337%}.column.is-8-widescreen{flex:none;width:66.66666674%}.column.is-offset-8-widescreen{margin-left:66.66666674%}.column.is-9-widescreen{flex:none;width:75%}.column.is-offset-9-widescreen{margin-left:75%}.column.is-10-widescreen{flex:none;width:83.33333337%}.column.is-offset-10-widescreen{margin-left:83.33333337%}.column.is-11-widescreen{flex:none;width:91.66666674%}.column.is-offset-11-widescreen{margin-left:91.66666674%}.column.is-12-widescreen{flex:none;width:100%}.column.is-offset-12-widescreen{margin-left:100%}}@media screen and (min-width: 1408px){.column.is-narrow-fullhd{flex:none;width:unset}.column.is-full-fullhd{flex:none;width:100%}.column.is-three-quarters-fullhd{flex:none;width:75%}.column.is-two-thirds-fullhd{flex:none;width:66.6666%}.column.is-half-fullhd{flex:none;width:50%}.column.is-one-third-fullhd{flex:none;width:33.3333%}.column.is-one-quarter-fullhd{flex:none;width:25%}.column.is-one-fifth-fullhd{flex:none;width:20%}.column.is-two-fifths-fullhd{flex:none;width:40%}.column.is-three-fifths-fullhd{flex:none;width:60%}.column.is-four-fifths-fullhd{flex:none;width:80%}.column.is-offset-three-quarters-fullhd{margin-left:75%}.column.is-offset-two-thirds-fullhd{margin-left:66.6666%}.column.is-offset-half-fullhd{margin-left:50%}.column.is-offset-one-third-fullhd{margin-left:33.3333%}.column.is-offset-one-quarter-fullhd{margin-left:25%}.column.is-offset-one-fifth-fullhd{margin-left:20%}.column.is-offset-two-fifths-fullhd{margin-left:40%}.column.is-offset-three-fifths-fullhd{margin-left:60%}.column.is-offset-four-fifths-fullhd{margin-left:80%}.column.is-0-fullhd{flex:none;width:0%}.column.is-offset-0-fullhd{margin-left:0%}.column.is-1-fullhd{flex:none;width:8.33333337%}.column.is-offset-1-fullhd{margin-left:8.33333337%}.column.is-2-fullhd{flex:none;width:16.66666674%}.column.is-offset-2-fullhd{margin-left:16.66666674%}.column.is-3-fullhd{flex:none;width:25%}.column.is-offset-3-fullhd{margin-left:25%}.column.is-4-fullhd{flex:none;width:33.33333337%}.column.is-offset-4-fullhd{margin-left:33.33333337%}.column.is-5-fullhd{flex:none;width:41.66666674%}.column.is-offset-5-fullhd{margin-left:41.66666674%}.column.is-6-fullhd{flex:none;width:50%}.column.is-offset-6-fullhd{margin-left:50%}.column.is-7-fullhd{flex:none;width:58.33333337%}.column.is-offset-7-fullhd{margin-left:58.33333337%}.column.is-8-fullhd{flex:none;width:66.66666674%}.column.is-offset-8-fullhd{margin-left:66.66666674%}.column.is-9-fullhd{flex:none;width:75%}.column.is-offset-9-fullhd{margin-left:75%}.column.is-10-fullhd{flex:none;width:83.33333337%}.column.is-offset-10-fullhd{margin-left:83.33333337%}.column.is-11-fullhd{flex:none;width:91.66666674%}.column.is-offset-11-fullhd{margin-left:91.66666674%}.column.is-12-fullhd{flex:none;width:100%}.column.is-offset-12-fullhd{margin-left:100%}}.columns{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}.columns:last-child{margin-bottom:-.75rem}.columns:not(:last-child){margin-bottom:calc(1.5rem - .75rem)}.columns.is-centered{justify-content:center}.columns.is-gapless{margin-left:0;margin-right:0;margin-top:0}.columns.is-gapless>.column{margin:0;padding:0 !important}.columns.is-gapless:not(:last-child){margin-bottom:1.5rem}.columns.is-gapless:last-child{margin-bottom:0}.columns.is-mobile{display:flex}.columns.is-multiline{flex-wrap:wrap}.columns.is-vcentered{align-items:center}@media screen and (min-width: 769px),print{.columns:not(.is-desktop){display:flex}}@media screen and (min-width: 1056px){.columns.is-desktop{display:flex}}.columns.is-variable{--columnGap: 0.75rem;margin-left:calc(-1 * var(--columnGap));margin-right:calc(-1 * var(--columnGap))}.columns.is-variable>.column{padding-left:var(--columnGap);padding-right:var(--columnGap)}.columns.is-variable.is-0{--columnGap: 0rem}@media screen and (max-width: 768px){.columns.is-variable.is-0-mobile{--columnGap: 0rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-0-tablet{--columnGap: 0rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-0-tablet-only{--columnGap: 0rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-0-touch{--columnGap: 0rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-0-desktop{--columnGap: 0rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-0-desktop-only{--columnGap: 0rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-0-widescreen{--columnGap: 0rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-0-widescreen-only{--columnGap: 0rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-0-fullhd{--columnGap: 0rem}}.columns.is-variable.is-1{--columnGap: .25rem}@media screen and (max-width: 768px){.columns.is-variable.is-1-mobile{--columnGap: .25rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-1-tablet{--columnGap: .25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-1-tablet-only{--columnGap: .25rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-1-touch{--columnGap: .25rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-1-desktop{--columnGap: .25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-1-desktop-only{--columnGap: .25rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-1-widescreen{--columnGap: .25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-1-widescreen-only{--columnGap: .25rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-1-fullhd{--columnGap: .25rem}}.columns.is-variable.is-2{--columnGap: .5rem}@media screen and (max-width: 768px){.columns.is-variable.is-2-mobile{--columnGap: .5rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-2-tablet{--columnGap: .5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-2-tablet-only{--columnGap: .5rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-2-touch{--columnGap: .5rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-2-desktop{--columnGap: .5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-2-desktop-only{--columnGap: .5rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-2-widescreen{--columnGap: .5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-2-widescreen-only{--columnGap: .5rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-2-fullhd{--columnGap: .5rem}}.columns.is-variable.is-3{--columnGap: .75rem}@media screen and (max-width: 768px){.columns.is-variable.is-3-mobile{--columnGap: .75rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-3-tablet{--columnGap: .75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-3-tablet-only{--columnGap: .75rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-3-touch{--columnGap: .75rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-3-desktop{--columnGap: .75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-3-desktop-only{--columnGap: .75rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-3-widescreen{--columnGap: .75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-3-widescreen-only{--columnGap: .75rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-3-fullhd{--columnGap: .75rem}}.columns.is-variable.is-4{--columnGap: 1rem}@media screen and (max-width: 768px){.columns.is-variable.is-4-mobile{--columnGap: 1rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-4-tablet{--columnGap: 1rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-4-tablet-only{--columnGap: 1rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-4-touch{--columnGap: 1rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-4-desktop{--columnGap: 1rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-4-desktop-only{--columnGap: 1rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-4-widescreen{--columnGap: 1rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-4-widescreen-only{--columnGap: 1rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-4-fullhd{--columnGap: 1rem}}.columns.is-variable.is-5{--columnGap: 1.25rem}@media screen and (max-width: 768px){.columns.is-variable.is-5-mobile{--columnGap: 1.25rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-5-tablet{--columnGap: 1.25rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-5-tablet-only{--columnGap: 1.25rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-5-touch{--columnGap: 1.25rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-5-desktop{--columnGap: 1.25rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-5-desktop-only{--columnGap: 1.25rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-5-widescreen{--columnGap: 1.25rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-5-widescreen-only{--columnGap: 1.25rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-5-fullhd{--columnGap: 1.25rem}}.columns.is-variable.is-6{--columnGap: 1.5rem}@media screen and (max-width: 768px){.columns.is-variable.is-6-mobile{--columnGap: 1.5rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-6-tablet{--columnGap: 1.5rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-6-tablet-only{--columnGap: 1.5rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-6-touch{--columnGap: 1.5rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-6-desktop{--columnGap: 1.5rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-6-desktop-only{--columnGap: 1.5rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-6-widescreen{--columnGap: 1.5rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-6-widescreen-only{--columnGap: 1.5rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-6-fullhd{--columnGap: 1.5rem}}.columns.is-variable.is-7{--columnGap: 1.75rem}@media screen and (max-width: 768px){.columns.is-variable.is-7-mobile{--columnGap: 1.75rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-7-tablet{--columnGap: 1.75rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-7-tablet-only{--columnGap: 1.75rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-7-touch{--columnGap: 1.75rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-7-desktop{--columnGap: 1.75rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-7-desktop-only{--columnGap: 1.75rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-7-widescreen{--columnGap: 1.75rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-7-widescreen-only{--columnGap: 1.75rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-7-fullhd{--columnGap: 1.75rem}}.columns.is-variable.is-8{--columnGap: 2rem}@media screen and (max-width: 768px){.columns.is-variable.is-8-mobile{--columnGap: 2rem}}@media screen and (min-width: 769px),print{.columns.is-variable.is-8-tablet{--columnGap: 2rem}}@media screen and (min-width: 769px) and (max-width: 1055px){.columns.is-variable.is-8-tablet-only{--columnGap: 2rem}}@media screen and (max-width: 1055px){.columns.is-variable.is-8-touch{--columnGap: 2rem}}@media screen and (min-width: 1056px){.columns.is-variable.is-8-desktop{--columnGap: 2rem}}@media screen and (min-width: 1056px) and (max-width: 1215px){.columns.is-variable.is-8-desktop-only{--columnGap: 2rem}}@media screen and (min-width: 1216px){.columns.is-variable.is-8-widescreen{--columnGap: 2rem}}@media screen and (min-width: 1216px) and (max-width: 1407px){.columns.is-variable.is-8-widescreen-only{--columnGap: 2rem}}@media screen and (min-width: 1408px){.columns.is-variable.is-8-fullhd{--columnGap: 2rem}}.tile{align-items:stretch;display:block;flex-basis:0;flex-grow:1;flex-shrink:1;min-height:min-content}.tile.is-ancestor{margin-left:-.75rem;margin-right:-.75rem;margin-top:-.75rem}.tile.is-ancestor:last-child{margin-bottom:-.75rem}.tile.is-ancestor:not(:last-child){margin-bottom:.75rem}.tile.is-child{margin:0 !important}.tile.is-parent{padding:.75rem}.tile.is-vertical{flex-direction:column}.tile.is-vertical>.tile.is-child:not(:last-child){margin-bottom:1.5rem !important}@media screen and (min-width: 769px),print{.tile:not(.is-child){display:flex}.tile.is-1{flex:none;width:8.33333337%}.tile.is-2{flex:none;width:16.66666674%}.tile.is-3{flex:none;width:25%}.tile.is-4{flex:none;width:33.33333337%}.tile.is-5{flex:none;width:41.66666674%}.tile.is-6{flex:none;width:50%}.tile.is-7{flex:none;width:58.33333337%}.tile.is-8{flex:none;width:66.66666674%}.tile.is-9{flex:none;width:75%}.tile.is-10{flex:none;width:83.33333337%}.tile.is-11{flex:none;width:91.66666674%}.tile.is-12{flex:none;width:100%}}.hero{align-items:stretch;display:flex;flex-direction:column;justify-content:space-between}.hero .navbar{background:none}.hero .tabs ul{border-bottom:none}.hero.is-white{background-color:#fff;color:#0a0a0a}.hero.is-white a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-white strong{color:inherit}.hero.is-white .title{color:#0a0a0a}.hero.is-white .subtitle{color:rgba(10,10,10,0.9)}.hero.is-white .subtitle a:not(.button),.hero.is-white .subtitle strong{color:#0a0a0a}@media screen and (max-width: 1055px){.hero.is-white .navbar-menu{background-color:#fff}}.hero.is-white .navbar-item,.hero.is-white .navbar-link{color:rgba(10,10,10,0.7)}.hero.is-white a.navbar-item:hover,.hero.is-white a.navbar-item.is-active,.hero.is-white .navbar-link:hover,.hero.is-white .navbar-link.is-active{background-color:#f2f2f2;color:#0a0a0a}.hero.is-white .tabs a{color:#0a0a0a;opacity:0.9}.hero.is-white .tabs a:hover{opacity:1}.hero.is-white .tabs li.is-active a{color:#fff !important;opacity:1}.hero.is-white .tabs.is-boxed a,.hero.is-white .tabs.is-toggle a{color:#0a0a0a}.hero.is-white .tabs.is-boxed a:hover,.hero.is-white .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-white .tabs.is-boxed li.is-active a,.hero.is-white .tabs.is-boxed li.is-active a:hover,.hero.is-white .tabs.is-toggle li.is-active a,.hero.is-white .tabs.is-toggle li.is-active a:hover{background-color:#0a0a0a;border-color:#0a0a0a;color:#fff}.hero.is-white.is-bold{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}@media screen and (max-width: 768px){.hero.is-white.is-bold .navbar-menu{background-image:linear-gradient(141deg, #e8e3e4 0%, #fff 71%, #fff 100%)}}.hero.is-black{background-color:#0a0a0a;color:#fff}.hero.is-black a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-black strong{color:inherit}.hero.is-black .title{color:#fff}.hero.is-black .subtitle{color:rgba(255,255,255,0.9)}.hero.is-black .subtitle a:not(.button),.hero.is-black .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-black .navbar-menu{background-color:#0a0a0a}}.hero.is-black .navbar-item,.hero.is-black .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-black a.navbar-item:hover,.hero.is-black a.navbar-item.is-active,.hero.is-black .navbar-link:hover,.hero.is-black .navbar-link.is-active{background-color:#000;color:#fff}.hero.is-black .tabs a{color:#fff;opacity:0.9}.hero.is-black .tabs a:hover{opacity:1}.hero.is-black .tabs li.is-active a{color:#0a0a0a !important;opacity:1}.hero.is-black .tabs.is-boxed a,.hero.is-black .tabs.is-toggle a{color:#fff}.hero.is-black .tabs.is-boxed a:hover,.hero.is-black .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-black .tabs.is-boxed li.is-active a,.hero.is-black .tabs.is-boxed li.is-active a:hover,.hero.is-black .tabs.is-toggle li.is-active a,.hero.is-black .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#0a0a0a}.hero.is-black.is-bold{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}@media screen and (max-width: 768px){.hero.is-black.is-bold .navbar-menu{background-image:linear-gradient(141deg, #000 0%, #0a0a0a 71%, #181616 100%)}}.hero.is-light{background-color:#f5f5f5;color:rgba(0,0,0,0.7)}.hero.is-light a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-light strong{color:inherit}.hero.is-light .title{color:rgba(0,0,0,0.7)}.hero.is-light .subtitle{color:rgba(0,0,0,0.9)}.hero.is-light .subtitle a:not(.button),.hero.is-light .subtitle strong{color:rgba(0,0,0,0.7)}@media screen and (max-width: 1055px){.hero.is-light .navbar-menu{background-color:#f5f5f5}}.hero.is-light .navbar-item,.hero.is-light .navbar-link{color:rgba(0,0,0,0.7)}.hero.is-light a.navbar-item:hover,.hero.is-light a.navbar-item.is-active,.hero.is-light .navbar-link:hover,.hero.is-light .navbar-link.is-active{background-color:#e8e8e8;color:rgba(0,0,0,0.7)}.hero.is-light .tabs a{color:rgba(0,0,0,0.7);opacity:0.9}.hero.is-light .tabs a:hover{opacity:1}.hero.is-light .tabs li.is-active a{color:#f5f5f5 !important;opacity:1}.hero.is-light .tabs.is-boxed a,.hero.is-light .tabs.is-toggle a{color:rgba(0,0,0,0.7)}.hero.is-light .tabs.is-boxed a:hover,.hero.is-light .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-light .tabs.is-boxed li.is-active a,.hero.is-light .tabs.is-boxed li.is-active a:hover,.hero.is-light .tabs.is-toggle li.is-active a,.hero.is-light .tabs.is-toggle li.is-active a:hover{background-color:rgba(0,0,0,0.7);border-color:rgba(0,0,0,0.7);color:#f5f5f5}.hero.is-light.is-bold{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}@media screen and (max-width: 768px){.hero.is-light.is-bold .navbar-menu{background-image:linear-gradient(141deg, #dfd8d9 0%, #f5f5f5 71%, #fff 100%)}}.hero.is-dark,.content kbd.hero{background-color:#363636;color:#fff}.hero.is-dark a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.content kbd.hero a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-dark strong,.content kbd.hero strong{color:inherit}.hero.is-dark .title,.content kbd.hero .title{color:#fff}.hero.is-dark .subtitle,.content kbd.hero .subtitle{color:rgba(255,255,255,0.9)}.hero.is-dark .subtitle a:not(.button),.content kbd.hero .subtitle a:not(.button),.hero.is-dark .subtitle strong,.content kbd.hero .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-dark .navbar-menu,.content kbd.hero .navbar-menu{background-color:#363636}}.hero.is-dark .navbar-item,.content kbd.hero .navbar-item,.hero.is-dark .navbar-link,.content kbd.hero .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-dark a.navbar-item:hover,.content kbd.hero a.navbar-item:hover,.hero.is-dark a.navbar-item.is-active,.content kbd.hero a.navbar-item.is-active,.hero.is-dark .navbar-link:hover,.content kbd.hero .navbar-link:hover,.hero.is-dark .navbar-link.is-active,.content kbd.hero .navbar-link.is-active{background-color:#292929;color:#fff}.hero.is-dark .tabs a,.content kbd.hero .tabs a{color:#fff;opacity:0.9}.hero.is-dark .tabs a:hover,.content kbd.hero .tabs a:hover{opacity:1}.hero.is-dark .tabs li.is-active a,.content kbd.hero .tabs li.is-active a{color:#363636 !important;opacity:1}.hero.is-dark .tabs.is-boxed a,.content kbd.hero .tabs.is-boxed a,.hero.is-dark .tabs.is-toggle a,.content kbd.hero .tabs.is-toggle a{color:#fff}.hero.is-dark .tabs.is-boxed a:hover,.content kbd.hero .tabs.is-boxed a:hover,.hero.is-dark .tabs.is-toggle a:hover,.content kbd.hero .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-dark .tabs.is-boxed li.is-active a,.content kbd.hero .tabs.is-boxed li.is-active a,.hero.is-dark .tabs.is-boxed li.is-active a:hover,.hero.is-dark .tabs.is-toggle li.is-active a,.content kbd.hero .tabs.is-toggle li.is-active a,.hero.is-dark .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#363636}.hero.is-dark.is-bold,.content kbd.hero.is-bold{background-image:linear-gradient(141deg, #1f191a 0%, #363636 71%, #46403f 100%)}@media screen and (max-width: 768px){.hero.is-dark.is-bold .navbar-menu,.content kbd.hero.is-bold .navbar-menu{background-image:linear-gradient(141deg, #1f191a 0%, #363636 71%, #46403f 100%)}}.hero.is-primary,.docstring>section>a.hero.docs-sourcelink{background-color:#4eb5de;color:#fff}.hero.is-primary a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.docstring>section>a.hero.docs-sourcelink a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-primary strong,.docstring>section>a.hero.docs-sourcelink strong{color:inherit}.hero.is-primary .title,.docstring>section>a.hero.docs-sourcelink .title{color:#fff}.hero.is-primary .subtitle,.docstring>section>a.hero.docs-sourcelink .subtitle{color:rgba(255,255,255,0.9)}.hero.is-primary .subtitle a:not(.button),.docstring>section>a.hero.docs-sourcelink .subtitle a:not(.button),.hero.is-primary .subtitle strong,.docstring>section>a.hero.docs-sourcelink .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-primary .navbar-menu,.docstring>section>a.hero.docs-sourcelink .navbar-menu{background-color:#4eb5de}}.hero.is-primary .navbar-item,.docstring>section>a.hero.docs-sourcelink .navbar-item,.hero.is-primary .navbar-link,.docstring>section>a.hero.docs-sourcelink .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-primary a.navbar-item:hover,.docstring>section>a.hero.docs-sourcelink a.navbar-item:hover,.hero.is-primary a.navbar-item.is-active,.docstring>section>a.hero.docs-sourcelink a.navbar-item.is-active,.hero.is-primary .navbar-link:hover,.docstring>section>a.hero.docs-sourcelink .navbar-link:hover,.hero.is-primary .navbar-link.is-active,.docstring>section>a.hero.docs-sourcelink .navbar-link.is-active{background-color:#39acda;color:#fff}.hero.is-primary .tabs a,.docstring>section>a.hero.docs-sourcelink .tabs a{color:#fff;opacity:0.9}.hero.is-primary .tabs a:hover,.docstring>section>a.hero.docs-sourcelink .tabs a:hover{opacity:1}.hero.is-primary .tabs li.is-active a,.docstring>section>a.hero.docs-sourcelink .tabs li.is-active a{color:#4eb5de !important;opacity:1}.hero.is-primary .tabs.is-boxed a,.docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a,.hero.is-primary .tabs.is-toggle a,.docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a{color:#fff}.hero.is-primary .tabs.is-boxed a:hover,.docstring>section>a.hero.docs-sourcelink .tabs.is-boxed a:hover,.hero.is-primary .tabs.is-toggle a:hover,.docstring>section>a.hero.docs-sourcelink .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-primary .tabs.is-boxed li.is-active a,.docstring>section>a.hero.docs-sourcelink .tabs.is-boxed li.is-active a,.hero.is-primary .tabs.is-boxed li.is-active a:hover,.hero.is-primary .tabs.is-toggle li.is-active a,.docstring>section>a.hero.docs-sourcelink .tabs.is-toggle li.is-active a,.hero.is-primary .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#4eb5de}.hero.is-primary.is-bold,.docstring>section>a.hero.is-bold.docs-sourcelink{background-image:linear-gradient(141deg, #1bc7de 0%, #4eb5de 71%, #5fa9e7 100%)}@media screen and (max-width: 768px){.hero.is-primary.is-bold .navbar-menu,.docstring>section>a.hero.is-bold.docs-sourcelink .navbar-menu{background-image:linear-gradient(141deg, #1bc7de 0%, #4eb5de 71%, #5fa9e7 100%)}}.hero.is-link{background-color:#2e63b8;color:#fff}.hero.is-link a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-link strong{color:inherit}.hero.is-link .title{color:#fff}.hero.is-link .subtitle{color:rgba(255,255,255,0.9)}.hero.is-link .subtitle a:not(.button),.hero.is-link .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-link .navbar-menu{background-color:#2e63b8}}.hero.is-link .navbar-item,.hero.is-link .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-link a.navbar-item:hover,.hero.is-link a.navbar-item.is-active,.hero.is-link .navbar-link:hover,.hero.is-link .navbar-link.is-active{background-color:#2958a4;color:#fff}.hero.is-link .tabs a{color:#fff;opacity:0.9}.hero.is-link .tabs a:hover{opacity:1}.hero.is-link .tabs li.is-active a{color:#2e63b8 !important;opacity:1}.hero.is-link .tabs.is-boxed a,.hero.is-link .tabs.is-toggle a{color:#fff}.hero.is-link .tabs.is-boxed a:hover,.hero.is-link .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-link .tabs.is-boxed li.is-active a,.hero.is-link .tabs.is-boxed li.is-active a:hover,.hero.is-link .tabs.is-toggle li.is-active a,.hero.is-link .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#2e63b8}.hero.is-link.is-bold{background-image:linear-gradient(141deg, #1b6098 0%, #2e63b8 71%, #2d51d2 100%)}@media screen and (max-width: 768px){.hero.is-link.is-bold .navbar-menu{background-image:linear-gradient(141deg, #1b6098 0%, #2e63b8 71%, #2d51d2 100%)}}.hero.is-info{background-color:#3c5dcd;color:#fff}.hero.is-info a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-info strong{color:inherit}.hero.is-info .title{color:#fff}.hero.is-info .subtitle{color:rgba(255,255,255,0.9)}.hero.is-info .subtitle a:not(.button),.hero.is-info .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-info .navbar-menu{background-color:#3c5dcd}}.hero.is-info .navbar-item,.hero.is-info .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-info a.navbar-item:hover,.hero.is-info a.navbar-item.is-active,.hero.is-info .navbar-link:hover,.hero.is-info .navbar-link.is-active{background-color:#3151bf;color:#fff}.hero.is-info .tabs a{color:#fff;opacity:0.9}.hero.is-info .tabs a:hover{opacity:1}.hero.is-info .tabs li.is-active a{color:#3c5dcd !important;opacity:1}.hero.is-info .tabs.is-boxed a,.hero.is-info .tabs.is-toggle a{color:#fff}.hero.is-info .tabs.is-boxed a:hover,.hero.is-info .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-info .tabs.is-boxed li.is-active a,.hero.is-info .tabs.is-boxed li.is-active a:hover,.hero.is-info .tabs.is-toggle li.is-active a,.hero.is-info .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#3c5dcd}.hero.is-info.is-bold{background-image:linear-gradient(141deg, #215bb5 0%, #3c5dcd 71%, #4b53d8 100%)}@media screen and (max-width: 768px){.hero.is-info.is-bold .navbar-menu{background-image:linear-gradient(141deg, #215bb5 0%, #3c5dcd 71%, #4b53d8 100%)}}.hero.is-success{background-color:#259a12;color:#fff}.hero.is-success a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-success strong{color:inherit}.hero.is-success .title{color:#fff}.hero.is-success .subtitle{color:rgba(255,255,255,0.9)}.hero.is-success .subtitle a:not(.button),.hero.is-success .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-success .navbar-menu{background-color:#259a12}}.hero.is-success .navbar-item,.hero.is-success .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-success a.navbar-item:hover,.hero.is-success a.navbar-item.is-active,.hero.is-success .navbar-link:hover,.hero.is-success .navbar-link.is-active{background-color:#20830f;color:#fff}.hero.is-success .tabs a{color:#fff;opacity:0.9}.hero.is-success .tabs a:hover{opacity:1}.hero.is-success .tabs li.is-active a{color:#259a12 !important;opacity:1}.hero.is-success .tabs.is-boxed a,.hero.is-success .tabs.is-toggle a{color:#fff}.hero.is-success .tabs.is-boxed a:hover,.hero.is-success .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-success .tabs.is-boxed li.is-active a,.hero.is-success .tabs.is-boxed li.is-active a:hover,.hero.is-success .tabs.is-toggle li.is-active a,.hero.is-success .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#259a12}.hero.is-success.is-bold{background-image:linear-gradient(141deg, #287207 0%, #259a12 71%, #10b614 100%)}@media screen and (max-width: 768px){.hero.is-success.is-bold .navbar-menu{background-image:linear-gradient(141deg, #287207 0%, #259a12 71%, #10b614 100%)}}.hero.is-warning{background-color:#a98800;color:#fff}.hero.is-warning a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-warning strong{color:inherit}.hero.is-warning .title{color:#fff}.hero.is-warning .subtitle{color:rgba(255,255,255,0.9)}.hero.is-warning .subtitle a:not(.button),.hero.is-warning .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-warning .navbar-menu{background-color:#a98800}}.hero.is-warning .navbar-item,.hero.is-warning .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-warning a.navbar-item:hover,.hero.is-warning a.navbar-item.is-active,.hero.is-warning .navbar-link:hover,.hero.is-warning .navbar-link.is-active{background-color:#8f7300;color:#fff}.hero.is-warning .tabs a{color:#fff;opacity:0.9}.hero.is-warning .tabs a:hover{opacity:1}.hero.is-warning .tabs li.is-active a{color:#a98800 !important;opacity:1}.hero.is-warning .tabs.is-boxed a,.hero.is-warning .tabs.is-toggle a{color:#fff}.hero.is-warning .tabs.is-boxed a:hover,.hero.is-warning .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-warning .tabs.is-boxed li.is-active a,.hero.is-warning .tabs.is-boxed li.is-active a:hover,.hero.is-warning .tabs.is-toggle li.is-active a,.hero.is-warning .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#a98800}.hero.is-warning.is-bold{background-image:linear-gradient(141deg, #764b00 0%, #a98800 71%, #c2bd00 100%)}@media screen and (max-width: 768px){.hero.is-warning.is-bold .navbar-menu{background-image:linear-gradient(141deg, #764b00 0%, #a98800 71%, #c2bd00 100%)}}.hero.is-danger{background-color:#cb3c33;color:#fff}.hero.is-danger a:not(.button):not(.dropdown-item):not(.tag):not(.pagination-link.is-current),.hero.is-danger strong{color:inherit}.hero.is-danger .title{color:#fff}.hero.is-danger .subtitle{color:rgba(255,255,255,0.9)}.hero.is-danger .subtitle a:not(.button),.hero.is-danger .subtitle strong{color:#fff}@media screen and (max-width: 1055px){.hero.is-danger .navbar-menu{background-color:#cb3c33}}.hero.is-danger .navbar-item,.hero.is-danger .navbar-link{color:rgba(255,255,255,0.7)}.hero.is-danger a.navbar-item:hover,.hero.is-danger a.navbar-item.is-active,.hero.is-danger .navbar-link:hover,.hero.is-danger .navbar-link.is-active{background-color:#b7362e;color:#fff}.hero.is-danger .tabs a{color:#fff;opacity:0.9}.hero.is-danger .tabs a:hover{opacity:1}.hero.is-danger .tabs li.is-active a{color:#cb3c33 !important;opacity:1}.hero.is-danger .tabs.is-boxed a,.hero.is-danger .tabs.is-toggle a{color:#fff}.hero.is-danger .tabs.is-boxed a:hover,.hero.is-danger .tabs.is-toggle a:hover{background-color:rgba(10,10,10,0.1)}.hero.is-danger .tabs.is-boxed li.is-active a,.hero.is-danger .tabs.is-boxed li.is-active a:hover,.hero.is-danger .tabs.is-toggle li.is-active a,.hero.is-danger .tabs.is-toggle li.is-active a:hover{background-color:#fff;border-color:#fff;color:#cb3c33}.hero.is-danger.is-bold{background-image:linear-gradient(141deg, #ac1f2e 0%, #cb3c33 71%, #d66341 100%)}@media screen and (max-width: 768px){.hero.is-danger.is-bold .navbar-menu{background-image:linear-gradient(141deg, #ac1f2e 0%, #cb3c33 71%, #d66341 100%)}}.hero.is-small .hero-body,#documenter .docs-sidebar form.docs-search>input.hero .hero-body{padding:1.5rem}@media screen and (min-width: 769px),print{.hero.is-medium .hero-body{padding:9rem 4.5rem}}@media screen and (min-width: 769px),print{.hero.is-large .hero-body{padding:18rem 6rem}}.hero.is-halfheight .hero-body,.hero.is-fullheight .hero-body,.hero.is-fullheight-with-navbar .hero-body{align-items:center;display:flex}.hero.is-halfheight .hero-body>.container,.hero.is-fullheight .hero-body>.container,.hero.is-fullheight-with-navbar .hero-body>.container{flex-grow:1;flex-shrink:1}.hero.is-halfheight{min-height:50vh}.hero.is-fullheight{min-height:100vh}.hero-video{overflow:hidden}.hero-video video{left:50%;min-height:100%;min-width:100%;position:absolute;top:50%;transform:translate3d(-50%, -50%, 0)}.hero-video.is-transparent{opacity:0.3}@media screen and (max-width: 768px){.hero-video{display:none}}.hero-buttons{margin-top:1.5rem}@media screen and (max-width: 768px){.hero-buttons .button{display:flex}.hero-buttons .button:not(:last-child){margin-bottom:0.75rem}}@media screen and (min-width: 769px),print{.hero-buttons{display:flex;justify-content:center}.hero-buttons .button:not(:last-child){margin-right:1.5rem}}.hero-head,.hero-foot{flex-grow:0;flex-shrink:0}.hero-body{flex-grow:1;flex-shrink:0;padding:3rem 1.5rem}@media screen and (min-width: 769px),print{.hero-body{padding:3rem 3rem}}.section{padding:3rem 1.5rem}@media screen and (min-width: 1056px){.section{padding:3rem 3rem}.section.is-medium{padding:9rem 4.5rem}.section.is-large{padding:18rem 6rem}}.footer{background-color:#fafafa;padding:3rem 1.5rem 6rem}h1 .docs-heading-anchor,h1 .docs-heading-anchor:hover,h1 .docs-heading-anchor:visited,h2 .docs-heading-anchor,h2 .docs-heading-anchor:hover,h2 .docs-heading-anchor:visited,h3 .docs-heading-anchor,h3 .docs-heading-anchor:hover,h3 .docs-heading-anchor:visited,h4 .docs-heading-anchor,h4 .docs-heading-anchor:hover,h4 .docs-heading-anchor:visited,h5 .docs-heading-anchor,h5 .docs-heading-anchor:hover,h5 .docs-heading-anchor:visited,h6 .docs-heading-anchor,h6 .docs-heading-anchor:hover,h6 .docs-heading-anchor:visited{color:#222}h1 .docs-heading-anchor-permalink,h2 .docs-heading-anchor-permalink,h3 .docs-heading-anchor-permalink,h4 .docs-heading-anchor-permalink,h5 .docs-heading-anchor-permalink,h6 .docs-heading-anchor-permalink{visibility:hidden;vertical-align:middle;margin-left:0.5em;font-size:0.7rem}h1 .docs-heading-anchor-permalink::before,h2 .docs-heading-anchor-permalink::before,h3 .docs-heading-anchor-permalink::before,h4 .docs-heading-anchor-permalink::before,h5 .docs-heading-anchor-permalink::before,h6 .docs-heading-anchor-permalink::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f0c1"}h1:hover .docs-heading-anchor-permalink,h2:hover .docs-heading-anchor-permalink,h3:hover .docs-heading-anchor-permalink,h4:hover .docs-heading-anchor-permalink,h5:hover .docs-heading-anchor-permalink,h6:hover .docs-heading-anchor-permalink{visibility:visible}.docs-dark-only{display:none !important}pre{position:relative;overflow:hidden}pre code,pre code.hljs{padding:0 .75rem !important;overflow:auto;display:block}pre code:first-of-type,pre code.hljs:first-of-type{padding-top:0.5rem !important}pre code:last-of-type,pre code.hljs:last-of-type{padding-bottom:0.5rem !important}pre .copy-button{opacity:0.2;transition:opacity 0.2s;position:absolute;right:0em;top:0em;padding:0.5em;width:2.5em;height:2.5em;background:transparent;border:none;font-family:"Font Awesome 6 Free";color:#222;cursor:pointer;text-align:center}pre .copy-button:focus,pre .copy-button:hover{opacity:1;background:rgba(34,34,34,0.1);color:#2e63b8}pre .copy-button.success{color:#259a12;opacity:1}pre .copy-button.error{color:#cb3c33;opacity:1}pre:hover .copy-button{opacity:1}.admonition{background-color:#f5f5f5;border-style:solid;border-width:2px;border-color:#4a4a4a;border-radius:4px;font-size:1rem}.admonition strong{color:currentColor}.admonition.is-small,#documenter .docs-sidebar form.docs-search>input.admonition{font-size:.75rem}.admonition.is-medium{font-size:1.25rem}.admonition.is-large{font-size:1.5rem}.admonition.is-default{background-color:#f5f5f5;border-color:#4a4a4a}.admonition.is-default>.admonition-header{background-color:rgba(0,0,0,0);color:#4a4a4a}.admonition.is-default>.admonition-body{color:rgba(0,0,0,0.7)}.admonition.is-info{background-color:#f5f5f5;border-color:#3c5dcd}.admonition.is-info>.admonition-header{background-color:rgba(0,0,0,0);color:#3c5dcd}.admonition.is-info>.admonition-body{color:rgba(0,0,0,0.7)}.admonition.is-success{background-color:#f5f5f5;border-color:#259a12}.admonition.is-success>.admonition-header{background-color:rgba(0,0,0,0);color:#259a12}.admonition.is-success>.admonition-body{color:rgba(0,0,0,0.7)}.admonition.is-warning{background-color:#f5f5f5;border-color:#a98800}.admonition.is-warning>.admonition-header{background-color:rgba(0,0,0,0);color:#a98800}.admonition.is-warning>.admonition-body{color:rgba(0,0,0,0.7)}.admonition.is-danger{background-color:#f5f5f5;border-color:#cb3c33}.admonition.is-danger>.admonition-header{background-color:rgba(0,0,0,0);color:#cb3c33}.admonition.is-danger>.admonition-body{color:rgba(0,0,0,0.7)}.admonition.is-compat{background-color:#f5f5f5;border-color:#3489da}.admonition.is-compat>.admonition-header{background-color:rgba(0,0,0,0);color:#3489da}.admonition.is-compat>.admonition-body{color:rgba(0,0,0,0.7)}.admonition-header{color:#4a4a4a;background-color:rgba(0,0,0,0);align-items:center;font-weight:700;justify-content:space-between;line-height:1.25;padding:0.5rem .75rem;position:relative}.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;margin-right:.75rem;content:"\f06a"}details.admonition.is-details>.admonition-header{list-style:none}details.admonition.is-details>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f055"}details.admonition.is-details[open]>.admonition-header:before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f056"}.admonition-body{color:#222;padding:0.5rem .75rem}.admonition-body pre{background-color:#f5f5f5}.admonition-body code{background-color:rgba(0,0,0,0.05)}.docstring{margin-bottom:1em;background-color:rgba(0,0,0,0);border:2px solid #dbdbdb;border-radius:4px;box-shadow:2px 2px 3px rgba(10,10,10,0.1);max-width:100%}.docstring>header{cursor:pointer;display:flex;flex-grow:1;align-items:stretch;padding:0.5rem .75rem;background-color:#f5f5f5;box-shadow:0 0.125em 0.25em rgba(10,10,10,0.1);box-shadow:none;border-bottom:1px solid #dbdbdb;overflow:auto}.docstring>header code{background-color:transparent}.docstring>header .docstring-article-toggle-button{min-width:1.1rem;padding:0.2rem 0.2rem 0.2rem 0}.docstring>header .docstring-binding{margin-right:0.3em}.docstring>header .docstring-category{margin-left:0.3em}.docstring>section{position:relative;padding:.75rem .75rem;border-bottom:1px solid #dbdbdb}.docstring>section:last-child{border-bottom:none}.docstring>section>a.docs-sourcelink{transition:opacity 0.3s;opacity:0;position:absolute;right:.375rem;bottom:.375rem}.docstring>section>a.docs-sourcelink:focus{opacity:1 !important}.docstring:hover>section>a.docs-sourcelink{opacity:0.2}.docstring:focus-within>section>a.docs-sourcelink{opacity:0.2}.docstring>section:hover a.docs-sourcelink{opacity:1}.documenter-example-output{background-color:#fff}.outdated-warning-overlay{position:fixed;top:0;left:0;right:0;box-shadow:0 0 10px rgba(0,0,0,0.3);z-index:999;background-color:#f5f5f5;color:rgba(0,0,0,0.7);border-bottom:3px solid rgba(0,0,0,0);padding:10px 35px;text-align:center;font-size:15px}.outdated-warning-overlay .outdated-warning-closer{position:absolute;top:calc(50% - 10px);right:18px;cursor:pointer;width:12px}.outdated-warning-overlay a{color:#2e63b8}.outdated-warning-overlay a:hover{color:#363636}.content pre{border:2px solid #dbdbdb;border-radius:4px}.content code{font-weight:inherit}.content a code{color:#2e63b8}.content a:hover code{color:#363636}.content h1 code,.content h2 code,.content h3 code,.content h4 code,.content h5 code,.content h6 code{color:#222}.content table{display:block;width:initial;max-width:100%;overflow-x:auto}.content blockquote>ul:first-child,.content blockquote>ol:first-child,.content .admonition-body>ul:first-child,.content .admonition-body>ol:first-child{margin-top:0}pre,code{font-variant-ligatures:no-contextual}.breadcrumb a.is-disabled{cursor:default;pointer-events:none}.breadcrumb a.is-disabled,.breadcrumb a.is-disabled:hover{color:#222}.hljs{background:initial !important}.katex .katex-mathml{top:0;right:0}.katex-display,mjx-container,.MathJax_Display{margin:0.5em 0 !important}html{-moz-osx-font-smoothing:auto;-webkit-font-smoothing:auto}li.no-marker{list-style:none}#documenter .docs-main>article{overflow-wrap:break-word}#documenter .docs-main>article .math-container{overflow-x:auto;overflow-y:hidden}@media screen and (min-width: 1056px){#documenter .docs-main{max-width:52rem;margin-left:20rem;padding-right:1rem}}@media screen and (max-width: 1055px){#documenter .docs-main{width:100%}#documenter .docs-main>article{max-width:52rem;margin-left:auto;margin-right:auto;margin-bottom:1rem;padding:0 1rem}#documenter .docs-main>header,#documenter .docs-main>nav{max-width:100%;width:100%;margin:0}}#documenter .docs-main header.docs-navbar{background-color:#fff;border-bottom:1px solid #dbdbdb;z-index:2;min-height:4rem;margin-bottom:1rem;display:flex}#documenter .docs-main header.docs-navbar .breadcrumb{flex-grow:1;overflow-x:hidden}#documenter .docs-main header.docs-navbar .docs-sidebar-button{display:block;font-size:1.5rem;padding-bottom:0.1rem;margin-right:1rem}#documenter .docs-main header.docs-navbar .docs-right{display:flex;white-space:nowrap;gap:1rem;align-items:center}#documenter .docs-main header.docs-navbar .docs-right .docs-icon,#documenter .docs-main header.docs-navbar .docs-right .docs-label{display:inline-block}#documenter .docs-main header.docs-navbar .docs-right .docs-label{padding:0;margin-left:0.3em}@media screen and (max-width: 1055px){#documenter .docs-main header.docs-navbar .docs-right .docs-navbar-link{margin-left:0.4rem;margin-right:0.4rem}}#documenter .docs-main header.docs-navbar>*{margin:auto 0}@media screen and (max-width: 1055px){#documenter .docs-main header.docs-navbar{position:sticky;top:0;padding:0 1rem;transition-property:top, box-shadow;-webkit-transition-property:top, box-shadow;transition-duration:0.3s;-webkit-transition-duration:0.3s}#documenter .docs-main header.docs-navbar.headroom--not-top{box-shadow:.2rem 0rem .4rem #bbb;transition-duration:0.7s;-webkit-transition-duration:0.7s}#documenter .docs-main header.docs-navbar.headroom--unpinned.headroom--not-top.headroom--not-bottom{top:-4.5rem;transition-duration:0.7s;-webkit-transition-duration:0.7s}}#documenter .docs-main section.footnotes{border-top:1px solid #dbdbdb}#documenter .docs-main section.footnotes li .tag:first-child,#documenter .docs-main section.footnotes li .docstring>section>a.docs-sourcelink:first-child,#documenter .docs-main section.footnotes li .content kbd:first-child,.content #documenter .docs-main section.footnotes li kbd:first-child{margin-right:1em;margin-bottom:0.4em}#documenter .docs-main .docs-footer{display:flex;flex-wrap:wrap;margin-left:0;margin-right:0;border-top:1px solid #dbdbdb;padding-top:1rem;padding-bottom:1rem}@media screen and (max-width: 1055px){#documenter .docs-main .docs-footer{padding-left:1rem;padding-right:1rem}}#documenter .docs-main .docs-footer .docs-footer-nextpage,#documenter .docs-main .docs-footer .docs-footer-prevpage{flex-grow:1}#documenter .docs-main .docs-footer .docs-footer-nextpage{text-align:right}#documenter .docs-main .docs-footer .flexbox-break{flex-basis:100%;height:0}#documenter .docs-main .docs-footer .footer-message{font-size:0.8em;margin:0.5em auto 0 auto;text-align:center}#documenter .docs-sidebar{display:flex;flex-direction:column;color:#0a0a0a;background-color:#f5f5f5;border-right:1px solid #dbdbdb;padding:0;flex:0 0 18rem;z-index:5;font-size:1rem;position:fixed;left:-18rem;width:18rem;height:100%;transition:left 0.3s}#documenter .docs-sidebar.visible{left:0;box-shadow:.4rem 0rem .8rem #bbb}@media screen and (min-width: 1056px){#documenter .docs-sidebar.visible{box-shadow:none}}@media screen and (min-width: 1056px){#documenter .docs-sidebar{left:0;top:0}}#documenter .docs-sidebar .docs-logo{margin-top:1rem;padding:0 1rem}#documenter .docs-sidebar .docs-logo>img{max-height:6rem;margin:auto}#documenter .docs-sidebar .docs-package-name{flex-shrink:0;font-size:1.5rem;font-weight:700;text-align:center;white-space:nowrap;overflow:hidden;padding:0.5rem 0}#documenter .docs-sidebar .docs-package-name .docs-autofit{max-width:16.2rem}#documenter .docs-sidebar .docs-package-name a,#documenter .docs-sidebar .docs-package-name a:hover{color:#0a0a0a}#documenter .docs-sidebar .docs-version-selector{border-top:1px solid #dbdbdb;display:none;padding:0.5rem}#documenter .docs-sidebar .docs-version-selector.visible{display:flex}#documenter .docs-sidebar ul.docs-menu{flex-grow:1;user-select:none;border-top:1px solid #dbdbdb;padding-bottom:1.5rem}#documenter .docs-sidebar ul.docs-menu>li>.tocitem{font-weight:bold}#documenter .docs-sidebar ul.docs-menu>li li{font-size:.95rem;margin-left:1em;border-left:1px solid #dbdbdb}#documenter .docs-sidebar ul.docs-menu input.collapse-toggle{display:none}#documenter .docs-sidebar ul.docs-menu ul.collapsed{display:none}#documenter .docs-sidebar ul.docs-menu input:checked~ul.collapsed{display:block}#documenter .docs-sidebar ul.docs-menu label.tocitem{display:flex}#documenter .docs-sidebar ul.docs-menu label.tocitem .docs-label{flex-grow:2}#documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron{display:inline-block;font-style:normal;font-variant:normal;text-rendering:auto;line-height:1;font-size:.75rem;margin-left:1rem;margin-top:auto;margin-bottom:auto}#documenter .docs-sidebar ul.docs-menu label.tocitem .docs-chevron::before{font-family:"Font Awesome 6 Free";font-weight:900;content:"\f054"}#documenter .docs-sidebar ul.docs-menu input:checked~label.tocitem .docs-chevron::before{content:"\f078"}#documenter .docs-sidebar ul.docs-menu .tocitem{display:block;padding:0.5rem 0.5rem}#documenter .docs-sidebar ul.docs-menu .tocitem,#documenter .docs-sidebar ul.docs-menu .tocitem:hover{color:#0a0a0a;background:#f5f5f5}#documenter .docs-sidebar ul.docs-menu a.tocitem:hover,#documenter .docs-sidebar ul.docs-menu label.tocitem:hover{color:#0a0a0a;background-color:#ebebeb}#documenter .docs-sidebar ul.docs-menu li.is-active{border-top:1px solid #dbdbdb;border-bottom:1px solid #dbdbdb;background-color:#fff}#documenter .docs-sidebar ul.docs-menu li.is-active .tocitem,#documenter .docs-sidebar ul.docs-menu li.is-active .tocitem:hover{background-color:#fff;color:#0a0a0a}#documenter .docs-sidebar ul.docs-menu li.is-active ul.internal .tocitem:hover{background-color:#ebebeb;color:#0a0a0a}#documenter .docs-sidebar ul.docs-menu>li.is-active:first-child{border-top:none}#documenter .docs-sidebar ul.docs-menu ul.internal{margin:0 0.5rem 0.5rem;border-top:1px solid #dbdbdb}#documenter .docs-sidebar ul.docs-menu ul.internal li{font-size:.85rem;border-left:none;margin-left:0;margin-top:0.5rem}#documenter .docs-sidebar ul.docs-menu ul.internal .tocitem{width:100%;padding:0}#documenter .docs-sidebar ul.docs-menu ul.internal .tocitem::before{content:"⚬";margin-right:0.4em}#documenter .docs-sidebar form.docs-search{margin:auto;margin-top:0.5rem;margin-bottom:0.5rem}#documenter .docs-sidebar form.docs-search>input{width:14.4rem}#documenter .docs-sidebar #documenter-search-query{color:#707070;width:14.4rem;box-shadow:inset 0 1px 2px rgba(10,10,10,0.1)}@media screen and (min-width: 1056px){#documenter .docs-sidebar ul.docs-menu{overflow-y:auto;-webkit-overflow-scroll:touch}#documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar{width:.3rem;background:none}#documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#e0e0e0}#documenter .docs-sidebar ul.docs-menu::-webkit-scrollbar-thumb:hover{background:#ccc}}@media screen and (max-width: 1055px){#documenter .docs-sidebar{overflow-y:auto;-webkit-overflow-scroll:touch}#documenter .docs-sidebar::-webkit-scrollbar{width:.3rem;background:none}#documenter .docs-sidebar::-webkit-scrollbar-thumb{border-radius:5px 0px 0px 5px;background:#e0e0e0}#documenter .docs-sidebar::-webkit-scrollbar-thumb:hover{background:#ccc}}kbd.search-modal-key-hints{border-radius:0.25rem;border:1px solid rgba(0,0,0,0.6);box-shadow:0 2px 0 1px rgba(0,0,0,0.6);cursor:default;font-size:0.9rem;line-height:1.5;min-width:0.75rem;text-align:center;padding:0.1rem 0.3rem;position:relative;top:-1px}.search-min-width-50{min-width:50%}.search-min-height-100{min-height:100%}.search-modal-card-body{max-height:calc(100vh - 15rem)}.search-result-link{border-radius:0.7em;transition:all 300ms}.search-result-link:hover,.search-result-link:focus{background-color:rgba(0,128,128,0.1)}.search-result-link .property-search-result-badge,.search-result-link .search-filter{transition:all 300ms}.property-search-result-badge,.search-filter{padding:0.15em 0.5em;font-size:0.8em;font-style:italic;text-transform:none !important;line-height:1.5;color:#f5f5f5;background-color:rgba(51,65,85,0.501961);border-radius:0.6rem}.search-result-link:hover .property-search-result-badge,.search-result-link:hover .search-filter,.search-result-link:focus .property-search-result-badge,.search-result-link:focus .search-filter{color:#f1f5f9;background-color:#333}.search-filter{color:#333;background-color:#f5f5f5;transition:all 300ms}.search-filter:hover,.search-filter:focus{color:#333}.search-filter-selected{color:#f5f5f5;background-color:rgba(139,0,139,0.5)}.search-filter-selected:hover,.search-filter-selected:focus{color:#f5f5f5}.search-result-highlight{background-color:#ffdd57;color:black}.search-divider{border-bottom:1px solid #dbdbdb}.search-result-title{width:85%;color:#333}.search-result-code-title{font-size:0.875rem;font-family:"JuliaMono","SFMono-Regular","Menlo","Consolas","Liberation Mono","DejaVu Sans Mono",monospace}#search-modal .modal-card-body::-webkit-scrollbar,#search-modal .filter-tabs::-webkit-scrollbar{height:10px;width:10px;background-color:transparent}#search-modal .modal-card-body::-webkit-scrollbar-thumb,#search-modal .filter-tabs::-webkit-scrollbar-thumb{background-color:gray;border-radius:1rem}#search-modal .modal-card-body::-webkit-scrollbar-track,#search-modal .filter-tabs::-webkit-scrollbar-track{-webkit-box-shadow:inset 0 0 6px rgba(0,0,0,0.6);background-color:transparent}.w-100{width:100%}.gap-2{gap:0.5rem}.gap-4{gap:1rem}.gap-8{gap:2rem}.ansi span.sgr1{font-weight:bolder}.ansi span.sgr2{font-weight:lighter}.ansi span.sgr3{font-style:italic}.ansi span.sgr4{text-decoration:underline}.ansi span.sgr7{color:#fff;background-color:#222}.ansi span.sgr8{color:transparent}.ansi span.sgr8 span{color:transparent}.ansi span.sgr9{text-decoration:line-through}.ansi span.sgr30{color:#242424}.ansi span.sgr31{color:#a7201f}.ansi span.sgr32{color:#066f00}.ansi span.sgr33{color:#856b00}.ansi span.sgr34{color:#2149b0}.ansi span.sgr35{color:#7d4498}.ansi span.sgr36{color:#007989}.ansi span.sgr37{color:gray}.ansi span.sgr40{background-color:#242424}.ansi span.sgr41{background-color:#a7201f}.ansi span.sgr42{background-color:#066f00}.ansi span.sgr43{background-color:#856b00}.ansi span.sgr44{background-color:#2149b0}.ansi span.sgr45{background-color:#7d4498}.ansi span.sgr46{background-color:#007989}.ansi span.sgr47{background-color:gray}.ansi span.sgr90{color:#616161}.ansi span.sgr91{color:#cb3c33}.ansi span.sgr92{color:#0e8300}.ansi span.sgr93{color:#a98800}.ansi span.sgr94{color:#3c5dcd}.ansi span.sgr95{color:#9256af}.ansi span.sgr96{color:#008fa3}.ansi span.sgr97{color:#f5f5f5}.ansi span.sgr100{background-color:#616161}.ansi span.sgr101{background-color:#cb3c33}.ansi span.sgr102{background-color:#0e8300}.ansi span.sgr103{background-color:#a98800}.ansi span.sgr104{background-color:#3c5dcd}.ansi span.sgr105{background-color:#9256af}.ansi span.sgr106{background-color:#008fa3}.ansi span.sgr107{background-color:#f5f5f5}code.language-julia-repl>span.hljs-meta{color:#066f00;font-weight:bolder}/*! + Theme: Default + Description: Original highlight.js style + Author: (c) Ivan Sagalaev + Maintainer: @highlightjs/core-team + Website: https://highlightjs.org/ + License: see project LICENSE + Touched: 2021 +*/pre code.hljs{display:block;overflow-x:auto;padding:1em}code.hljs{padding:3px 5px}.hljs{background:#F3F3F3;color:#444}.hljs-comment{color:#697070}.hljs-tag,.hljs-punctuation{color:#444a}.hljs-tag .hljs-name,.hljs-tag .hljs-attr{color:#444}.hljs-keyword,.hljs-attribute,.hljs-selector-tag,.hljs-meta .hljs-keyword,.hljs-doctag,.hljs-name{font-weight:bold}.hljs-type,.hljs-string,.hljs-number,.hljs-selector-id,.hljs-selector-class,.hljs-quote,.hljs-template-tag,.hljs-deletion{color:#880000}.hljs-title,.hljs-section{color:#880000;font-weight:bold}.hljs-regexp,.hljs-symbol,.hljs-variable,.hljs-template-variable,.hljs-link,.hljs-selector-attr,.hljs-operator,.hljs-selector-pseudo{color:#ab5656}.hljs-literal{color:#695}.hljs-built_in,.hljs-bullet,.hljs-code,.hljs-addition{color:#397300}.hljs-meta{color:#1f7199}.hljs-meta .hljs-string{color:#38a}.hljs-emphasis{font-style:italic}.hljs-strong{font-weight:bold}.gap-4{gap:1rem} diff --git a/previews/PR92/assets/themeswap.js b/previews/PR92/assets/themeswap.js new file mode 100644 index 00000000..9f5eebe6 --- /dev/null +++ b/previews/PR92/assets/themeswap.js @@ -0,0 +1,84 @@ +// Small function to quickly swap out themes. Gets put into the tag.. +function set_theme_from_local_storage() { + // Initialize the theme to null, which means default + var theme = null; + // If the browser supports the localstorage and is not disabled then try to get the + // documenter theme + if (window.localStorage != null) { + // Get the user-picked theme from localStorage. May be `null`, which means the default + // theme. + theme = window.localStorage.getItem("documenter-theme"); + } + // Check if the users preference is for dark color scheme + var darkPreference = + window.matchMedia("(prefers-color-scheme: dark)").matches === true; + // Initialize a few variables for the loop: + // + // - active: will contain the index of the theme that should be active. Note that there + // is no guarantee that localStorage contains sane values. If `active` stays `null` + // we either could not find the theme or it is the default (primary) theme anyway. + // Either way, we then need to stick to the primary theme. + // + // - disabled: style sheets that should be disabled (i.e. all the theme style sheets + // that are not the currently active theme) + var active = null; + var disabled = []; + var primaryLightTheme = null; + var primaryDarkTheme = null; + for (var i = 0; i < document.styleSheets.length; i++) { + var ss = document.styleSheets[i]; + // The tag of each style sheet is expected to have a data-theme-name attribute + // which must contain the name of the theme. The names in localStorage much match this. + var themename = ss.ownerNode.getAttribute("data-theme-name"); + // attribute not set => non-theme stylesheet => ignore + if (themename === null) continue; + // To distinguish the default (primary) theme, it needs to have the data-theme-primary + // attribute set. + if (ss.ownerNode.getAttribute("data-theme-primary") !== null) { + primaryLightTheme = themename; + } + // Check if the theme is primary dark theme so that we could store its name in darkTheme + if (ss.ownerNode.getAttribute("data-theme-primary-dark") !== null) { + primaryDarkTheme = themename; + } + // If we find a matching theme (and it's not the default), we'll set active to non-null + if (themename === theme) active = i; + // Store the style sheets of inactive themes so that we could disable them + if (themename !== theme) disabled.push(ss); + } + var activeTheme = null; + if (active !== null) { + // If we did find an active theme, we'll (1) add the theme--$(theme) class to + document.getElementsByTagName("html")[0].className = "theme--" + theme; + activeTheme = theme; + } else { + // If we did _not_ find an active theme, then we need to fall back to the primary theme + // which can either be dark or light, depending on the user's OS preference. + var activeTheme = darkPreference ? primaryDarkTheme : primaryLightTheme; + // In case it somehow happens that the relevant primary theme was not found in the + // preceding loop, we abort without doing anything. + if (activeTheme === null) { + console.error("Unable to determine primary theme."); + return; + } + // When switching to the primary light theme, then we must not have a class name + // for the tag. That's only for non-primary or the primary dark theme. + if (darkPreference) { + document.getElementsByTagName("html")[0].className = + "theme--" + activeTheme; + } else { + document.getElementsByTagName("html")[0].className = ""; + } + } + for (var i = 0; i < document.styleSheets.length; i++) { + var ss = document.styleSheets[i]; + // The tag of each style sheet is expected to have a data-theme-name attribute + // which must contain the name of the theme. The names in localStorage much match this. + var themename = ss.ownerNode.getAttribute("data-theme-name"); + // attribute not set => non-theme stylesheet => ignore + if (themename === null) continue; + // we'll disable all the stylesheets, except for the active one + ss.disabled = !(themename == activeTheme); + } +} +set_theme_from_local_storage(); diff --git a/previews/PR92/assets/warner.js b/previews/PR92/assets/warner.js new file mode 100644 index 00000000..3f6f5d00 --- /dev/null +++ b/previews/PR92/assets/warner.js @@ -0,0 +1,52 @@ +function maybeAddWarning() { + // DOCUMENTER_NEWEST is defined in versions.js, DOCUMENTER_CURRENT_VERSION and DOCUMENTER_STABLE + // in siteinfo.js. + // If either of these are undefined something went horribly wrong, so we abort. + if ( + window.DOCUMENTER_NEWEST === undefined || + window.DOCUMENTER_CURRENT_VERSION === undefined || + window.DOCUMENTER_STABLE === undefined + ) { + return; + } + + // Current version is not a version number, so we can't tell if it's the newest version. Abort. + if (!/v(\d+\.)*\d+/.test(window.DOCUMENTER_CURRENT_VERSION)) { + return; + } + + // Current version is newest version, so no need to add a warning. + if (window.DOCUMENTER_NEWEST === window.DOCUMENTER_CURRENT_VERSION) { + return; + } + + // Add a noindex meta tag (unless one exists) so that search engines don't index this version of the docs. + if (document.body.querySelector('meta[name="robots"]') === null) { + const meta = document.createElement("meta"); + meta.name = "robots"; + meta.content = "noindex"; + + document.getElementsByTagName("head")[0].appendChild(meta); + } + + const div = document.createElement("div"); + div.classList.add("outdated-warning-overlay"); + const closer = document.createElement("button"); + closer.classList.add("outdated-warning-closer", "delete"); + closer.addEventListener("click", function () { + document.body.removeChild(div); + }); + const href = window.documenterBaseURL + "/../" + window.DOCUMENTER_STABLE; + div.innerHTML = + 'This documentation is not for the latest stable release, but for either the development version or an older release.
Click here to go to the documentation for the latest stable release.'; + div.appendChild(closer); + document.body.appendChild(div); +} + +if (document.readyState === "loading") { + document.addEventListener("DOMContentLoaded", maybeAddWarning); +} else { + maybeAddWarning(); +} diff --git a/previews/PR92/generated/examples/compressed_sensing/1e4f6f19.png b/previews/PR92/generated/examples/compressed_sensing/1e4f6f19.png new file mode 100644 index 0000000000000000000000000000000000000000..5070e50738a14f5f046b7d66faf31e93fade3309 GIT binary patch literal 62123 zcmeFZWm}cew>P@z7Nn)S8v*I=knWN&Ktj4px}}kj?(PObq`RcMyBp4A@BKgfdA`7T zb&%_lSgdv5bB^(=F(E`*Ng55A02u;-pvlTes6rsHs1OKL93nLMicmOh0r(HzL|$3~ z^8E5IqcuMk0wIIQN{Fhvq#mTXdSFY=^>}khW5(DnLqU_TVn+97Qu&37ZmOy)zt)xz zeXSzFGBY)WXW)o~0gEHLa4BI9r-A`1dV)-`iWmw74VC4OA%o~o6l<2ZENqddI-&K^ zj#gk9{nx0Pfq}u|1lOa$B~drFB$O!lp_g}m1bIhiA2LM0m-pbGaP&z3{dHJT7g0Ir z|2)btI!5F_KY*7*^*h_Kxs|ZG(mm0dd1j~^jA-hw>T9;QrWEQWz zA1`O>m%ZE{Zcf*GqKsNx*aZYy#DiWLG&>PlL~nx*`SjOwSe#7 zc!k=uKVJQ-H1)Wzo3}PLVslUm`=dy@<*L`(3Kg1|} zy;91ER9zq3dhRrBNC7gLJSbPk zZ#hoE&@&86~Ckci-0X6jL-ybAfFLr4LTTCe8zj^rK3 zo1Krt@K~WMX1{_vD>^zVC|q5nWI$5IMD!~dP)L2JGL4aymDS{YY+b3XlrGTd{p^)E z&^;i0e^4#@9bPe+Bll;MEJh-0cXxM`(A`eDpgYSaW*(S&R zFCkz@y{{LYzayaI;#?gsv#wcy>mrY)&YWJiYm_)p5)lyz!)1n0(bAF%xQtrYUmwhJ z3JB<{4-X8?*IH_6YT}~Lq9P%&TX1u7o^SNU78Vxz`ubYU*By>#ia*|6DmMLyiLpCb z5iOpY%YXkXfmsjwo&6T7vwZFB*HYcuagvz$_*(Dhr@_I&Kr})paIqX&%pn7*Y5dNi zhs{S#mIwbT&z6SM_`Pp86IWMPU0q!vuSkVb6B6=}`!ujOFLozrl~QHo-L6wnu)wmyzl1>-)0Y_Nbv{pbgp4HCO}M_vuVbOkXGR6kS~2J)^y);N-Li>)+Ve zxCp9Yp^?)E)RBB5%V{g9`DvxNJNIiuW>CQzt#EvxFY0ZUD=OH&oyW$+fGx`7I{|$c zgibmPE@`Rd7F^O)#Ru_otTZ9dyOrPHXJ=;*=W6%oYAp*dqlkE8z-phabxTDMIPQ+; zdfs2n@x2OKKbWod;D7h7K{l2KqLjwxxYFSZimuF{SxQRk=U}-}lLI~Vf4#kZ`<8-& zLO@`_x<2K)XtMejuRRSpd8Tv}3Fz;Ufq{Yk{xuwex1UEdL}6}Esy~hJ5xr_Fy?4RG z!#iGXf1WH?#Q(8s_dpw(z@#L>>Z*ZgO zze{W!XB$eYJ1fJkA~b#ATib>aDK~6Y`Xwaz^&gu`Cw}u`-8=^eN2=0x7;76{l<(c; zKC6Di=&nQ2FeWLf_W*N!L3*r@k532|Es2na_Ixqtr{M*M2}QdhUi&R%x9f-mhWDw>r8wl#&vM$^DgcEwIbWsGw~AlvOWASj5{s7;^$3P-ZhVRwA_ z>59kotD);=d`L(L4rYVCud}R592TvTLNbTseNkjs*nE>?ah;Z=q$H@p#LemtU4fuK ztig+AQStIN3OGk$6hJ3lAI|6NDNdsiUS@M zKf?{*x?wf&@&0;$`gtvk6>PZrB`C}?Pc*CLHUo8llj$u*C}}{1Woq5S;;y4T|xEQ6p_}(@ya5V&b9l`J@XSN78jW z%~>LV_Lqn1RFGv^8#<`~4kV=<{1Dr-OfEpw}0#-k5^gEIpW)(HHW#7?WPx zwV18i%oGpu5WXtRPv;;&gutT_sH>|}F$}DgYxcm8HhfzTK*8I4RW@(aZXi_taFohr znNZg@Wns|bQt1)=BPROiPq)h{Ekc9NBz9AE-ZZ7ucjPEmejkT^UhdDl_b9=j&P;XQ zEpLCaSZZk;%hf5JX4b3gy{xXP0p zds9AviT!7x)xV0>5#i?&i|x|-r5MLAQ(Y%x(xiRytOiXEGX~CYJgXrz0CBt;(hkAQu7Wn`zr(~&MKAlE+2S;tHV1o6U zYWMceK9ZD{-rn529T)6=cE0n2LvcW3t$J%jE+=+NP0_vtEtgD1;Z1tU5E$n_Cs8Oa zW*p}ku6Vm z`9!Q~Cy+UgbPP=!K>cKI}!_8Fk58Nrt3=DgK?4!H?0Gw@ls zxy_DZ3sCl1f14hr+vOfLdfyox()E&i`NAy_7GM)qrbkGW>k0M7(wzx$=oFw{4#Hf8OhvndR(^xF5ID?ga$~mg!XgU9~kcGaF3i zlol!%pxPQrq3s79&Z6LM({`IjM+)FUV?lB4%y{ij$S5Tp-OgTdc{-3-iAG-ZB#ysL zqXcOz+HTgu)uP~n8b&0Kf9ZUV{ksle|H>DF(m753Abtxji#d6`UJmQDEN|uJ=TAvIo~xC|pPjF> zO8NC`WZ(ri_U6CV@hp3A($dnhvI6NGR{8 zTUyrlN=gX?K)ssoew0kZ{$)Ie(56Kt;n#Gz z5o=^TSI5gLwp3(f7y~Ih7bL0@M=l=NOWWjfN>R=l6^20S5v`>pCl_Pn{a)}A`xz57 zD3xVQ1OXQ&i6{egCXf)zp4SG3hD)ISKaQj`ANK<`4SIOGKhClRjJ$?NBPeL#B{4BE z(XD}4`q!ei-&wUd%VB@o3am6h{-~%Zt^OP;Kw7M8TQlWGMh)AKV4dtvR*k$LH7u?l zJo9`0{tZ0?NV^p!{G^P%2{4>N+(?ohY4b<$gC|OyD5x2gayJ>-0>v8+Dzl(aPz9l9 zuZa1uadATpK;vLHx83bA8s31HsJ}iLU~TWs$Hjg7H>slQYG+LR?b&G$>AA$d9SwJ(n-mC@g{~7dLRZ?6Qt_%fKKZOE+RL*XG%LldI}#sF=hiI*Io*3Y2mI z9d;+hHo*Vr_slsj*qYgS-95?YeDpBHvm6YAg@x5!rf1WtVSNsSw3xruR1prVfY(Dq z!7^ZqSuvO0acY%z`|aTt+p~?ntS3MO>Wc{hb$Es@zIgp6ZZa~#%0f7j-x~F+_S)>X zl?aJ zEX_~FmNp&uZvQSnKV7$jsTiTRx*j*gC+4l{PwQ-05@Hl5Grah6K zSF@jLOF{bvb70}&(YojNqBsJ8(Yu@ivhRC7ll=Sl!a%zXBrpSwOmP)Sz$M51CcxjH zNxvcblcsq%4lXV{EbIdiEm?ltTiYSD=@??Spoa<$fh6)Y*GXW1VWF|0gM+Va{&OS5!15;=9!{eYcs7vQpb!qBqQ|8^x84M z0ZE8jo&pjY8V)H83=F{a)lccJe~-i1^HMQ?7}@x8$Vfa1?R`wt{SqCcoX^&mJXN4V zNlM7;e6#@A;AQCnV{`?f&X<%nn$SSQ@?_JusGg+Xp{?-00S^-pW6YtT&ytvQ)MUFVR%m*-)*ZG6w+tjp zysa{j?ga$}t?t)%^WIqf-igS_$aTO80+NInS+;l_z`V{b-pze+p42Z#P3uBz5`S@4mB~qllqkF z$!`P=>K80uuFz(hBYWe@p{)?n_qqCX4_=|CyPNClKV_MD1auMsmy;EF*49bTzbQ6t zuKy}NI4`;8Gf~{jM3D$S$o;bLZ}@^n@K)JC<^Jl>octe=_ww$UD*hZP&teJEW~LYw z1?e*MW?Zm`>!jy_ZMRrh;cLT|+pQE}aIk0;ZdSgd|5sGNU*@(3l`7z>`gQ*!cXYm9 zO;D0}xnWk!XHen5qyZz^>~uI69v)t6In#e6NXTQoL3n$63&M)S@!Wy%H=NU@dWkVH zoy%xAXMtD5hhd^h6`pq&U$S8U8%WwY*xzX1@0YhLC?S7mH;e$%XdMU`e0GyR;C)}e$( zd1%+w06T8&bXNI$ezgfNvj;bnNsW+TCL{@@{h9K_G-p#26Zls|_@L?t3Hbqs^J1d- zqTS#lQ@2qo0PES&{1v%`_4;S$>rIScwj2@l?O! zD$v+*J+;W`x)NT#yL%)I(tdlJz?;4h+|heLM!-@v?-dmTJ6UhHDaUJqDPnA#ku(7` zT1ggNkq6D({^j-2>nC79kDB)L6q3)5y`NJOgRjFLel`GkR%=)1(@taNtH4to5k6&s z_UhGE80|-Ma~y2!f&&PEKFs;8{h$On&}X0mZ-96y2LKMNqH072u>Qb>*ILbMM#2>l z0H*9NaVm5k{I9xWt#DeHDjqvW8GN;EQ#`)79&4MS+{z z9xOI%ZTy?9w=vqh`j-OkwqU{ZMLX9WSQk@}k&y`qr1m)A;^HRoO*hQ^1}X)T`tBPA zBV!orL4V)SP<&caG0^C)(w`B5^Y;R_Ct!g!Rn`myAdTg5U90arZYm!BIyUOh9Z$Yg z9~!S?e01@~>A!aGXJ9{4cqrOK%xrL#R8?ba=?|9M+lM}e1qZ)#IU$2cs(?zx!@{DR zS+4#RWqsX0csT<^&E*U*EAyar?f~b{l;}|MC%2pr^Wzj#**;23X}ZIzsHn6*-7)$+ zJUoCXlo};f0zHe?A-KVemGk#9UoY0LQF6a(r)8xCnwP+ur~$WNcfsM z*hss0ihvp=_{PCz!LrY#DQ(A4%d_Y=tT^yF148;TPPKSvr@0$M;x0hxN-hb#+3f3Pdpp3EZECiP#aJAI?WWv7`QX(gd>HwE$6!%?}F=-%R*H;9=D6 z1(;l3POiVN?}Z(Y7Mp?Ir2oX%zMbw)h6W1(jzX{QD?Jm_;K+zkqh0PXxhIa8iOE{U zhc2h%CC{UUMu5XhASj~XngHEtQ?wbo&}%i{7pI#%9$4gq*z&5X_Dp-qU=}rY{tNQ>DQCKv&|?=RB}`a z{Et|@RJQ8VLVBj>VzdSLym42>!f!SA);00L;sNALE}0g&ZeiV7DfOZy&(5ozaIUYq z5M9&!&$mYg8nJ)!*pPt!pXY-Dp?D>x4aK))a@t{@?S95`?7j+(GiPPxXbVwI2s=Cb z8k616IN*oE>}JtxLC9s-BlK`0Ubzpt0dKRY1Ib`-s+hLi-mGTLPG3Kj4jl<;7r3Q* z>%|QemCa`oHe-?9`a-|y7w0fO{I1`|;WzNOlKe&8IT6u`IWNf1(N@y%0IXFQ^4Qo| zmVUhZODal3BPGFWzvO-_sA5#R#^EzMs?2+q1Jn)3d$BK#JWeI2uFE{VKuAxiVwA2t zQ+7!|A`v`x4N}iOVnlEe08PO5XuOH|GoW=kT(u19fd8mr9c+AVx`9euXQx&ftGKtSIP(Z=bKdpJ|^J8uVF&p4rWM zF=plHREc>$kFKmo2~Q7k;1Uy;MrJ>U72nC3?wU~W=TPCF*zbc zyU}hlM>bY&h{+3xeCydN$(&Lb5Yuh6!ok4_gkOSi4DU~N(@`) z@C?=fA?(iAvn~%04K0GK9bmi6!6HbtfK2O6=6lKVKs5My9;E554=BoqFB1=(qTdFU zpnTtb9K=_lqc!)wKdg6bt^WD;3k53_f{7A9aXa!B~R9&W%G zAb|8ow~0=ZLtzQN5y+MX5?S#WKftUo5}h9cHU|n+w*&#%`08Nx#R5L0kTstnz`_au zJgM3-g12tHoc4a)H(E2bwmt%}9}w?UgnhqU)*#7Q~FMo9}p!v3!8;FH)!fugw8dkrSZ7YR9=Dx7L%e|7)`0i&R9(A9AZM zKT4_qrH`OPfQW*kSMyor+qYAo_ar_5aj=;OuwxUc7fe0?-dqALZ8EJqox;0-!IVOe zZweAp-DaoKfz6^`Jt>UPEV};HuAt-QVK}8;Cfn=t%ML-+`S3 zCS*UI9Za#nY%n(84yZ<90G1aQ4vTky$L$pq!WY^Wt=oane!f{p*BIi^#{5Hn)OK$j zUyf*c0Jh{M1khk@2E6}eBCn4-V%h7ybg~)+_zjwS;;C{YZ%_h2*)}n<*z2>*fEZ^i zS00bN>b#ax2t2>lz0~6R&Arlcm3i30{ND(|a_vg7$df{(1laD8|BahFv4_^OVSgkf zIDr7>Wu$UAH`UWk{E~Kq?!jf&m5`FMqXzvnED#~y6G`k?{jjyYO$yRAu$9cZHHhfw z`DT6+IMF|Td;`x=Q&R(S;aZzzAtojTXQi-p2fp_}VBKBp0&k!pQ-o#odA_bxMkeOh zFH&smxRjKXxHur{0rYfscJ`0v4Q$FODGm4beg-ba#l@wtZ|p@1eCh=cu+TlTdznsd zY?y&TTd5uoskaD=VT;Q~@9UJI=~nl`_n)Tza~8na8o^~JGib?mo4Ab!$j423sAn)k z^aUYqZcffSqR1E1_GLn<*(53fOvb>3u-~OiU#p=G%fV084^{hX-&-WF}-d6%6+Pc1!|P007vu)Y)`WVx*K` z4L-?@q>O#Rxc7iA!3+kgzl&F+_{VzLg?lM^nQN;|dItO`p@DxI`!!8B-S!!x3 z*fRV11&|)q4y0hgW`=3X7A!qYLV*D)y#UW#omFwnS$X3YLHesIm24>;9i1W#Y;Xj@ zBU4FE0y|bDE)Dpd%L}q?;ct9tz~wjCE*%1f;Bt&6Lxctthuf~+6^ItgY4ehS~o2K17VCA1c81rHQ1Hgz#`0*mvdVyOML!xj}HY6CRCjG%A zc5x-se6X!1;4-%4g3t>ql1eRYRzJjdL74c+c-Izo@>D`fnH7m%;siU(o+`nnGjMTH?RIu1>pn<@?2`5O zKZjBz4)d|OG6r@1vV`Is0taCJbL|!|@wxCfQzcTLAcbg-SpV;r*#=L<9Wy>@lBtOs z`2Ww%1rr47;?YG}cR+4xAJVd}f61=zW$X0OsJN5=&n;(tRL0GQTE}4={nK&rbY6g( zi~OW2okT$_JIO%@$MCW++1U)6R7ltSksL8gwJ#NO-odq{C5@Ll!TW2Iz|u5zC|DtN+$UFD z_Vo;CgXE?4?`E}rIvx1<14I)8I|7Q=Mm72jwj}T2Ac^u8;jVLLO(sHWja2k(lYB|} zsWkz*po$VH^|5-bz6W}aoW&Sr311&5Fm0}E%W;EZ8{%Q1dW+60c?Tmpsmzi8XRA*1 zruuZwKryk$M#((h+| z@iAipafMUAkqEAaL49ZM*8Xrpq%>KAl;MbY?IBt5NPklpucRtPqwM?hNoCVcz ziBQI?FY|fH;*&~8-Xe}21pteD+t0%67Xrv46h3d;6R?s)+Tc%(D zEJ4HCLcjH>yJ`4x0o|B4&<*h*zQ?_T>99H;F?3&+j!pmBH$obxLsa2du5!IPhUOoc zU0|9fXsr|nTlf*cz#i&~TFBK{6z+3n!{+8_xyH;)7b_dx{vFfD7-Q>Cs2vf)@4KkB_mXfRG%Z};NzZ;$ zhS})w3`~5KjZK|g3xrS{;MEYf9D3HX{2=@bDRKS!#5|wBzVulynsd(_VSp8OMS+)I zhg&Wjsm17F?(G;#OlZb&zl1tx4%H-=>aVC)*PEjmz4F4N$c9_$J9~-d2-K)wN6nl2 zUQI&iu%dCkliQ|Uzap-KpE~TE8<~0rLVe{LW*Fd`f(mM&v0DA~2xSDx5V=0W!)|R( z8>x1yS=68M-p1Oy<4Itby}7{kxxaF*a@nweYj_@YF}(d=MjEnyymX71$piqd1=%d3F3QflX zQO;q5FJrS!`*Udi=K>Wahjvop|L)(+Nac4mMo*@*8V5QXtmXAe9UHI;QqPas`^;7n zB!jRjN)2y*F9>CD(BsFWg!vNXu9))pJID4PWSm)31P{E9Fc(?US~JNB6+gM_&48dr zD#2O8w>{b$(l&PUUn^Rxvl_)IoFrj$|7qJ~35D~S7jkMwwQBPu_xZq2dRy|$@9cSc zlgE#D!s%FHRB@A_6Az^a-}=h9JXt zUdhDwXl~l?z(!~wzg;TEw@R(FuJFCemZfZR?>54hd6-j1aA8CReShm>L^L(k9!B-x z``3M_^Ih1F5~2b;o;q#gS_o=5dvU-Fe8tAKOO7DG& zPf$Dg&VYZsVXe+s=@=qsIBWBFOk6fL5e?00QVIiBdPMY3 z{pOBY?A?hKi%~tjk<#ztWI|GFr2X1=MT|2TABhBE-`m0Y6;#IsKMl%@8<$9k8!OB- zbsWMEb{alBHsg6ev$#r{orU&JbI%)GKC=mLhYlA*1{K=$_IwQUeXJ^NES#6B&R;tw zQ&`zr`uJs@PF(SJ;*av5#5rp?A2zS&x18Rd@CcEn^D*8v8F9vwq%jfCx%t)QT5eza z^<8LiN*Dd+?~o80MqWY(C#knoTqliFNYhy!}{S}_S@uLoy#Wef>T!GqeF zxqRm{!e?Dv5NXwqLPeSr>bHPy!3s7$Ce7aLi(YN%I8jDE=E-Tg;7V%Wo3wA9CG%G& z?O7*l4N35%$FR{YRiqGu%CUmB0P#zHJH-7=POaRUM=Y4Yk2w{iY-H9Zp8arYZ!_c0$^|yKy>7?_~5x zCFD%l8m&VWwZVAAksZPk@a=XXR~uz8 zxt?|@goVDF|7_kFZ!Y49PxO!=B^z__8_1tuPM5;NvyAE5(|c@9&Ko_l))pa7Um$Y(F4ubQ>Y9*^$}H zm1x7cR^}`7@XgAcwNaPMtSqxy9lmDJf}h;;RfbRf<_XcRKU^g>M}zXYDaF`>0`qt0 z>obd`LKO{a-62uzS6mTcWWl;3yVEeQ!w%xNFBbfTX4B%WOt)aPbN+-F)E{{zA>2SG z&Ak=+hq>Zs@?(xw^^b+Q%l?AT-ype--TU-(IJ_kJ%2PfT2x5bJ38e)m1aX)yX25R( zDxPfDk-W>fjzofP>>lh{;KbC2rQ;gSe1Uhn+7%GgZqM{XpY1?OptG$5d+fv^q{BZrOzFZIp1H1ovREl^SQt=X`3+qdrbGzMRFxXw-uK)?2O^J zf!5C%+|UZxCzaZ;#GNACv%*^!n@imX`=0CJu$@x(h^84OCFxE7zwTTsN^|Q5d66O~ zb04`=Mv0dAt7?BxXNb_VDC=Xz97EYMmBN+hx%gp0Cqb_yJP(>9XONK*LI~0w=2&sW z)ipBj5!I#o$pY;cVW2kZ)Sg`Dx67HE-St-@)$EfTmMSk18gGcpt()Pwh zcrssx2Uo|q?I)BpV{;c}+rBknt+8QG;;Wq^tfGM*!WPx!P%aM+%i^9b`ne&hnWu)1 zJ3Vyg`hp&@h3Li=PG6S~9_`-;SglDqKk%7<8bogM9QlEH>h^78@3pWHa>j0*2xJg0 zuR|4fOEn24fdWoMB+@rf+1046EOOOAd-UHc6n#y)a46eZ+d|^|kNw4Viw)@8b7u>e zJg!cU=aVO#Fm|nOtU6*BBwxm{=xlG#vQgpvcNR?{lX{DERIO|azi!s|C_IWy&!_ii z>YC`EkG?|g?>+a{eP0yO6)XomhGWQDmo)n2m=1!Xv-w-fZHl%JR1*W8O(6@cb3f!A zYF}mJ{t1ytQ(cU%anCJQ5+Rty4JHUl4>WEN`q@o!)g<=4A<(v`9Q~Z&RX0vA)2nXk zSBBV)1Q2Wwp_9X)dZAZ7^u|geDj8&S6YBPwsKRlCTT|(&jv5*iGpZ+>;^z_9*%8c1 zHZ5~blu9dY!Ta(YrN~$joiIOZx7Db67_wB!s57NH7Hv84Dsw&?arwIh*+10L6AORi zvd4={Z>o`c9b<@JMTHN5F50eqGrM6^sEM3f(Qvx`cqi{Y9a)cgmQ$8pvsTDclRTDf zd)jYrcgQy%>6@#W?=sp*gXruk+zKpm#il#lN8$VS@=3!QC^h@c`v3kFu2z`Es$oeu zX4Ly}Olaej;K~O%LEn^bxQAVf^MI9 zx8Ntqq|5?!*vcGVXCA+*Q1#90p)|OaM=iWIyRDB_)p!PQ5CUyKh_=riKLK&yR}v?! z&}P~EiN&ALTS~T6_wA#h$nmcl2{nWR#P5d;?#LlV(;~sn@1SfiGsfLDYi%{4d|2n8 z-%9 z&pI4}t)_R-Udp~}(9v3$KYe@ndgxga-D|mSf3WEMytU(@QC_hl-UjX(sSS=?;+RCu z#xXl`&M3M`rsusr`#kAzJO6xQ(w6^r!X+v1PyK|DIlqwaXsDVvYOJGOjSfMr752^G}NX9HT3M)eTy zaTzy4!Oeo^dp*&h3Tj<$mW499oYJem>b!vtCO8MY-4JLy2$=~nWP_)c5tmLgkIkQr zzg#op9fYYr7z?3HW~m6G#@8+Co7J!q{$P<$;GHKm#aKCWcTJImv#AHn2H!xnu zy`{}qvafW~g&^*)Y0nnwrCA7Tj^e|unzb^P!JSWiwfufPt>9JC5`trqnj>61(?BX} zN9le#WkTc@J7 zCf5x_#JMv=rft| z9eG==i@l8pJ7<+KqO&2!EdJ>n!$vuYBXPUOrBF9(K2#hD91vR_9WQ%+pM~j?Wdj74 z2)s^iom|s&J}#7>)U^^1uHKEXl93?Zb2-2=7{O+v9_np(~aTZ6%u>DZ76 zZ(?OV?W|JjN$jld2b8F@;@ic$rX4rx-K#&n2N`z-dIf^f^?lD|#~41{Dh7&W0b~rQ#Av_Oj4L67<82X)Z+q2-4-`UbK9Mq8{6U%Cyuh5=H@_pB zj;F2sQk&r(3d!2@bb>X>8#Q?@FQY~VsyN1u9!&|G5b?qLUa?=Mw>ax%@J;+vwsia+D` zKckV6fAiduybwA!uYY_LYNako?7N!)euF~Lw?M*SS}_(Y{fs&xIaho>b04z|O$pxi zdN^pqG%tT)sNN{_#$@A&9<2%o&iHKHIF}c1N`K!Mx7*W{3Z0=<5@#h>0QM7h=}#V} z{j!DfyH>Oj4Tf~O@4KaSt>69<7qfYI@6EL8iJy+c;&W;XK-I2BPJR79GYw@0F`U(~ zH{?sJsW-dXt9tTAs)u$ojBGpJ@ZZ)6hu*I9d{1ag&DEU`a* zJsW$_)_}XgSpJ$`KUsh-6ezw!Bf~}SdURtbwB#uM4lI#1@K>hLL4V!hx>}yr=fm$C z=Nidlhzq{Eb4%!XY)Uj=u=d|XexL~QEAN`kx?ksfo{O{!^elmD5?>R{Bro$K zgXmroW9m!>It}rpUpPp{hXXvjIkGfwH|mfZ&I@gz2EW)17QEU;BElpn3V0)p4l;nG z{Nt8)EP+wZ@tjd1&5T4jF>|)h|z2D$%+cf@p5>{hTKfsi?JeE4IQ)9K@LFOgK~vO zO;bQd0?XU^pE6hcja8@*n!iF41cErJrxxo5hs5toZOO`vh-!m zgl5{-TVo@tvd=uEdT@J2Z&l+ld8)2GRI{VIbo;E;#-}C=`T|db?n!Il<CR ztRH(m>7>;^9HN~i6I5Ip=5(@ONxzy|=CK%XR52M)jH=R{yu2->Lq+IFfnanL;=kx?Ce;>hyUg8yzKlzO4s2v&~2StAvP22UOgh56p zO82n?TmGb(wH1D4$zP}Cq;)rp7Pi44DzBs;Qjw`O5Hpyc&QyYo-=azaRWke&n*qK5 zKNA%Ue?071Wu22=$?Vp+-U1VPuFWy?lxKgBxMI}BT`NQUW7{*w-|yz$JgU-ec_!az zeZZ{AaHpWuBF(l%G;-Ta>=V;4!4~>3o?&~Gb!rH=UG#n3pl3|RkS78u|Bd`iFCLEv z;tII8n_*{uPl|)d!zMaXlp4%*@+FxF}F7c)|?AcyHPa*oG>iSa3Wr6ggz~r zC2W(e&O?tVt^vn(&0fTda^HB#g>OT-H&qPm`La4T=lTO8(!4^R^qsX@x{!>gIVb3T zsC0KGeugv7VYpZpZd$F_C^}TX6c-bpB6Dx)-Sa(u;}Q=0Ep96-TTrukhV^!ds-FI> zp+c@YhH2#?#TXwC3-B8=2n zA28M3-`Mebx_9Jm?P^#cuZ8tJ4 zVt(5D`vJvD)S5`7rK?YaW2!#mP6k7$<3dPI9voH~v@mdU2*Un8uth>xN>`%%!JVjd z|Chs*@Gi0}D=K*BRl|=l{G3D1_CcgToTGTzg&tuvdDodX&`u{*Uja(Zc6976Bm45_ zJsvVAwD40drEsT(xf5aaZ1U9K5^fP)L(#G#JSQ=H(FA{F8hg2~o%VO4HTvRYml;*7 zG;oyeV#}^-DJ)v7MjAnx$=wX%&eZ-Oa>FLAO&6{@5C5?qafOi$?`{I&st_&9Pq{N)w3Hb}1rDxrue!55VUtz4}+vyvHv!$&MU!g@qoIRG**$ z=i0K*H{a3GE>o7lpn^0ZWi45ROhX@{&ZWVQ*)-))jq@efV-dT6=1oFPe@xT|Bz^Hw zgYY*SArf(+I&{!59VMEONYU0aUArIjM(TRFmqEambS#SxXW`>Sx3B1t zaA4m55Hj5jYI2tqFEAOr^ly|G&gsSqKI3%W4HDq>m2pHiw%4U_c8N9k?5`G~343jM zWR$^JSWIO%=BrA`{<9k|Vt<|SyC-h{>=CFotnP0N_uTrY?UNFsE8lwj#8L+k!^_y=KeL73(P)v`|DGDZRD-J~kY6i>jBI5Xcl^H=N zNYI^2P&6j&#Qd2qU#VF+^uy0(-}hEQ^DH^IJg~OgF}#^y%2qsL$zZ#Skvb7;*?+6$ zxbXVH=`+Evd^R&xUOWx7?n71JM_+77Sb71;4;;A_o3m0*=U8zgLQ0 z`P;eq+sDGy-5L@xE{qt%f482G-AP6^X^@Qd{=PICHCyOa9tvntr*E$#S;%+!2>fIx zeN{>->fmlgbb7gwXxVrZ>y&flck(31NnY7pifnS^5TY^<7o&xaw&F+;kEZK7zxk+& zj;Lma_M6{g+5|2xK)UX{%HWn5@@JC&71@Fll*o5=EoDs=diMUkPJ%$!x?e>Hb+ zVF>2Od8iZUnnw>$>W~@}T`tVFsj)X|P&-A)^j(@)X?CvE{1p9B7P7D|{B6amkwqq$ zE6i{9@0JON$_JQJiiwJZI@Eio>oWARG+=7@LNsC6Lu8c~p<)dSm8^353ZgH08vV(_ z$8tDLzN(x>svx1Cju>4Tyjrn&KZ1+kZ{~WBIC(+_D?5BuX=ErXQM{!a7ZdBIn#FM{ zS~~7R5i9&|nY5!0%7(2YlMNEJO2gJ+;yYmw^7cE2h@4m>7|FYVeB8lV@|Z+?PgK#z z8)Zx@e0KR*?QjWi>tQ>Bn3B#fnU0fTOf5mjQPRu+?Kj;(w0@QxtXVq#BwnQ+4`Gb! za?K7rX|dc&>!@$YbIjQ0&Xr;rna3{)$|@FGZZJ`Da4q|zu#=H2`pJ%kxVW1wzm4Wc z`$s)px>ABMovDBB()2DdA)#F@rooJ_E4}>m_@ggi=r>hX0!%(-q|K!MbNM6~c3&YI z^cSXs5A}=ZNsv$k_P3II7LJ!FTH7b6IQ|_u{NtT`d{Tr0R+Eqz!;r+xD~RmV z^pw4N>8`G@T!h7_hOh%Ol@wl$x#Vq5)Dbul3v2STty8ALtkV9H9y+JuU?$@p7x(g4J$gfa32;u z?3>)##;H)CP2-!nwTb=X{HtEl9CF>B5bCAXL60)esp}v%+VjS%Q^vHpoPu@ zDc6J>s6*Mia@igUR3R&|$Rc)AscV|pwli;}H=rdgMTk6-XpXuoyqu718k>hwtC!@`hMbHzD@-y;abb>Ie|pHH;DqWOA`F%D60F4`5dkcSdTP`PzkR z>v|aRW+rrUwO0(as-|Q3-YN4;sDP0=)LWti{Y}9laGHZo*rSDqD4}G?+~HyKUvU1~ z>i3=hhpTgpk|gNfe6?-cwmogzwvB1`v@tzx+qP}Hr)_)Mwzl5g{l90=MrD1=tU3`l zGveOo{^Dkp3w}^5T6_(%-FC*Zmvm*Em0(1pm9A4%8?Vz~?LJdLA3`r~Hk`LiWc!`z zwm;gZ7#_U6pY9>TErjzB7j=(nVTlb5`?l|ZuBemYA6><|BENNvfax>69m`PA&5v6> zyV#WrE{I5i}Rl5 zmI1|WIm0-8Ss=yV^IC8iw)rNL9@=pF#Tqq%S(!PdnWxY~J6>)K+<_rsuws?ueT(RWMV$Sqf82>S0@=6E{omjME?`&yxW09bi-VI3iiOaoTZ7XZEXtLx>TrR~l>hva z-2k}P#f9_8n^^nOW@hz-+P^RYX6x{4$TvA08B;UU(WXLY*<&*Up5*e1z8QcSy$AX0Ri!h%j4c>*1Aih>1)2W`g9gMxGD~NcY)@ zdi;c(xm4Mql|?PI1;m}n6l|Z;wI0gOlp{_audCGuJ3v{=Wa=lKjJE+?axg6r9Q&36 z(gjvd1uegTp$8x&Z#jh2>9LP#O9)PIb8c1z9apJS4dTo9GV8mg;+IvO>H36U6FghL z^fEtu$6c{T9u{83g#hJR#1Lbmp6L1?cb>^O-u-712h};%xG8w<(bH3>AHKdA_wlIrPN;?HT zXh79jbVizo}h464cafWOoa)82~0Md_}^$dRtBY}O}CZ$n_CLZ zJ8l;;GXoeQ`dYadj(whZb&~OEI0n=3GyABg;~9&{UjnOT)h6na*Y9HRs646!;wKpC z=&VfchpWeOIrprrXlg8xCTLr@ZTq@ zS_F-teQDpBx2N5axo7ME#?mg&pj0$fhB(6tbeTYz|4S%_V3|qZ1ed8(HHY3elJfbf z@a=netrvVy9^JFBj^OmU=&qfc^C-(E5W9U0arF8hW>Jo+9Vu5T5VGo#q_*i%|M;aA zBO0f9d`I!SydsFPBYt|84aLfGT0IP|U5Nu~CK~L{(9;M159-=FF;NXG#~6|PTX{q7 zKU@JZUt>QO7nPtu&4ik6kqrvxHrkeuDd(Hmx&?_fLAFu7*H)@E~i+90Q*|tt^W3awPb2# zqFKwWdJiqlv=}Xy*7-2l(XolT$5)|ki85-J6arOJ0!H>8a0MB4A5yU%LQZtw+wSqm zR57a7&_gSs9qBL|^eah5cNW2s88+=n;O}ZGU-^PCa%tF(kl=9rF(FC!}YQfw)`J%3M#b zCcEtyb3 z^UJKqvUJ5I*M|rmut!t*1qQ+51GKne(GQ|ZeZBS;Zd~>5us)iKQJYYK`~#|*SMB(U zf&Bg$ARSOyEGRZDOu^@#(WQI7VM_WoNhmxk)qN~dw>sOgP*&ihj?oroWF|11fv8p< zZN?ySo=Hx&2v*PaT=TVFGl5lX`=CTn&`nxsQ{Y<|=bTv5<|g&47YL+Tcdb~HU*ptz zIgbbq4j37e8D^g=Vap;KkCUVv#<}Aq_eBn$!FXA#hg3MRC%n(_XKp7x7+6b189aVH zExgmqNJ}+6w|kZAmHd=C+MUx#`_NWiF=nhY0e0DGYcpjsYOTmpit zDJ?^BirZVNlKer3x!KD^-cYZ-gB?6jz_9%FDWtI*6wR^{YiuJ4OA9Irrm0OuJpKn; zi&w#*)IWBY>bbuqwh-otRo}%aRvy-=+;Nv+9buqL&1J4&g;`R?jQtk#(*M>ln|z{8 z7}Q$V$IL*Yr-j`}z3iJijOFrfYepDWyniHr&T)%ki5u|FwqF#zSYXuLwi$iH`BKAP1%;@ z)F&LF%h3+f#kHZ{SVzg6OT zGG~sJr?M4zD7t$oSv2ic!SGP*TsVnN@k0l=15d(0wptILM zVEe~i|KhYen1Mh6{J30FrlEb}##&;HEd-)tMdWGmZ@=v3&6+E{N23#M{kmBFAv$OU zcFJqDvV^8JD!FN%b(+#+I;yjDd<0^otZv}cdC8J1J8Dvu%VENs%2;o($EQ2sh|6s5 zdiA26wU?B^K?~bJ>r)-Ehw;i>@NvpXY28G)&V-7E)1erwOp#nw`_C9B^SXa`v??n& z6}>&#lCf`h&#I#WELuSVhVNA7p8*oS_tdqG7Grp^9|z7Q)PSHFseD)UV>82f`)hg; zT8co;xB`?1(Gc~|D&$@wZN(cgN-a1J8PKlBkP0N(fED=znIIEmqMjz=)dFfEz$ye5 zfPdMoPDShRwq%|frtG7(6CW5$Pg@-%9}xTnW(u|RKW|YaMRkp>B1PYdGZ#tbf_J)fi1$? zbOGf!!Va@c6chh2$9>dWyVW>^d|=fN+=RH0XFZvO5w$H;a{Pe?4`k7zmo#Wc4KVQl zf#$Xi4x*H1WJK>^fGHc0b}m18yJHj;Htnn=zoq$}eBcO?5t&Krt49YDQnH9I@q46$ z2^x57QA}k#lo7dzT>yy5|0qDm7(7Dn4qbt+m>UTJ+Ll8(sfy%Zi9mM8!<@}&)HOF4 zJ%_3&KndGs&rgX1=TcMdREY`duvV)oC*{Y&xeu2NKdtP&i-E!xdT~XenLs}+gNIRq zHU?p~Fkdwyv5!d9m5r4M3vxwJ84XrMh7N~lbAEN9KzYl_U8pV6;x$I2H$I_0l)l7SbptKkHWm4SF{<2;xbFt(6n7_G2Z6F;>otq zs5XD_mFQiTsc`tZkHY^x^kPrfIv?H2ieq2#OBA#zoHzoo6W#G7xU~y=6SxGr(o~0m5yAS0p;X0U` zW63I}e0da%1d`}95YkuLH$HqF!#-4dnLX=u2%=}RK>ha&2!88=_ z_2MTE&>>Yj$8Zz zonJ&r&Y~b`N-(w+I!Z@z33;M>vwpR$8Ylf9|Gw9Jp1JudSoL4D)jOZBWam#6=1H)i z4;4TYsKrP|*qDvSz|FH1g-49V%w4e;NuZ67O(o2+d)Ww&Om;m@UAyw4xLm`8_d;ND z{UoF2h{^Mir9er3lgsm_Ui~fhF|1gA9<9*vS?XBa-s*m?Iom#ey$!Bt1{PR!E8Owu zzP|4=?5%<-cSrq|N^W4-j*Gq_wM-F{dKP=bXV`nOY{k5{t*xlva3#7nYIZ$mVj?sp zW60;@bv<2KBp!ICABrsqqRyP)MU-4luQT2wTSNgeM;(jBvqW1^k<$HE*#ZWRC892N zq{(2Am!g^1?O1|W(_#gMK67<8!QYtc?P$(iD^y=+E}k|agRKr_LWE_ z2)bKgXdrl6r;$=h5>&brm}0IN+9#3ywVTPPZ5^w%o8O3hQ=tyB+_5d)or|1p-Ztll zY^e93?`-3k=6ge_hk60XBNmftvNjp*=Y_$A|CH}tWMv$HE^cu~mN24jZeK$yUlv({ zL<{>W5q#HDVQVNOE7B{J_4hEjZ`aM^hGdysr7YXj=j`OKkVzWz;V(k;QZejiKL@XEy)1fJZzacXV$k)UCv5c z@{@9&?-bXJ-EDmFuThAcl01aKlV8Cw^h0SI4~KKPn^?fBy(*F!Sj|_Y6oR-jXrKem zT>RuFzf0U7wPMl|?AMi|XqI5-G7Dj))z#u7eve1)Vwc{6zjw=~iwg&Wi-ezpI{oDh zZZY#_N{8Gv0BJhfR zP1H5wQEjCerf7=u<_tPJ0k!|`F2iq);`N6r?+|YDW|oD=`zp zn}orVxk$zFnhGkFa>j~#`9O^B+Y^})x4_^C2CzXP!odQLb&z$uiM~!Ub%a2gvQ)+= zCfpB5yrBgcjxY^usulJ^P--$4!Vzlt8sgz@lP$pjLtt*F8yW&gyDPETaJ%1cZ;$|B zWsPDdkR<)kJ0q#LP$@_a&?VrOfzx$L*wF%_$vg6+FMT zscDm!vkAuQ#PS?ReN+tFY9@yli4OS`PY)zGl&r2{RA@&cN%4oa9)C=qD3}<7L+S>5 zeF$r?pmO4a{+^BUnNjQ^WS_qw!ZG$eVkfP>7qKZRk!DLs3|)^w-$26f*lM<0(Vxr$ zT@^&q_uzsiK?Htk;8s8sHB}|-2v=PTSz*sLK($s3z6R?kuBX2pDpXClKhQO`mreBK z(gZ#kY`fIkiBoO$eZGDIPpo5=M8l&@CQ+-f&ij;}Y~VN|D1T*3NT1}Z92ZyVbWbIt zq>v^RvQUlwz)({R}dq> z^%Ns43qOecE^2D4^&ax=>zYDff@UWu!2uYUVKBw^zn4_73nNIP23*mRNaiHWAx%O< zATgBivIX!Laq{w!RSP6I5V*JVr%*`qAyAY2@UHT!eZl*DdR!)P%zReoPzIC==9L$` zU=N6o3XNAg_VcUh2vKzv-q*OD3Vx-&TyftcV~+^5|Q3wMlh+nGYMW<9g`=^d$;hYq(RoN;=qE&<+^?P@K z1nH@lVsjMghZkIc^yeAr?%2=hi5l^ynjl4j*q}awsnkvz)hMBeg>|w*6pgMla_uR3 z5w~_xwVTB$ve}4vdbFab?Z)_bg@sm;JFf*D3HDOD# zU9ZLOBrw_HgS2@pt2!F8{;gor4M#?sUK&DGCojzaPfl~#&ba^S^CqL{K(uA|`a)IP zfhd)vQ3>#QLI+$el3L^9b75`~?K!6#mFd0Zmc6E$6 zbTL3)J$ezPI=}Q}#)sUM_#(s^uT%|@q@KNAamw$ZWTE!)xkqA;OZT5pkQ*vs_sG^l ziUDDkV?v;}*R`(IgzH*Mu;tORvs30I>*z$~Q84N_sK^=oKj%$-CUM}75Mk$r@IYoI z5{qQIqb9;KQOw>8lk+xo;2ViNoeC5$(Jk^w&C0-&OfbfUgYVZ%j6#Dx9zXxgJ?xn*@2UFU1z?6x}m> z+Hwb(-c=;zCh8kp*?z?8eGjPo-uMx=4oxD=dH)~_uo^GyIeG0VL7Va2i%x2~@Lbb% z*GNB>ZBHue=dD)QZ)BX!QR9*pOeAC?`6VQl>MSNKgO2F;(C@R|V=Z9YX}2&sbHxoa z`iB>K`X7T9704_Ks=~WAWEq)ly9`p`Am8%!k7l+;PlNo@ZWqT$-rc5Lb0@E&;d#^% z8WX}S8XkkQK4YEN7*4n`IFc?}RR4#|rU3t{8W z$d-gm9C-JM=%fKLaEQb9iCPC0?^tM*`+h;i6h(yjka1~7S8-ncZ5}gBezJ9QL-?>~uNvV{{A24ZA2`AbDr7noa1&)cQY*1!Wq`-b6!jVR% z!@odqt~amriLEhQT+(sxZy}sRcE|75)u=*e*ttbrKA%^hS46VBb~IbVm3c845w#H? zG>&ZsyezNDgD4kXmdnIVdC|o3jJAh{MY{P^T*?3neZi2S0TYbnSgH8ktOA|H0<%23 zIUk0js4z!i^0xsW-~6aI^Z{x}IN<uU-N)B%fbfGTuMRIg%P(*q_-Up3SP&S`{!C)a4Fff}QBKO7`CI zk0i?(0X44K%2k>0FToX)+#?KC?EZuT9?l z;s5C^&1hd?`EJX({_!@7_w4sGM@7ND zOV4cDC>tE^zbz7)o(e=)lb`&`;PWoyEql`cu~`Q}op&`8>~8XS(MBlJhB(<^8|eKs z*O_aNqP5g`O3@TT4l!Dc!dXSY&4eG%M`Z&uH|8wT^TieWajOov+GYe&EKn@C#2ghH zw@b@Ku4Mlr^3vO2b(&RSbZSI6eATLTX{v@yCryeiB0voMRSXi;Q@)lUEYg!2R6mG#8} zqsG)PZ|&2k6b`2nPgTca?@V+$d{Y-9UwcS5q|edK6`4%$A6P|05@QxL_I%Xlz+WIG zocSZ}7dmcb>Ms=uzF?z1F5>2rp&=pX4=El{ zZR`Docs7-GZ)1G0fm8Z(_gc9W5hz7`p!4 zmag3lf$ink7|vDuG{K6}mTN7Kg=`UDPD)LME<%%9#b@LNOerL`NXF*&3&s@@##VV) zH-8phX&fzafJ237Ay`#XBa$|)OPD3W=riONe8u;)hwF#;{!P|}GJxo#*AbFA`K<#~ zimcUOiHy29M^pW}PX(*kMd=AG2vM#i(fyNRJYzeBJ!)r{TAv?r-R6{|VT zj(a>4(i-pC=I{mtV$?m&mQsHxEJGh*WJoQB7p`T8Fd2N<_vo*PkpcX!^S$BEFE-)w zE}M!)RY$eUo2Qg~CzqCBE(G?ZB@Me?Ht_NnC!3@wdOUAiR|v*xv%B@0p45U>GIxM4 zddXwWIX}dcnq}Opgjh5xE3vyHYSQ@O>KD|~2MS*Je7A%0%2T?F4iKvM;a=JHPT^{%UHxTc!nEm4vi0>3vEHr`SKhCf&y-&dry&}y$yRY&_{;Y16yYmAF7_KS`nC6msogu3 z7UHhmUFVo74CSI&jfg5A3{a3*X-@qa-Ex@)m8TF2bVM~b^vGZc_}*c$vX0F&W4w1f z>z={ygSXr+UzzB&ttu&^;Oz7~pE|S{WbFt3ys3)MF42u8Zj7?8XqjRD{Rx-kf6W5P zJ5>*=>`mPxSOLvcmWrUWAhWMX{?!4zUqI;J;`E#rNacy= z{Xqia1g(79yDD+ZIT|0RZ>@P&##Se1si)Ha5TLZU5;`V|L`aK3ssRPUXoCK7P zUg*^;y7b-uj8XH4#OHKl4j#YB4*diur5eK1bn=l;soIbd<+o>ttT4rdZ{|L+xpSSV zNHDOaafy?TLSMf)1JV~tJOn&0#$Hv=ehk+m ziZ2fujy@oH|s+HR&NYX_) zFG-ImvDSuNS`lJ)CM2Kfcg1Yp8dCTR{pD`4JOx}4=C)8TeN=@4gneU76vxHm=c9|- zz<(ln&d-&A@iDd?K+1~BP=y~)@yprf%SxEUhi{MQ6u7Ds&g)GKoWnD$V!dsXXN_1PXTU!dDCph#)9U0r(%)! zJCqMdTla6L{xuj#v{j!5itB3FlQ=I+B6<&=M{G}5lsZvTa;b2vsd$Z&;(x;A*GFqu zHb4AP(i@LS4^rHFK|>?*%-Jf}#b%w6^2ETJ%)mIzjBx`U;SGMGygQM@kXb7m%59id z)LyCbErBc1%t_&;D$&smA|pnWQZt7$MSX5B1g)AMYxXumufiJ%AD6XbC4cE+s4W#} z8bn?yALZ@AdZ!OW1;Af=9Ud~7#QiVnEpj_X8%>*SM$DZM2j4ZU!4P+wH3@+O zdq_x~ikCwWmS9q|>MvuBD|Uvj0xiDp`;x$c`%H6rWz<*9LGRx_+);Tloi;Ql*_-A}|TEq`D10 z8;MvzyZob(JBWOIVsmoCW8>NvKTpf)`(G+iCaV{;PzvoI37rLZbR$m2VwNy(j9~1j z>$VU*oSn2qetHS$9KD+2nu-T7XA~U_j`{T}BMnD^P*`Md=qn!Cx1CuAb*@B>XYmmX=0WMzKLGeWVYWC64{)#y6j03|jS-FZEB=OK20zC3_`XdS*L4D}j)Q zzN7%6-9WBiXnnu`joSKK%q3M%;<7Q|6=w1Bsga}W>4)+{drpzP1q-@s3Ud+WrGyDh zE_8bFJ$|tI>P;5!5~gbHimX?2NF}8p_aXiDdKGOAFhcPv*~AJ#UgzIDqI5%z(d&f` z(2}V3J3_%evuAk`6}1ZuJcLU$B#`l+k5`S$4zb%QKTBlqGW`Uw28XIxwv4b3f^jd9`gZP5M|kkVQ8h`;ZqK%py0 zd7S4)u4Y;2xdsu#wcJ~I>zCbR%lg?YSzctxkm(h5-&#i3M&Whg>j-i)rh5%}Q;K8< zV4gm)X!aZ`GZ_0Pynoj&%v=7}7>*-pyu|KopRJO>7KA?OAZ%bo_!2sjS8!*L5aK8t}X;)VNvX*+eR7+uiq;URHpSm5mIBGMgyJ4RT*u z^f(U;(v|jjHu!0DgA@rllJKMyrf$=k7>j{eux7^A72`iE7GE$TLtg?bg=uvyJz%d_E80Wz<> zUH>)J1r_kw$y}Q0d%a)K(~^~5CSR0* zre-0+&mbJ6*4zFDRvGBCt#ZAFWl~0_5~-7%E<7o%6slcZI<9@Ki?n(zV7?m#Zp`yC zy0VS1tH0AxEUzlcAOcOuHjsR`Ud;$axADu~*DCGm+UTu1={n6PQWpgjHVu}z4P zn6RtyBq6=$&gc>6kB=oj#Qk$BvB%5*?wEIgYo<8IT>0AqGAu&%{QFryYUJj5Y*4Yb zE7ShlX}A|u>$(c2l2P{AlGGBPqcAZ}yFsalzVNH+XvBDzyF~8TXYF%zQ@gZS{*>B> zG@I1^ki3*}!#^`cRTsNdUk79W~mz|kO&6tob!JTRqbYL>MA88_t0`t)_v zv4ts3I@X8vgq_8Tc1`f@Mi%h;ZTN7_r;doTwf4&0V?{m5!%hY`q7ehpZNGR834Vt% zpsEp7I0u=X_vm6X#Le0PsaG9SDGSU+=4rMbnIog#?8@>*pG6f*)}nMrSLZe7;qU(d zTLC!~A}Yz@N$^^McZl!#Mr%Fn9DC;4#7JPkM-Je``q_^2A1^S6C4voUtvJ^?xoB{zjL>i5p#4cNEU-~Y8r*UzNZPssrM9XM??a2rrWO+b_v0_#R4lX4 zDrHq0>^%~r5#)i}z100Npo1B|rS=0FZQIyNf=W1nv%}-tTzb0bIIlPXUCs$o(OglE zR!#=)mE32*vO{96N42Wp3|siTiUBXy=h?8u<_qoD^S_A#3~m`bcVBx7)qG<@k(I=S z*iF9@PK~^YW3|P_lN9rzH#sRfwnis|)6<=MeHvRS73v@oChC%|3|hO2X_JJ%9PUS| zC=MQ)d-8CL7sToZV@WV2E=lsAuZr`KvE*8gBpgPOC*Xau9=)d@Tvxy?|C`@VFvmG- zP;#noE1QtXkc+(VWVq4ATOq}%FuOiZSq)mq0V?A-lng(HtI81Dkb`E^>d$`Jq}d4V zCADS6*G3T@klY{!-O-^kxX1x_voxH^R_$4w#FC|p%kPn~7bgaU{z{sJ~zU3$5|~Ux~k86$g=~GD3oE#*68oQU{w> zXQnK6O64?5ubBb!Yy_dC4e57*$n-1gwC|FY9pXb8uaFq945?dy2@mTc{aBYkXaM-b zVmXV#FLEW725Lapa}C1ImJ=2LSp@(0JHzxInU)*bf8`puNa_rh1Sgv!bx|@^C5z+;Vsp^%%GL;*@|6gM=W?AZG(humQyq?@fmsGTyPm z1+^)84(OAARche;`A$*`$ik8<3-iglq{I*oW@H&xiRpP797A z3(rU0fg;HhNmr98y}-xk?@W{tz2UWW3wr9%F1$`9gFHeG3JW2&ixjgaY#}}h6GK+G z$?)F>?6TkS>mE`pRw!yC5Sof|)~Q_&=7J8pBG%PW*;@8@4U0C(A^bL7-J1t;dW?Z~!;_ z$RY}e!FiWX&Yn7OfHSeMve%^M-zvA3j1Owdd>o$8OJxiclLYw>9g3TJHgKy4-=FF7 z-%fui)C_5j2MSKJLJoeCg}Im(MayKjL-w9EseuZ`;**uiTQXF?$L417G}kvm$Klkg?Vx4<%cv&2az598ZWeE^#?$lfZ+L$pV?b`zdlJQQZCB z#~$O}JD)Lm_lRWA!Ct-z0`DbOB4eWy!}{*=Md0`sKG|H+_KJkL?D21tpMI2GJh$3# zUYtCy49!q)6(Y~CX*|Wh{e1pjV751qjg7P{=A$w5hZ?`d=FQGPV38f3-+utUAAbP; zUZm%ZT?%f`=Ylb}m616l>EMty*&UrgcFSooq@;xK+Po#8sJ+$pt3xkDC;UXEzMl|L z;0!?ezL#gqIsu5~K7e~*W&D-q=AmkM-;d8ZeH1Lu{kb*KZG!~VIIxWTK;b9>R!;o+ zmt~_2kbtksT8_I5guX~gZ|2@EAD0*j#~D(Zx>1q}Jn8Vcl@*zPX{gIfSuaI>X)smC zyztG4MfT0htUDOh{;KNW)_lO^>Ef{reB2qSW}yWgVWq@x6EpkQ!2L`kFlZVG5-Lkm zD}~e1$}fmMpOy~{YGJT>b@nj3YIsR~W{~*$Pq1!af5{D<@RwB&$i=wPO@-P)UE3xj z=vwi4LHaBsLgil7$bN=6Tgsuq?jKb8_udYE<7;dz8!$(ju{^8l5+kQ#`Jab* zwc5{7q6|aZR)DXiC7;@))SM$=${B5_Q1^*xSQrT$1jEcL(I)0^rxG2&q$v;>(kKGM zqa&s2-*KeS=d(l3VG2xvvm1uKQ~|$t-i|y3oZ!x`D3kz0&gGgF)(9M`9ZK5D>_(2~ z)3<3TB58gR#^kbOs(>+guOd0sV~@;?ND{T5KG5Hq4a7-)FKi+LKS*b!>AM9$^h1ux z8FjV(+lKN^Nnuba)4s|vf!<2%Vf;b~UvMday$aBnW_5Td5W=&720wiR8*K>B-(htg z@%v?-$zMxnBG5e~LYm&8DVz!Z^*mb4`k9VDEl$8#Pda%b*V(2a#V?Q07Pkc?l}J^N zfzryzdk9xUnxdtHp(9HId7kHBh)eTVqBts`=}EZMf&KVs`(FYJMS!Rh6GD803lux>#Lkda!-4D7{NE9TROu^_11AyVDBm zD!wFY5D1^Do%i2-+LO_Op6_DO*lDw_3Iod+NPjvJ76hw*4@o{EkHajX8(Gj!`K2W3 zfDp66mkRZxB3A~BiCcMHQU@fof4_u2z}oBI&gy7&k}&*7|M=ow{%f$^NXdlrkYLl3 zVn-aE&UvKD@bCQh+DK71RgCShpa1``0B4@ivn&WEn_%{z7C&_U^Zb4ua&5ZLWN~1* z>7oOxs>J1_R`|mbtO@aRhK&%%&<7Am2sfmkMaUtp0s&Agb|vIk@-BP32pL zi76~SjX{ZsSELCq^G3f*Kg}PcM=K#)VXbRoV+Ebig9N z2w9930-%|THZ9lWnLVM+(=3Y@2g@?y^5HL`PQ^bcIvqz91zUFaXXULTGA89u$jKo} zJ0}&JxC1;s+EnR5oh<%3!6kNA-SW{XkPeT}ndG-8vJ1xNCDV(#*^p1MJyAwN}PHW$#gZP7l>`+$r`_hze z=Y6So2gGSumZ)|=tv)w5KxLo%kre~%J!zvhNyXtFP3KOFjes^j1ry+Tn@q!$5a^LJ zD(?fx3yJF+du|Vp$WRm-?2}E(o>G|nns(nJ$@OrF_#v>)G_~wRRnaYsQkg}rof?1| zJJ9d({R5f|Tp{7$MoNJ#uRJ@X($FCB0UZ|>a{~AlsZ3V42AVXbf8-R6Av(^iWugti zZ!-cu12YI#KXOu5VwSHHU37HOnB1HnCvAI}%JOuIpfH9Nn_al}Ynh7*or-2fjgUoC zDc49*HYtSuG2_2-;AA$8H@`^>6fpV^1V!COYNd6PUb%owQ&js2 z1%&lIcGkrowhaC(eiI6TrA9jk};0^{$y70vMX`aDG^MS>m6`E~5^ zPDT4*mWQTZmF_0@%U9BIj$tgfCN~<04apGPBvXgz<`Hy@SN{g|T???Ur)z{QY^nG5 zOa3M|WP=0w5U$gi)K^sCD$Wa6Ni&g%s6;nC?v2;L)0|+#IvTXfN z&o6vV0-=FCrh%jWU|6~~o9RBlrt=KdN|w4T3H4DqLiF}*3v)aO`pIi2d2)3mP~`-8 z;K=#}hLHy&NB@%#z|GOuE<$4awk}#Ly*W+t-`Re=U?~j|Iu&fXgBge-306fTpPS8N zGZm>L0^(~MhDvzL`I zY3FbzC1M&u&OEEfx)dXC<8O^@6(xN0va5=R=mdUo-MSfU8Ef?W?y9z6g&2`M@YOGuEeAIx3~UJPB! zCvn4f7_T4R#Hfk@P{BZC5n<^xTD6+W-J~*A&;XSf@E?#Ejg1dfbIRRwU*0VIQbl%T zjrOJSg?eb@swT96TfpqT_8`Fqu)g$rkFF)LB6P1PT2^%5tRCb41I&nvv%8V!$0sj- z=yf=72)JUGDmudnBNKB4sAQfun}3jgtfu`|4be>kzI{jO8FjMV&UdsHR7HRzGRbKD zGhW@P<&6#o$2!^GvqDje)kw2=&ZKp+&UE`kyr<`EMt-o3 zrPiQ;SzIPAx_)p>1t3HX10D#F`J=eCM?7$S3_`qfii;LqP!6c##>FeYRI2}F!_xf6 ze#jDs#Cwd|XyTxPD8v&!A6PQUIE2-%V-9>|oaaw=$6~rXt6fPS-*PSveG=~^rn|-1 z&)<3;QvXy_bi?@2UuP>HkbyF&w=R5BBWh&99ybrvLPAb(C^QR$*aXkqdMFF)2kj!T z7Uu%?M%FpVT!2Nc6EL;@2S!}7#?bBXO{zor+!*#KEW8GtDDJa!`^cWIz=SjYrK{-! z+)Z?VE?1l5n$s6EMZ7StQXIcU|Fc*ZmlrEHSnq#(B@gOtUd&yR>$4!D8T)w6jdmmkL^5 zdsYYy7PETJgZow#i-DQ#wCqGW$j;S-uMe!3*(^W7PfjL(*bB5 zouC%WiZ~wI8m#P%@k+)dv&c;n+U9VwGVOHqP`>}7+jMyO=z%ZF2W?B&s;2EvNP8w8 zdZd|DCSoit?;*9fq>kDK!*%kRA#TC!fT2Ao+B)lvg%O3dQsUEwY-mWjlxJY2+1R(xmFE zY7>mAJK*;7@r(Xf$NZXH`;MvN`_xrGzJM=2eI??8c+wmF8p&`hvXfuhsw-xpTMJ~k zz7*8DD!)_|9_WD51OKBmLE#&6Tc#oyh?=Vs;7y@(S9YSzRJDqH%QkW$NS?iMaNNDt zJJov**V+U8qVCce_QuN2Q1aFPFQ(oCsI4ws8x2lyEA9@(-QC^Y-Q9{qf#UA&?(SBs z#ogWAox;s`?)}ey_e>_k3`usf_Fn6KA6sDs9i%`Y8Pw`M>Bp`y%|5kHp;~tGqbZgV zKJqHMdMJ#}Tje8YgA}p<|XwSFeT&RWSnKvNitjZ8AO9tA69AlU`oHCunr(42ENpFG@bF%H1 z5_ftak9LX)6POYA2U~eWJU8L%JK=;Z-8Ygn1*H*aH$rfh>5IZ%M*QyvJFs=E?b5R| zD7J2!VJ>J^2Vge({Ag!`5=dDyR-noCXTspck7ssn=F*zFlk`i6QBWrS?29Xgdl_9B zBbRA{LijBt4JEM$>#5P*Nf3t>F@dgvs~}@-u`21#HgDh46pZ;OK*Ub?%`m7_3K>GM zy_TtjTN;&w`WAmmlIXNU4r^==2vVxx4qVXNz{#*{Tm|?)OnrTvC-V+J_R3YU)#rCU5_d=Qk@hp^1h>QN8EFeJ5m&9JJ~1*YQVrHEyg3MVm1s z@fimn8m^p_@qJ+S`j7vAR!44%Q~UmRu_MLsR6f&ZiL9vmbE&vIDcO6GAz)V!|@ z1o5$SQBnfjg!bp(F{wHLGWJNa{4RWEVZH!*D!$RGzxob=wW#r(2nX)Z(vWHKw)yk^zN zQ(~I}8}7en+KHV`QIS^Gw=x(RH+6RJ=b_NK*~y)2q{WarpNh>5rAmz^BHU_${pY;V zP2&OEx(dlM_S*ii!fXgA4)-Q@Vv%r4I-iSW&1!J>nFvw;)D7rnFYCW}6pTI6oYZ&g zAK8jU2EnQnv2q(CX7v;XFQbTz@j#N>(p$@C*9c5xHewKeruEnXmmI zK=MNwMQALaqF%u-AOJ*EnvqQ@cuQb{3hi2X7?0|lp6>HMr%YPEbfyb%L-DOOT{u*1 z#h|yljKJDXV3Qp`a^aBjW{mu-Q!Mr@y`%ydwF3NSZ`L9zQsNW&F zjRXwduz+%+NjnpLi5y!Dg%}^ogN;F|Ms2}jmjYCzsM zog)_MmIF*x6smR%G(Kzd*vGQs`S6{&hEWR$r?j2h=Z(i%M?KBFg@)uo9w1`q@@nb> zh8dHs!JG&I{6;Srz#U7lrBebk#i(&h&Z2N(GFcgvaiFX_VoD)=xfl`87rBuu005yf zxUBs1$<41KGv)yq!BR{&I74~GNK2wp_=Pnu13nI!kl9?KjPj~q5lVGUG0EmJe|3u8 z1v_Zc1DSRs@NU(V%qTJ=PS*w@aKgeu_3g2ZCqVH_B-LR$WRHsSo|owfW7!CM`LDlk8NoA5soY#iZ=+41;MLnThRDbqDCg*A zXuVMI<|1A{k9;`3VW^;onRM-5+S?7rB`W^4Q{ZB|6BxZn75_|twl#vm1qAd;Ve$R%kjHkKv}3yVoPZ%mexek1u2vN1orO|X=^WCKo=W9+U;{m?4dqskFXtv_3BPB~f@DtT0-F8S_7sW^REiG2 z5(S2g_jF|)a%r^=#K)y%txZi}Znq~clR;QfCt0;+^}ow)hYmcQ?=4_qlzGanP^+mf z6yPm}Xsr|kxGpk9PYHk3ERKhmN|NVX=8{trnRH;?Vmo==$V8tzAvVvEeD6oRRtMQ8 z+db;DLnO#TH_XE(jC!FX3x87CFsH$Rns}>zZ8}P(h0p-iqaGQKnaW@pH0cc^a}z_i zb=SwP)Y$=kN9%&JO?7gm;VzPryQp_h?Dg!Fc}Do z6l7X{&_4?ZB7<7?KP>e?)HF4DgU0{w5=swOlC`xZgF}mhEWTb@siI)Bm}TQSDWo~&4ZBkQ^edYPenw15 zAtR84do)IEG;&~y7uD*4xo?*6A5`8QLvI@AO`t_nmJwo`9S&p)S?n4F3cG zJ$|-&YwFb+F{@7Bzr*OXB7fWFiu~x`!DWFEJ^YHxaEqzz8?su%Mm>m@(YK#gMB z*Q~459@B;ML!wP2Fy~|Jm`J$8zyBF{>hpEkN6gd7TL=jby%x8e!}9nU<_xKkM;xSw zvHPi1aFfyg#*nNZdoU{|8=~C5{pylqIUWp*T@m`>Q+VUg2O-1(0eJp+z~h|M&AAD| zg*_)H|0$yA16T56WK6#{CDtaiX@$iGlPu_jB>hfh!EjN|k6OagSEYBQqyFdv!~Yup z7NjLA6!8^N;4g(4_@0!$#~d4zI$5nUVTzVv0()M+acE}rm!$x-_m!Cmp$Hcgs4T+Y z3v7JIhMq^W8q+TgK^d4SGoNCxgWM1{0}O?vP*yeog+%9J|1U|1Dkj zIspyfUjccZgl77AfDt6Dwiav6sH0>0PqB~7PArsKBEjO1;o67lKcT}VAk^UJn)PaQ z;wiDDX9)^;h+6bAs23wQUoZ8d=m^3NB6y_NQP&M!yEuvsHbA0)f!IjtWq*1 z!YG|#-K-cC22IOU)cn7Pe&2IL0H>2XYuJ)9)~Eee;XRp&!+E*Y;qm06JYj$_>^bQ^ zPu_vYkjhAVcn?OBp294`bM-^^+`FOZXFF3}j}SFCcXtEW{P;vBPTo~X}ezG_s$=RvlqaX*^%hH#tr~0o&9J4>ZTvOo_o0(+I8^5_<{Exg0 zs6~uYaZ*4btBs7^l$*`UTOuZ~WPyXu8@Z=Ncr6L-cSTuAxgw&odI=%C2Aw9Gk-rji z#RF9=8D7=8sI{p3J*Ax!;qw=cUKjvege;;0fvM=Z`=?*WI|s6e`EbQEO)Ac#vYK)O zwZ)dkK{4>tsekp=GaSe(d`BQ5O;+IVB2@lJ1C+Wif>THH&~%%BXspGH^a%TO_L#fM zQ7s+`-(J3ilt)&Wl;X1jv;IenlJexEh%hK}C(Q^|#aa-Xz}dl0S5B$+-3n!p75Wfu zkX2QKT$@&r_=A^WuRu+_{B{vV1or)1fTgceKtpXc!sH7snCW0({i^dV19@^#f$gJ! zGW5s=O$AEu_-HQ8`5>1zCwu!!6206HD^wZ@1hUL8X)e40i?6kMj*psK*YwDu&X{jb z3R{A^-6y>3J3Www|5nd&#Wu*RrW?ZwJ)rz&JUb6Ed^GeyUBC3+(XWUZa{k*6hV}VuA&U?_rA;b76kwFbz3sGpF(&kN z0(r{=E0H9hD&k0nv$6hvk8)T%X(==s3=w)abH65}sB4q*vXUZAQ9*3@yaE|6R?CHV z3`}(FJ=}ZhLddhZMy_hEWa>e(*u24O0^^53ds)1H%LWHtC%!kDCSO7ekEi^ID74`} z7)qn_mFKC{Y#KQrQ*)6g|2MEE=E)dz`!;%Ql zE4bt&I-?0^#ys$rBwM1-TN$=8pGBdeM~0J;<685^J<%0OJVa}5x9z@jZhiZlp#y^g z%{~#$z=F2?VuQ)!p3Dm1=v;|(eb^*q zN$>?N7%dtVb8*}O z4c7qzeZYS9mHdwt>?DPH0)jpHzX|y#EUX+!4BZN_e0~2~R7F|WiH|>r2#=RdP?eHw zF)EgY@bB$#PY8$lsL30pi}29V<p|I7YMd>%1`rG=)}quS`jSg zwkOiQn0+k~r@AXm$f8&WKc+_+0YdRni@{W;-vk!q{ekQcwFn{#PO&a5&(uheFD>IS z>d>w1^&|#~NZbMl%p^*oObbI`;vmzvuSQNe=FA~uVpD2kz+?XOuQA#Ur zVPsWZ8=c#Te*u|f-7R6q7v2cgecX%Kbo!LXzm9;Ed+fU{RIJm^9ykxSow!>9s(iLY$BRDjl2#bfiqshTEj;Q=CG%oxF z5OP5#X2KLhuB;^lf8W}_kCK~>wjs>m;0F%A11LyIX!`H+$bBq4o(AvxN0({D-WbkCCHkR$c!OL*?GzyiFde8 zKgvfs5jtrX#uWefo&bNK{1xW=!ya~EgqvM!Ae_5lFdl_Z zFSpH$Ojf@@)>5pa-?0p8>W1{$Wt2*0l;i{wpTLA8peh7!?Vlu8nM5ju{NCo{{9~_k zdFZqFugn!_-8!JnlF-3rv@?79d<&Y$CNPKr=7LKj36Ogbkmk6x#;aRI ze1u5Kgm!MOu&NCqULv}-2Ma(8JRAjig1ew~N9dbL-m8w&X-B7%`?+iPJgq`21}fvV zf4WXSKRmZfIzZN&Kk`(7?>*5xU#B%Tl)ryZ_1~uMZ!(`stfKeoT4g7JpkN1qG};_3 z#3%hsbkDNQK8lJAt@52yiKssJ-`(p6l0}PuquT^bL)c4@&I0xJVJlv@3b-KF{sQs; zRN`e!F<6L_JaJd{8cuW+KRG9eFPWiC=nC#3KQNN>Z{Rp0OtQIP4mP^LhO_=a12}Tk z9pHxYpQk$yT_YC^lS0Q8vE%(|zk}LeQ40)qAsigDq&dPxolYQJIggv!H8s9(NJ~;Y5#l( z!I6bqD1Z1wYf%2GG$H@QEoxAGVwijAu}q~)<^xOmr4$3h?xALgM)GMKag`^fzKn#; zsy3m%&Lq+))Nu6P22M-}HuKM>P_{dmacBAzEU=fXo4=yb21K!Y+GzIEVpu^d%);z= zb?c+?(YAe0;xG)wV1wNRFMt43y2wzo&JWo&2NnQs1{AkgphS&bZH{$KwWvtG8D&zf zUe!V;lUGF#pcC}y13s!%ZCn8$0I`htLs2ZqFwbRtpETMi!KIv=gwj@pM+t2d<6f~D zDXf`bpKr!~I_9y`=2v2VX1@&S!S?OZhN3@&`15>nn)-K;uTvLfqhOzDi5G!ci)Q51 z(a#c;PszQaMJq37Xf;ZpR00ULpKVq3d7=lafFT-2VUqt`S*?JmtAPp>l`=}Ry^FCS zkVBE7kh*z(Ho0YU200)1eo0oi=CctS-0MH;(I%_d3qP`5aig@mS`@O6PEYUve{o`} zWLPu*lg^Ib5f-oOGQPN%C<3W%;M)v4+=oT&-eVknPREW8&MTbbapn`isRjg>uDx6V zT%raR)PKg-yntlgxAu&;m!KC|N0Ar9fZ$#okjoU!bicCV>~?%&P2D~zzt_gwB9)G= zL~MypY!tc8+jeRiM9Qmx(0Llp;rX(}o_DdT&E%GnLxgtaO_heS1BLRk*toB7`aQ+e zqxsl0O#PO&ke7v4Cj@0dYmAQsaaehLsveW1~ug(HRd zKU#qC-3^IsqaquO6nL`a-@p>?`EoJ?XBR>d_m{V_>(`gOZKbWee1o8nQdhLO=#NuX z9RvHC`AXkMDPM2|j%Xw0@8J*TKxWKhT;}jwhGKhrmS{Zsz8x^@mo4rg>B!5<9s?@D zAifU$$ARXk=WjWf_A==jZyM29>ZhmjUHglli@!$wdoWvqn=L;739iHLgelf8XJi$} z(v}}4CDTitL0W#F$WB~M3%XXF-XDPEzLr7|TR=)y8QjB;rY4z7KAf9yBM(I}d8;Uy zFZ9eo$t1}fet-A@+wn|2dP!3)c-8isCI@kEuQEq$qpfE z-!x=#_bHZP`=RuGUY|e-?kMthq=dt@xuE27OtYyKYyRLD;n_ zlmL67PE`G#!DVqI`LcP2kNfrS&@g+z8Kqz;9d=#kX80@q2Am|Li1E{(?-%4)?Ypy& zfbcx4&IE-a*dZ{m9heD7Kr-AwNTv;wwG|K}IT;AO8+T}6B1g7CewcH1RN8l}k{&pd zaxC^6mL`IDY@TazzR~P%mf&|2Xm$S7J=#%2Ymz~e$C5r-G2H5PKg&I!ER_6wp!uH_ z8l3=S9I~Mga})7R7{Zz$b;j@T|2EFPx1&*1g)yIkw)#q95*we%PL4?JO}y9eQI0WZ zusTtKkrOGc!7c{E@~S;TY$}>E!taB2Afz^cDJrCd4E*M|Vu_~2Ja{I&>zlq;#UMbu z{`qX|vC78hJKad|lY#HCDBdc^?PRH?DV@qAU5H`?}SSRdS^KlP-M)IN7&yLzYefScA+zI-&5i-U>Hsmbw_}VFWIkZ-c zh>v+T{=&$GdEH)B>eDi7>OUs-f)ai54>_}x5+aQIp4kG|Q|F0%kFMJc)3Wv z(Y+$BqR%E>#98F!$NWD1Q1OY=g2y1JqXqM_=uxg&ho(Rwx4;*U0ANqo&eO59)T?&i zWvDaue2w$Xj`?4og43@r8GaBw`&~FX%DHi{L>@Cz2EN;BG-_%ISa$D)7b%$v3O_)l z@6Zr9mm6dWQ&^Mz;Z5-P6(1@R>?y++qJ=<5Zpd@LEBJal3E&C5I4VoZRW1U31Mt96 zg~O$mvT^44crPXr5KSTkN*owCcJJy!<94jMS*g%FRKNrV;drdQ1SXS(l+)PhD8)t4 zr?cobpYKK37O=?n%*-=1P!?B}cd+hzc>b8~1psCb1H?8fZ9aI=i-ay|V)EboRp64i zGC^@aAU&G4PgV(OF}fJWeQ|sazke!?+xd-y> zKo;kl`ngO29;5zqJp!x6pElh#J93=bRjZLf7 z!b+8~GW0;mQngHs?J^3U*U4H+kOkn z^Kuy#_R{3u=2=r06uL14xr@1m+)?b=h;m3jj=Qdm@vb+$;2om{DuKGvi1Jc;t^eD) z)`v^7N}wSTob1t-%a%S8NN2#&itgb^k_FFi9ui#;>=T24-%-=YW{UZ@m!|>!4RWYdMF9e<4XQGVTCzkf0^VG#b&Ira2uegXLhvBBb#sduHRo|oA3`PF`@J6t zgzer4QXy!}jL%vz^$6_(0zT2x_BzGNivFA0Rz>wuNbk_`KysY>vN&0Y_xJm}opsf= z7IH3hc=YCPX~W4Rs-*F>IyN$%K_=-kBcKdX371rretnJ(Fxn>4=a0|1bSx-rH3P5c zHk2elSotqgZ#L#t)in=iA%7yREnL7kNiopaqDPT)>s=7c_W=DI%nB-Yr1peWCWJMf68_^e0!h^DVTsEYYqGRSF`u2==0>;8 zJ2+>pL)p-N30FduugZ+(Qz=?;r6=yuxH2hb*q|1|_7g*v)7OO`C9{H3#-Ru8v&9v> zUr`dEbKzjSDob2Dg?_W(k&?somUNa$orgU8h@tf{oOIwb;+9`HTZioFx&uZj7!Q8TYdMXxMoXJyi0LbN)0stAVV1+8E78ji&;Vlvuc!3~N zY#ek|Y}}_}@-(Hqm!N$d8apPZaLBM~rH*y4w@O`>Lb_2)6yw@6S)Z0y+^YoKVyrz$ z3^rFAFjq3cwI9=)>r|b+DAD<_I}pnwD=UsPlL#cI!w~#VF!HPZJmmr)szejMjCO7R zTSNqedF!mbsoZE9xFL%z2~!8+&L9J3aG}tfo1C&M=VSiD3;>UD-e80B@)gZUhunk9 z#}Z#lYFpcrb20LL%Zf5P^t(RJueFfJOeEx?svOMzZ>xwZoCGRzk=zJ)W`eVmYg-efEID)yb_$EgD=Ur-5fK=3oE(xKsEYwn2kv^6YigO`^dT4}m$SZbC z7;CzULf;DJfWBKHSX>50|ENTAODwLN=1{h;xZMQo{Z~7Z^N&{gqL0`g9r}buYQ6y6 zEp5=e$YWEP$Ptb5k%fY?C+~nrp7H`_9ZfN``?-D{dJU68n!cp=*RVFTP zp~f!TYjUU39Z+b&wupE3OqjG3=M)B_|LzW+l(QA)5>>c2O6AC%A>B17txLU@e#!Ks zC>C`3R{sP|h7cl^@bt$QGl^|pzdZmi=z%-D0Ufud0iH#lI}$EwIBs|1C7g_tA4j3Y zn}!&CDUFE|a}b-S^lX4SRRWseWLLO=M;ma#&)( z96ddxRNkXghW&DKv3Sz-^bfT!TXI;DBN7qw>WYh8Ly~ekn3THclg-$SpKcf!ilVqR-ldJLc+ae=;TEr3 z(g%VAX6cA$kX3h*0#0D-R@}R7eGE=$!9JouG?ph)4@#(=Wa`zY_eMmS3_+oyX=idM z^ukUB@RIa){&_grBkCM?R)kg>K-mee;&rheR7zw{$UXr$%JIeP@D;~owi-?e8?lo| zp*lgJN|)}1QzXH`r{d=Ov*i~jpc&<3F+NY$g+Uae_n9(=oQcnawyhSFcR1EjOt!gU z1j4aX>Et@R6mB0X9Igwz-WuoEWH6_*0EFOyWXI57l0Pog7<$XZD`#GJ>WUFCTWdJ(7hTzdo9B$_$Ier4O^h?@4QAF>^|8QRZ+&!!s~|hX%mUvw2SWXH^oR zG}z4Kq<$w5k5C`O*?U=HW~qXBSEl%9!bXf4Y;B&u6XIX?xxP~?h%|0)wc!P|(4fDb zhHg-ZyE#6@8>P61>|8i$b;;Q)rG;~q&Sd!_+o~eo*EY!A&2ATHj|;Y(rgdpckD@v_ z=QiUl4v+Of!E8r9FgwV|KGVG@=y?%;?&h|@*u#o)TG?;|Fy|<&>SS{w!a+>|NXs_n z)`N){Y(oEQ{DKc6EO5{8)3|7)mU52-NK#oS3Z&`zVLd~bmRm$O68F-Ll*3|eHV*-| z)5hgL0_H3w8`f+lMJc+0fS)Fx(9YnjzsCax6wY;}HtxjP-B? z4xqbvr8l=0x~eo-q6L1u(1jTdzH!GvFn~0i!-}eLAWO`i`eN}(kd52j6Lw+nf^gTF z9VwNRt7@FR7TE>>Z^Y$s7fXk~Ik3AMkQ*{e49)Ci7Zir0 z+KVL<%d+OUcmPR(D$9l96b_d; z&`B0+gCHmMDj<|TCd2TKulRB5Qx! ztMqGz>3V>GkK(M4J>`=olP^)p+nKX0+Xc<$ukzVMDo@jYq#;}Hy8ZBHRq&WjE9UQZ zq0`|_5Y-4Y0!c7Im5DkZRnUMKyGE0CvHom=Qj-Rksj$36qMQ~;Al&H<>)@H@#%;6I zdnRB#!i>)li>}zL6i~Us4Kn{K>Trag=}RHu5!ry=Dtg|e@A*N5Y3HQi_jRZBeZpes zyP*5^?x8~bRo$68Wz-2q_fqt7CJiSvsdz~8x5yXd;t#`ncVM3q7sDU(!{X{QO3bOj z4dY^|fu6X5n}rF@>(`IvtKLytimlw9S)z*igyLpp)0u??NC45l*LQ>74_m<2OKV!J zodE0Usah0>mR3Mvs3sYUK4m9z6$x%i6@0sYrXOrIqcT;d;9%gx>j$~|j*X+zuL-Ad z!rN$2_1%{eQHJn6E0ovRwO8B=sq0$;oTqM+4(^%V!!s;XY`+qZDZ{jz!4Ut%RD{hI zc)RJ;1~0f?UL3YYuX%wFGipo^N_4+l5(%dnBH>a;9R695+d)bC)CbRhNHxDoJr+3< zT8U5*A)oZF;Xt3YM+e=`iOyt$GT*35kqps`2SkZyzmv@(2D@iDc-vi$oG_zrlFSr< zZg3PEquWZYeW+J+*E152A?y*%Z^q;0F{(_wj-cP#rZ6G(m3A1C953^W+}<{=aM&1C zA1RJx^N#uawr3s`1}Kp-2EWOkS;&y9unO$tt?r0+~5rDj2e=uwGtH8BrjgJ*#-VZC!{ z{TNEH5U9Ix#mz6#cO;8PxaxT+#qX92MeInKZNWWy=Ny{{UAw({wjJ8|VHR=Za$N!N zMHGM&-CT&7CbGPP5Q*TAMs9BLBVRhFt}Zxq*}!r_qif*k|Ac6vM=1wJY{;rSS4PHq z=;Ocz2wf7BPzn$q4n)E4s&ED8G#_pA0xHb1yovJDXA{K@oY%s)6y4b#9fm}G&LRaP z{ECw@DaqW8*cUFIa~+hFNNK@)-V^YcJ6^8xwwVcwAffouQKq_?0-yuwb_fLE z0CE9IR{Ov(66y3f^6b#c@xeu2K#}N~9ymdW^idah)eDvFwclvz&0lXtgk%CQlN@Vi`hF&8pFc~+nTj+rP(Dk}z@9=#jy7c~! zkaUDp>;Pi_S)D_Ybe1UcHnB4@R2yYiWaC3T>|Nn(Dnqwl4k`MfxQ;=47!_?IUH*0K z+w#&fCOabMsX|WQ7LrCRF)MmW?@^!$_1O+x-h1NELsB31(>7ps-U4)yArUP0{ygaq z;z)uL(g$-=G0~K2^#Kd_B0Q|Zb~&3fq9`s_uufBhMi*?Ttw}*z=Gy-dU(PHA6=~K= zk-*m4O!ib!xia}T$NsNwRwOuv+-RpFzj%!uz7=dGL{Q30giOqT6(3+aE&AX1wV(** z+69HB9tqv01im7jNoTrs7| zpu~)sHLU6omDB>p+TLYGH{$Y?Sb$hNt_(mYefj4PegKPZ9u_phfznSeaMBXs>#CHDf?&?TU;rDxKxh(Ew~g_<2weqA%ywM!(;Ux7JJN8Z=g<{9D(+G zbTPc~_Pd3c6dk5DWQp;VQbv-~QO@+oWKJ5=$Ek}OOwR_X%V^{*ne8!ylDTKGKe%9| zgr#~a`JQa{`LQ`0Zm`ROKcS~+Z;HAq$noVq4NC;(V%%yI42#J9>5 zrg6ER3R!zo>I{SCT5W9M4_4y@xD$JJG^^Q{pnl~Hbh)u}$52j#gA>U6KDXV*Io;GC zE*BWeRq}rjtzaNqWyJp7Zm^y&!^6UY!%yGa5)F{gr~A68?Y{?Ci2qeTk*iMBlBN~f ziWE42?{hxoWk%KRJq$je^|WiBZa=(eX8x+$AORE+RPkVqkX~!@`4FK;&=J(h>vvS6-~!wr6JrpDv99dnd6&o?Ryo~VVOS_2Xqj2Miww@z#C zQX}xfqjnAq;+P_Hj!~tamRm4;Mfb$pvQ$bG*Ndt9l0(a==HQy9cL5SHtw5MScP#$< z2gYq|=?meGHy0f{3+~)NVw;;IS3vysheE|$mCgqw;7|Kuo)n*MTSvamhd~vD(l-5e zwrCng2skEUrWTxW4y4c+7x;fy;y&Ac_`q}rDD4PT%mMlX9@#;qX{oElACYrHHRLQ? zw%h;yE2}{dWXIK~U_?zcr=!=Yx&>RTKN8JAuw}0?{F_9g=ujts9uaVDgB$k*j>^8h z2ucnS7B`eVhfYtuZz)s4lRutomEu$~W0d-NqsA6>3oaupWp(*3;EoRtF4AHA!O1W9 zPP_$Mjw3-AV>xk@PhP=;`7=8_79Lc`q9_?H;;|_9U}uM_D1Ci7UT^GIQ%`k&Rk@l6 zemfxjc{B_q%#=AyZ5G5{howZC*&ac@#f}?IA^{`p!AWUDOnLQPcmR)tWJs)=!eMK& zmSv#dfuT43TSR=8o<#T%F|-=f1cEEK{x#8JnWDS8`!ty4(T4x_^q89_=y>M7yC0v*%#PB^NO>pnWT0-WyFRl;;*q9GKJ;4jHX7&aBTc*1v5|;-)t73%^kx%f4EA^0x=+1)}-eUSa#{NGGnD<#HSBHf91k1V=+= z=LPi7Z3s~hw@R3|NS|aggfy?pxWM1Dm=CWftP48!Z-#;z`p?-klKh*$=T8}4*EMt?0khoB*=w>rFL1SVrM$1(y%*CX`_mysU`awyM8d)7fdbxIgOwHI z*Is*Xb5mtqRzz!9qVM3Nr!gHWlcj^&?C#t<>jv2IO0#y{J!I4stv1JZP)!P~sXav- z`Y1isggXzBvvD5WJ>@5%MlHObXh(-j_79)!<2QPZiku%#Mm5iPU6LqqyZGDv{%g0- z*!R?KKaoiVRK)}@nVaDL#J={X(P(Hh(frdfeKnH|JpT7s?HTWh@$WCUpw4ZQqSri|e3A)O+692yIQ_v1Wh6XG?Xu4W)Y~NMNu#mq z;fYPgr)ak>_2`xeKbdvQ7<>QWN2f!U?O}XV(Ti5WaQ_*WOymkb1w3cHxI-2Hkw){< zo5m0I<%g4u8Xsy`kmtSn1@X1K{8idpH}$D?~M>>nDfRKsLH9wbMV<)l8Z`1_O!Xt zXuX#NptR2f8uds2EiY)*5Qy2T1XnG%?wZ4l1b(rbnV0qP7D7E^EtcOsDej|ac9 zRlmN(wmE;JQoib?ft%Z@!+Kq>iP#rrp$_hjcL+!W{GOV3QV0Mut2D0MfOwU221lF1V}WgKK}E6p8DTO5`y+(7rHBupSx3nR;QKrXdkpOjY{qH0xkXx}qM^ zUEuJv6}`bUsUukzv%pHbymBm3gGKCOIpX=>ax8w%Y(78VU3B6U{KJ_4g)2f=BRXd< zNpa5R*y(vq==oz|0T-F6>Uc5q+K>Ds zi$N@8khPML)Xe-6l~;-B!`7BNLG)LnUN@enV`kAu-66fTj-$v!(?d^FEF%a=tBT)@ zzmZbv5RWYWWzxXrh%Cp8;FQPShEutc5*n))ql3>7D}i)6m#oA4<=OX8W6MPD>mWc^ z5DnV;Mmki!jjx_4b10^b9pMH^$lIH&fMVcaBu~GDqxS2>wIl~fLln#?dhcmyMbpiuh(`ISuYqdO9gL z?Q2j;Ha}75e`X0-peX2+ipBk*VqSk5Z1M`|uKkI3F}i-SQ?lZI@s2+uX7^}b(`xd$ z&+SkR_VB4#fBKq5KJDuCk&EsV7$kgpq7`U9bn+A5z8UlEL=e}P?dvLc3VwNfq)rNE z{=WYFr#;me!WkDo+98ZHf#6TR;V_dq_I*Pc!9``=K;~vv84<4l=yM_mI4M_b`_bYH zTlDEE1Yb5`o^lfH2@)L$5})GE6RMl3)tGmY-*#?>dgq5C1A4B<=NYkn@$CHYt}$mN zZ-0`5S3{GVNDyfJKUx5uHjau1cEC_ZGOYBjEtB=UoQ8HS%LB4nz&1n%3yOq0&H_?K zi@w_htbRzSvegyalY0)@J*tt^N0xJRgn)&nwh8$`lSRfN#d8Ow_u$bV>4 z?<}Of1i6u6G-~V_@8BKPvcz96<*I60Q5<^<;V+=q%*h# zL>}YsAJ@O0L3_w+8h*!*FECv4sOj%FhjB+n81e)d%@0vgEe9Y8_3>X)sC?K|dAQLZmak~+Q2iXScl2O#_wiOxk~Z@>4rn5tK+PS;*7!YP1_)~VGg?i1j%a?inNUD2FMS(Iv< z6lM6$|gL7JxGo)Exs%l)!(YVhb~I}C_1u; zwzeW`Eugdsd9iemV=Vm{d?uW-Bjr)N#xLbOE|`O@nCPk2sg*CsP4mC_^R(<9ogsLN!`k zw2|m2_>I<86e4Tc)i7mWU5ZDxGT6{Nl~a`&V1V0=azn~ zmLy(qht}nRPWpjkgDgxbHnwTdujqev!%}GtI!_$u(YKNDrsHS(tVDV66=!Xe1$2Wn z%LE&fQFGwqDTI~X9~F~w@9af1lhl6uJ}kdwr#t2i{|5=tRi=lK@~E{g<-c;>*!G;b z%k(26d-!Ftk2Dfsu6u0DD^o_^mha5CK`2ipDYawIJ(cljB7mTFx?SU^OT?ffB_*Jk zl83fNx1Rm`l-dV90n%W@w~Id^Utj^(r4)wvuF!DCbg@dQI!id%?Q;L$Bp^&dlGqVv zh-G)YsUU?|5ODIA7Nqvw`Dk=|JHlgDeb14Qwm&Nl@|6#Nm4GU2_ zU7DY}wLn(_;6mL)dG-9NrRzyQA0@`9tRYeBX|ZIyxAUPjX?m)Si}g73_abhgBpGW6 z3ZOJ1gWofP&|G0Y6*Rq9Tq;*t&hD3c{P)|AMt`&EYM|&cduX4VIu6(Vo+sf5Wu*T0 zjwG+hw3j}sE*HEDG|fgsr?69%)2gpEJxOa~M0FkGc1fG}K*Dxiewr;WGv3H|rr+Pn znWowbpg98Cf$G4CY8xrp{%8J>nE)U_9&T$UIiSOfVq zN?SGM^`~wQ*Nhhz4rvW=`Zq@FOvhYe^4%axXx(U5&&Rhs#K71p*bLH_8uoEeNcPs} zTIW@_e{k~(iR5)NBObfQI6rVjrW>PHfe$wiiJ1&NL@Q@R3sjXd7zWO#e>AVbLR}p7 z+`((d!8NAH9W7`5qy&>v9!LNMvUvF&v=^d6Uh!RTV+yd||H5K~a#~NDeu#Tp3##(f zK@^mx1v;1Cm;-2oGj_+>MNk?yRuZB5QAXB`73MJyhKERttaJF?CCQ4idYJ0q-#WAH z+nKl(LrU_n(_(Qaxm`^sKtZ}Q=oet_h(i_TtChiiB**)Wl7X^@jmLJ|)u0UO3c>|w zmb`Pd&q84X6Lic@} zVdp(Q;D#rtJ8TEPUd5r?(nwAOYr^lNv!5s@0mv?LBYd7GPyv-1P1t7kz;&2atK;Sx zbos;47QFLUG>PwIh+=x{?q0;_%Dt zZwPSV?NdFBNBjo|W)7m?mKEc_L@Ocb4H3ad5d`4{a=8v)s1&#jz_)dqwJ1rFtOybr zvhlpWt2-E5_#NqQ1yf^CarncD0+S!-Q4)9oIH4hb~|x^3)r#gVQ0 zItRv&(dky%GBT^G_o=C2zWA5h%Zf8k<57+ke?1Q^DFkKyQ!6!7DWU%HikvKk&#}4f ze`1T<-?&$21%bqVOfYJ)h(|9Kc%R&{TXVON3kt9F&0T&mYHY!ge9}Af@JC3geYY_% z9eN>#8n2tWH2D+-)ZlqZ1gsit%a$^{ICHL`=ip)qH#SmR4@dv!$Uipgr(337qu4I? zJJzORXuP6GcBo63;qHtC?|NmrYH1GtI##;NI~n6aprR)$>36%+Z4aBdytw#*Lo>!;>YPl^?ElsN1!b;pp{30sI$VHYx#d+ zYa41Z6&4cgJ%X|;_`!D9<1~W+a)KTo*`@R;Sx4#kKw(4+fC@)8pI`jPB-WZE^iBz6 zpc%t9Yu^OjxHKWsuGSmlS+z*wOu4fN1g0H~`8)OAwJs&V2sB~my_B`|X|YT3O6pj$ z;tu>u4Ke9BF0EP^DUDFPBFOunitIK1O5CqBi&CJ%<7Zq}d|>&`@=iH@(fLVZ3uwVd zT8Tk(GPT2E<}cz4biJ@(M@rO){?I0^s*7R{(rdua2+Il7y$+`BC zClT!wZ-E#e?ET40-{SIn} zx4Uea$^E_0GlYz!VRbVX$cn?_|2yA5|F=|Vzw0~(R9ka3RV7uX>QTKVa7mt3Zzyh{=k9*I1**LeAlQ7)B-V>LJX3PxdF>VOMBJoGMS6yPn!~H;8ieL7< zyKV(s%@W|19OGmPtG%g;Q0y{Ub$)n#Jj()(kiEb4H;zx$P7+%%(&&Vh0`e7l(kf(@ z(LMB1mHwaZzWS@JuG>05kljU?tgGIGDb2olAX2JIeW>R^X!vXQMh}$5nPHt9+AS{I{PQ4lYKx$mWuuP z__$s4tgKDP^5yprf^(6$HQJ;bD6zhF&p!@>?y7S!&DO3=YqsrFzXuTBwsy{NnB&gu zxZg(kJgN|XZYVpCP=e4kNUyvdNR|g8E$pZi8*XaVH1a7`O%?4s{*R9|mr+!ji6eBb znbI7r=wp=AV=b0hHgDy&e!FXB7{50Fx}&FyyfUQb-PR`#Ev1=ySi z`Kw|vFl_+bj&h1B$I-GzF0xfZ1YPoKBx=ukUiIVt3$H)-4fX}k3&Io9&b(dd<{+w) zZ&p6oCh`icBq>=Q& z63#BShSqd}jZz84_X1B@xW)E`)#|+Ne1gIQql=UCn`HtYlU~PVbUb_!is!s2#*PP0 zP5ty^0+elq`VpQW}wiMt!0dt*LgmS0ZfvL|FvC0a0S7EMF3z={vO zkg)1@`+Jz^rCsMpY=UH(xGtA}tn@KX2o0!apK{Z8%jykY+J`e{wF?O;l3}S9f?S6s zcweZh@y^juhyku`jL(puf2;$GFIF?%&(87$(WeUaeb3jQVtD0DG=Q)TIG$Zf^YDRy z!b9@Ojx52pO0{Y0HTV$N3jIOzOK8%b?S6i-z4`_}>e2VCT~W{1Bcd)%~g7a1n{Tc<3*=vDNukPOqM;sBU5w*1VGyrJHlql7%h{ zO53B&5QsRN4tWfZt7Pu`UDmIk4dlFV{wZK@E}E|JeixSh%w%yivq)!k1e_^;r(SVc zq!EEqhE0)UPiFZ@PMWf}vt1oVAt-qGgsDg+D7ftD-s&%2=`XIx04ftzgSZwJ>|LV? z-*QGHA73{pQFeKLsK!z>HB>u))MCY$Dw>eD+nebd&25ub;Q#;F&4pu&w`phXYVM_m zY9$8XNRzMoPMM)5m*QovMbmeTuAoV0RbLz9uO0~kYOUIr-fcy93`NdH5SM;P#DP7s+$~t|-VLOYI9_t(9dJXwa5UAzMw&FWX z!t$PHKy5&(>W`UK=aF#{^49NINRKli?l(Go2nbLZvqA$_MIELNbtCWh+?G4<^8{Wm z;JT1f_}Kn-Qj%PnvfCvl!lpR?mY2MfFzJXb;YkMp?RI(k?820zRF?I{X*}dhLx0j4 zXbW!8lo*BMDE53%qYb*#73BvG(GasLDzrqpiolyTjOcO=NKjzi```pf|%RK)r?J9e8O<}+308?0c$*DD!o)%4prs&vI= z&$6~|rD*GVgxK!}g2)~>+YYjRX%t|;+ciEfA)geJsq58~%Az{^zjD0tH{780R<0 z65A&;wBVphB6>)`gu%u_ph&bDKDBcxGgmQDUtdSFrL2~yd!?$$PZ9hp{X3QyDXhft zZck->{<+u}G?*_e7D@2K{S*GdmB=LO*NJwLdT>$2)$*<___d&_tfkOPK_MirICw6u z^0(bJaL}U+*d;Pcqq=3^`>`*ZBtu4} zQdbWoskpA-G4i-hdu?G-%rZ?7nP4ZsUV?AJaa$3=L+P^OE_iBV?LrI|=I6hXrUEoPf`>I=S@ zz9F?7loqU!iiVr+9A8EJLW&k_Ob+;+5kKRGz{|=n3cJLBm^+IZdbOOJ6d*v$(2Wga zvQCm6eHRm&utH*?SL4W2ll`%9oc?8$X^{TTokR%j?#<&qmG8~1;oz5?pWE?g#G)u` zxkA<8`l#N5>D~Z;>#4Jg$eh%lNfGVRZK(O|nU_KzLa4L~r5J?hf-IFdnzxN!RTRF* zu=`kiJ`I^cgd$A%i*?xZe`wAy7H2==MTW>DFg?}wK&JWQJ7rI}Ty8`XNri4PCPa&P z3K8|rFClM9$Jq{3e1g*oc8wU$haboCMzmhK^7!vggx(GVYXX(Cxh9GtmSkw2fN3xl z-nOhp)S6;@7-?d2{4V9GLnNQOnO%=8nBcOZkfGY(Ai-+;dcgA}cw{`2nno&dr8|In zK)t9JNMFHAdfGi#9eQk3L{Qk#9Hr$o-iJBo9MIYnSsLj2KAnsw@WKe%ZoRugiD}hn zk=`bwHHWf$kae*0=_W(I*r3DRjl<8J9k<9GzY$YZ+VL?s>3Fg!t?I4l?t@i>WYWb%|&&@gZ0#d;-N^e%n=z^D%|`N@O=rVlz8)N0Z2v~xABW;$M!?O#HBVpFSb(y*XTtNVuOO0yzpA&C z^@>+ZDPJVGTfJ?Dx6HK5PigzS88xiJ#MayDp$BCcM4& z?$<@80lwJsktrkX(+-V#jR36x2dV0uRk<+n}wS{KU$>{8bZGKBe{Myr zpgjgrwfNL#uKu9$18e9qfLO#96yXVwyHC^u(M?tC$Ev3w;leOd;TU$~1@*Aux1H4z z8$%0Ic0RqKooT4q7iodUK@_ zTyTC-;HePK&#MKp-{rK#kApwCAbh)=V)()f;(N*lpIPqk(fWkP- zHg=Io{LEj|k*}Q_0iHI)THV;YE_oGdvbN01aJ4k!B!75m-?12JaOZVj@6JLW23Z6+^Wsqjkc2UNE zf3}E&{^1~?`pC2=P{;v~x4ixb0acjxcK%X$YSkg)M=>JBVkn>{tFI_$lZ|J;4F`#O zP1*QA>^3c-e@xl6h3%>RWiHC-3w-~U@}Ss>N1c8~w$A;6sPY;eq4HKc7LAs_*@iPH zPIgnIpl>ptDY)nPm_v1RFZ#qw12vc|UUh=Fp{AT(FeL5puwrrAGez1Y=6jEw#k-ZT z4o6lb^~yvy(Z3D4X#VW{6lh0JUfGW}Xm-m4?-kb0=iBXm-N!s{M{4cPYDN5$^WnaOqg+|6lp=+EeLcdE9cc)?jBaT7q!1Sa zu+`*WgbqI>4faRki~6$LjP`b*4f3f~#%k-?wZ=sBHMl<&;V1BM<`*(WAu5e8{KWl5 z_m39|Rvma#j}Nj)xTKKKW${XPj4C^lUZ61(n ztby0JkP1*aOG;WdhDoRny;o1jLMYkucKKG+t;xbh&IN8F_~VPq3ga?8Dxy^fKAImV z3=C4`i5cZ1S_LPr?NiSUR0^21i%Fm>xh*d)shic(z0AqcMZ*lD6{zJTn;k+wuUi2*l)F`@PM6Kd!fT7)bio5#|jcOTcvD)?UxH!5X zD&@y#K?{Wv46uX*NdjS+2{M8Z=3WjW+@%(!m?=e8)qT>C8f^L?7--UEG!UWr{mkce zrcJ&pDSTzD;3>2S)H<>YG*q2*`pO-aa+z5r`?I!V~Gx5tnP%@WILkmho>jLqv5p(!9&E$&YeY1+xmQJ zKl$UpqAH~3jl~gZr&NoJBmbR2V|?=2yTf*0bbAvi>Z1=KPd?=@jq-I#m8Nw4yyDVB zls8NC%+dBc^xTxg16hdIpQIOX>5l)%zcVXFkOF=Zi_lW`` zfa&|o=O7kl7F*RF8FwrRySF$dF6NFXoUT^2a~U)B!0n8tHd4w3ALdWg-)=X?#8v71 za-8#9o?{vipV|t#{D}#`rK;KKT#d0#15%T13$ZFl(eHLM%!w*$i*7ovc)#CtVhpBr z9dVjqBq}2Q3Uu~Eg%_!+8a`zDf{Y$jn=Y3>_0tjdST!snrl?tPMT@~Jpzi@kyWGN= z5X|~iSG4WLf2~1};scZLk6jJ4!TvS&bxpXdl_3+vx&Gk;u$4Y8 zTH*KIVdd-Okw*FlFGHe?S=gW~{Lp{|CJb>c2k}|O_GJ=}p$Uk*%sZ( zGjr9^7Bb8ozqJO)>Xj4qbVmL#_uVCI6EcW&e0!yTc{K9fe!n3vQ*-CzOnQ}_a-{5p z&Za{H8zj2x;y86Rw{Gv2zA48&?ce|eQXO&o_;eca&^L;qh5EVKXo0Ewyc>f<+C+8U zbL=YtHyKDfELR*kfP_?XtP-_29nxv%Bb-FA1T7oc6ysJOm(54)DQux2#2ba~4!hYm z&A&st?2Bou^N2A^;(mv$KI2mAJWZDBB#ssAjuVz5Axm!oiS&aaXD-z$QQUj)m)Grk zHb<}&3utVQP>x0#yd$sjNziG{$oBW`T@_!s{O~rIqEiu9So>Rc*)k?Oq$4;=73~0$ zuTX$mLz`Lw4PuQhp&o#WS|18m8m8x5h}zSxIN_c%TPt!e#KyckSCZBTz43V_AUUh= z_ObEU9~JPJ94r9p{CaY0ZW9v7dS_|LGbLJFHOWp)TNXZD@`EPs80pJ*qJzT{jO}{t z*MSG7KSTmgP}_|I({gfdf-O6lB(b)HOXv#}cYZDwFA;zofVER`Wb*)XvH&9057wBoc-?B7fhW%H3wBCXVqDb*d;_3 zX_9GQgWgrRWMTIVk}KFEtgSmQS6}`%x?eajjL7Y}Mp~hI+9dNtr(K+OeJ!#|8Jq@N z>1|{*`f9O(9|Z9;8!Sf-X4-moXNR8Y&n*D}!EM;Hgg# zjIM*NIf!7>IPYh1c0B6U)kp$ow3Hri(!RdaBJ8w2LLkMSXO_&G-u?UHgAA3_M`*`~pk| z>G{n`X?|7s-s4bKj0rg{?7_D`tQU(sUaHM;L7eI$p@5StEXaw?Wtc0YS_lmlSc*lw zna&;P69%{4P0aIAJX*}=u|qpT*os+_@LN|C)000~7B)}>eI7x)-npH?8NQ=Ie!8|0 z*Ck5nP1H7RE<-kYzP>)gE`3WJhLa^={jeGlUi{r@WTV&F_htqWAODw{Zvd12@k>`a z;qN|)SC|&~iUYylEdo6DW_&O-DTzKL4xzz|U%x;doj0kxNqKRu&Ow0vnbN{f#%o2y zYLj?wu=!4|XbBM?1j5Huke1Nue@@%F7___^hsw`(@TqU}wd(*KVO}?L1Wb zcdniB;a43twMi7vlq04<{>=A>C$$t5-#W?ATNGUVxm?=jwhyu4Nv0(hpHQ`t{YP^r z3245c(zvQF1w4FqxZ}o z!XB?$4?kJ~$6TlKMhhKymBk9yB1f`z5UcTtSt$gYBH6@I_xhry^{lnOnOuGKl2Egh zIx1rX`Z;<2WbCrUO;eRGZjap_{NRt1M2e?@*wa6CPr?3VT{Gl=zhx++N2fv=f(hpE zMK<0sq#;ofnniNI8@gE-HhUaE@a6QAX6Pf(WruiDJq*8*hcK@zWbUW5sJw5vmm0Sb z{-XW2wMkM_L>ZkIHJ4ygUj)t;cB2!=EhQ;T0P4cf^)pnp1e*Z`+bpiUOnzs1YsOz% z7dVRnbV~oo8f`dI9*MM0vO0c4xLEq8Ja>Gye1LhtA$i@$QKHE0al8h#EPbknXjOLp zb#xk7;|;k_$m}^7l+cnrx+QCTvb28Hbv-nubgR7dDL`k%?a1(GqLDn=Nq}L7hYfhT z*{Zd2DFe1uqAy48JYSa5#Q7ZU;lC^uI!zV0Ru+L$;?(}de4aC@Hy{zrWpkiK8{Ru; z%o|H8c_rmlG(8jW*ca%troLH}NmQgWL3#nxZB zK^xdkBp)*qNZY^-RMUJcg#8YN%$E9BTLR*DqO8Y9D;vq3^CD}MkIp5cc>MV_^Y_S> zbd`T{TOezP^oAYz9+|gN+S#dx%3DIEY2J00@*!j|9T9=jfBJqpp4@hPLQ-t}CVJE- zL``%#!lz$Z#BWeg z(Mg2-lbX0iSA}VsWHyZ23VZaHNc}n5KQLWBXltb_CG!{DNn{rBT!MqqTSH%Kk!q6L-Tb|1`=TD#&*gfiR`&Zop-#01 z_srqKj>f+_tWPg-+|~!B73e5Odr^N=9<5^6AP=q)y) zBzg1NrpQy!?e>|CBB*?6&Kz@oDO1A&S0;iAVEH{qm8~M`5w9n3*flqJ{T$MGsNYw2 zU~ket8QBCZJ%@ovasT$pZR!hCEe&=fyZm7TTR~CG~MY zG4qPVv>Jy0`Ob0>10S(zC1!sMorj%cB*1rN#=J}OPwm*KyVyq;l^I^QzpdREbW|=I zpu_Ww*`{g*3eU)j%t~57v$G)B1r~mDyTF0{eA4yt#FWPfSo8}8G`X*nodzF z<#+X#1^y-yqmd`M&y@ApDtvQ{2H_hOBWa_Ly+o70I6GT?WeZEN#K&>OxHxu4-9F}F zyo8wqD@xuJJ}Ns2P!Kp}Jbb@ly#QAz8kS>gLls2;9nnhXPHXpwoe1^IK>*lO^!X9Z z0&pllUwA1#2vWZ(>B_*jYotwB_p%(il@;b@8>3^9BsG_znOEDBc<9(KU=|B*tl2up z?mQ~iNW4`H&{GYnW*N$6#D|D|UT9(-V(qLKgi;4#LqMo1xFGD9aqE@teD*^SzQCB# zT0J}AA_ls&eAKhFb4qTN`U7Jlof+XA4+YSjT!}#h0z`c6mj@r^3qP?SPv%apTQ<-! zHX>>-G4`F7x)jq(x8%k3MVTPZ5_pJR{v@BOgI49?zG zRXXF@lN8B!GV4B&rIX(NQOaEhS_`Qq?&5jci5T~pl~3kM&iQ9!)~``tm(^)^a0a;(^7%_1n{Y+AFA(h1+G({{X*`41AFYH5nJm_t{Zz& zLTrApP<`5W7CWUP=z`==)^*4);g{OWXv{&Vj4?T1T)>Ed?YT>ism$0*S zH@9Gv{q((21hqB-f$cnfj}e%!({A2`?@c-*_G8Y$*zgztZZ@glQQaRmhHvD~5QZj% z1B|cC%8VK2D>Xi9y4=4h2VsWYX6(-x+!{2)O$i6MsrLJkgCUOsQFZ=^(C- zRn{5CPQ*2fzzojdV1mcf+X0L4`+>8FtI6%0xZGzIIF#uNfrTXA168eBcj|Cs+5iW4 z+^)AF=d;CD<1erfH0*C)Ka?JWrdt$zs9MRiA&1+l4jpz+)hhmirSVZFdO&V?(=O09$eidL*P?hQGwbcFmywWO#Ksw@7yAM^6>Hk6EoXB>T}J~l`Y&6qfRiDgNkN<%3Yw}v*7}|y zxJeaozejI+ot}l!Q!o9yS^$awNlXUK76zP5d+ty2f-(s~?S#ef;Hg4?`9BYghqt5e zCXo2q@4~@O{)ZbNI%&Z~B$vUv+?I=n8NY6^^cmskQ=hnthM4QZX&*HkTy(3-1wL>HRz!3>KERzi*X2+|b zfg&mf1|2T~KqSJv_f<-w>G^8{ zz-QcFYRJf!Uyju)f&M}eeldM^lNt?s-6&Yj%An7cwXj*zuv--C?w7DJ^h6~2NLU`% zMITN_<6-{>f^fh^(nzP694PNjQHthX_iDuo$N1s20fchpti#^+FS>I31OPheU1U?K8np`UI>1dSGt`IHlVc#$i3^W|1CX^!bxJ8Gjfg3?_X=aXBG5KqSG~CcaeF3wIAThS4oXpgN(1#(#{DR_8{F&Dd2+Wx^n&sd%&r|JzB?{eIYch170oh)@GVcHnj{nu!i8QePIn#o zF6eIKI4$EQUGzdxx?y7s1C(0)^>hiiih+^4`Mkj?-|-wgSb5xCyp_!RZq z(rw|aUJdttp_aa-l_4R9ona;_BL>M+Llfl7lUG}>kw7rEau$i}(|kG8Q~xB~XTK;+ zG#Y#0N#8oK*dfJDyFV9s`E^juUIH73U>XwSJBiD4nq$20ae6siTk*=+6ityh0$pH4 zB{hJz%ye%@&NL<`*ri@+YmM-azQZ`pq`O*++CQKqGY+|Z=m;w_T@os3Xr}=uo0~Yd zD?s9*c@&WJVJfg7l#0{;1JJHkBO6dNT5<7jAo4r$5fggNptd5VY~$ZodV-mAHD zR8p4H{b#MDaCi15(tey@US3DuM1RE}^Okryc~62!;@>e2ApH!|kd4G2;ZAvR0&L$y zD?|U0Y08J;(nb^W(DtXz_f;Ql+VmS`Bbf*U_DQPSUmj|HUx;U8K& zfu)C+aS~BH4*b8(-OK+H)XpdE-q8Ms#F$)S2NPPHwL3K@9CRcE-2$z8N!mwH`mgRf zN&j0WP1U9Smul~qQ2JLpN(cTQ{+$K#k3$l0webJ#6rul`hbsxlzWxP!VgGae$G@}w jOEUdejQW3b!0V?CIATEad+IsSNmA literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/examples/compressed_sensing/e04a3dfc.png b/previews/PR92/generated/examples/compressed_sensing/e04a3dfc.png new file mode 100644 index 0000000000000000000000000000000000000000..ce645afbf41e26b5b07dd22bd7f462e759650658 GIT binary patch literal 33726 zcmd?RWmp_v&^XaK22H70>9u* z6lJAAZ~uM@y30~PATUT?N?g-3=Oow5H+3QNZ+_R_26G}Bv@r)JVyH9)vRY*GPuLQ0 zn)Sj=bc<%i*BzdZ0&YJPoc$M$KH;^gG3Htyw=W9lu%O~2{9(uXAQp_G_$e8Y0=u#9 z{(!YtRGBZwr}c@pW6bATWD|p2fe1ZB@3nl z|DA}W`2X2$Lf>zYiaqw{zuuH}b_z5K2fRM7G+7R}i6SP8web7MJ~>HM(s*S3jBD1$FGOq!9l31FHGQTD?&P zR5&=e_m-2*tEb%D+)wxC7_iWg=i4Pi!*-|bKMPg6^GdLQYgNl&nvJ+@^#yrsctzL= zlEkMQ`gc@T{yA;i^gpg?yE|L=x!CF-W9!ZN=zldz_ur=oRp$~fV46#*pVn{RzLk|(UhR!GSxgjh!vu** zOAi57;J2ACKbk8`AmLB8t?cR9_a+XBHJQL`&6pEdp+ySLuMam49> zrC#AHt?ca9x;z{$Eq?h zfs;P=&s_#0Fk-qN0Sni5{$XrA=yW^w6(N6V{t-t!OgcL~?eucH^o9I)NxH$K=-ajE zOuJ*Gx!28%>=BCllD>!h@tXH>P1BU~#g@3v+5MBD*M2HsqA#1@BeAIb@0#+td3l@S z>S0DR-&>w_or{!RKYu;>j>7hDcI<@DbNR1Qd!XQThu+vlE^i9{xS^=pFOV23D%Fx;i$J z$_(~got?0{w$`BAyM?|lH7(6yvq%3#%hBsKjTR{hSKla(ghrP>l2z)wRu zd_IE0!lfvyr^Rj%z)maX={295WS9{G>GFM(g@*#(?gMNOI668yfR!*g*8cdhF$?u4 zhW`aj>U8~=-;*4sKjc>1R_vyPu0J$8QkjsxUW>k^^ynAMCWyEmCSID7du~B3M1Vjj z1gs~grzNQ?+p1qXpukK_$Ctz8>Hc~FPi+BXdFgmW{?EJQF}I}X!+;@HBsC=@?d?wi z!&i2OW;=97#k{Mit+gn7`kF)~i%&o>myd--1n-ruoF|l-l2Y8s6)|x6`gGoOo1K+~ z&#Fhim?P|SXWzCi6VNCj8E~E_Emla8gvi9DYR8lPNB_4w5QAPqWV4zY8gsx}E$hFx z7^kPFH^S(6ILNjRc=msbefNHOam|6Z=EHBy>gnl~mC?!ozyjWYLo_|AL=5y#-eH=t z`#v6(oje`63iQ65I=-#;zUZ2p(+KXxoUC=E_?^nelX%TY6F8^E7`{C&HTRS^^1Px! z_tolmS!n>~wk?G~oFX(eHK&2u4)FFqDCvj*LAF1ZZsE*wmDzN6n{(qSn^M-OJ}~i~yrI{C_imREWM_CNw)eT(2OQBOKeR()_3{X7AAm%wq2zV|Y-sS&tFb)LC@^z!cKsXw))dS#GN?N{C!uKRB zy=R@rCeFNAw)HOi3W-TMIlf0F>A+;~ay>Q*>jd@zFfZZ`xQsEJCb)h0onN*OV5(rv z6nX@eOswbAXFUzzs;-(Ehw*nE2A&l5d%y@Sj+=-?KU$6a{7D(c&(FVh|HFWkkvLIqW@F=Z zfc#bUT%8l{XL3^6dmgyyXau|4AI-Y~<6_?4*W0=|7k572?Jxo>{<1%OE_;aU zL-4k19-Ds6Ie0`03JS}%KuR$ldI4si;!-hvQRC*oIK zGXiP{iTd8b0X{zdY<~6FB`}@I*A8QkhZq0GO90E7A4$^n-QTUa{k_s>_>FMdo+D=wvE#zimVnT3w zK&0ffTdoJPpg-Wd7(y3fYHCTE_?z7%||ypQ=4;e#+8fK?BmIsr2%)`6m4Io{cSmbR3;bh+a5aOmr$X zHumJi?oQXVCK@0Fbi@egBw%6ydPN^+5|&FHx=vefZd@li;QNfuW>d8dkHe9kDs z+}zyizFqwUR*7k`EFB)yEV6x&?U={sT(sQ%x*>cVNRciX9UF_fP&+>UAtVk!BKPCP zn$$Q_doM{gD=Q0#iZ;j19>BQ*{%%La#l8id5%f3{ za@rDebK{JvQw_65kOxdLv{C+m&oC|E?DUH=6FknFI!iD(!YqAZ9ap{Vzf zP_nP~ZjR-hm1z2oVD!`1<@{`1ETjIyxGN9RN-4RxI-yQdd070OyRXi3*rm zhA>?pOmqRHQ&TtzKAuu8zze|t3h9$ywsrfysHg5vZ9TU&&COgyud-zj43WQEC~V)v zT2oR|6crWOx=tEn*m~OQ>l1HfVtD|sS&PlFaDf3;8050M?8!w8h~HcTY0{$C79Bgi zA3aC?b7*{*#nya<##lO=qpdBKC;)dlIy&B$Lj=I#xbZFXwh|uHwwjxiH1q2hG6)R~ zt=}l|y;{`LDgaFkKtVHk4e*?~QveY>RvOK3=x(hGaB*>`Pp3ql#?SAY`sG?$T1=Sf zpO)OmGdO_p8cB7=ff@6>|1f0Xa$+Jnm3l)z=_GGM+S<|uuq-Vt&sWE5W{)baLy97&>@$`eKbEi5c3DJiY2thfRk zjt;MEybmyg98LJsdGDLy+pS>*$pwHN(YJIec^~YU$P#`7L41-!jfogJ)!gebrCvZq z?UDx&vlKKS&6cJ<1H|W$PT`%1FW~o+$jTU^WA6*kIxVZ`Z~}Q59nn8?Yhud0gix8-u#-icwOB{rzL|97?S8{i`go~VOl zkLk#ue;J4-ytK3wL-bj-dg^D`T1huhe8?t{;b9z|uQ#Cs73%Los?N>x03glk>gvAu zzfI-}0z-1Q_Tw@9N$Rn7nZ5b^kLl<8KQgS~AFtZ+c+2VQuLC*uF#mw9_t^zlM}Ru% zwL2MGTUQ)v27zIWhNAIYyDBRy+uQ#Fc~sQ%!pO%*@bm3f58&2suTR#w#E##vGBBV( z0B~#sy!q8Ft*)G63AzB% zP@+TK=caI*R{=r6rRvX37bKcE1Etyz=>ZSv`7bAy!||k56%}3pA}wcNz3&q#n8@Z$ z;g`|UT5wy^Uz(kzT(l%$dzolF#$V#d5)BX$M#&D^0$`#!rzL#~K-tq} zMYe7!k9B|tH0ONzmI#2C%hjH|cO)Z~nYA?oi;AKm6Dw<;h@XHDg&ux1914DDuM*bJ zIrfaMK`$1uazb%qf}^cu{Ysd^ zxU8(K_xWmUcDkadh;oMR9f!G4AP_0Xow)wSoun}21brQrm{M@L3J0o4Z(jpfk;2F+G8mid0}V=Qg;HmKPXtxntD z+cvz90T$5>*DFcwO-(~%zwzy1t3PD(Y2$vdWh+;i?lZ14-~o2!+rU*X|9G;U?=DcE zwArm(jZh`1ibnnTA!Ci*gm`r`r?MIF_EJr6sIGnm)DBI`KZ&lcuSFjZi_wUA>TQ35 z`kJlh^86o<-ky5jcA*)7it>Itf_%gO>GY)SvyM)unRdjKU3LBQ}9%6oqHb(moe0o)J30w86XnVIeF?}sTB%+Jh--_SoiJXnws>FVeJ z?~vAT(8ahfZ5d39K* zp~8xPQk}ze29~DDs2`eXx`!*e%I*P%nY#X$~8W~EBmpXd~%;E>Tqj8*{Q z;yqB{E&&uA@C>qqVTZN^K$HSBlFhf*d+q8^{Wbnk;7BrDq9Q2(ysxK3-vD~Lw78gz z+xBl|0dc2g$-w7+-9vY+dxj6l3RqNxs65=voUP`%|9&*so1!n{;!^&^p$Ac}vm79V#|D%vfF*n|_H0qOw zG=UK*8-@Q`#7;$S3I-3x5c-}2X8-?0SB?AxNs_@vv^4J5){dXmB<#M9J-?XAxJ3|8 zET3)fG#f1CbnkL@Lwevh(a3D72laY{!iB*zNl=GOIwx|p1${kXEqXV`G(ht0_4(l2 zi(eIL^T$0%u7nq~_y>jEKgqyV_o|ugwu7aO_HKTLFFOr>G_G~PBkbK$V}>W;0~c8| zKwwjAtr$G(WyR+AN*;0i=mU=kw)$DnCC)O$_ax5 zT`Z&)=Zq1%6Lh~b2*Bij3{9pC)B=I7?+nj<=qzt0--80Lv0 zulZ>!HoxFe4t;xBDicbH!k;D#%nGMSxcn?)X@#kUl~WcxPcGpmP>WStpT87}ng}=t zJr^}k3r4z-^K~ywU$Umkx2IXhR`(95tsZR$$q?xqu|i|Sfw)Z~s$iM==`oU=RjTrC z262|KMC_|>N9K&h-WaJzm@GO>{>ksbl@mkvWWuga3)hP3!cp`bAkfi6zt+^I&yDKB zfys_g7&tNa9MFi6?e%2Z?%How3-)ODF;^5{Y2c6DmB%LNd6U+0lds8Mk z;p3C&rNe=S(;ebH3@JyGHK#61vW*!&{Axr7m5MIL`Y$1Vml*aJ;E8dEbtqyZtFlqG z`3#alGS)l5JdUxXD+&R;1sIja$HF+yez9w*?_$hYSelG$p5JgmKQZ=U0-Gq1Kr+7g zAFA%dh3nrhEqE59fqeP9L8?Nhu%K@uM~%R*pfLp@dsPot~F7g6CNIZ zQce({PVmXGS}ILbA=bj@SQ}j~uf&KPFZ*w^zeJTgZL#ITfT|0?H9ykC4(~<0AH+G< zQ=uVnwZr zo{`vfs9S|!``%XNZv-c!%;C3U7^dKW3FyEag(fL2u5ovmz|-i1fb83=KG?{k?4^SA z0T7_vZBGyLDtw`v-_(W%b*Ox8knEZ-#cWON7s^P!-?m+E^~TVKVT8<4V<1UuUhbObn^KEYggf^`sbf^Sf8i9Vn| zY+y_rr9Seg$C^1|54-U3<|wvlu^b)~9tCQC+hUD)VbG^J&YSxJTy?6AfQd`QJPg7` zmEPxt68lMk@J%HqY#A#)4BOdex4$496S;#&ze zLnG?M)&Is`z$>`x$8GxH(urW*j95eozbRNNjHRN}_Mw8FlbQoJb@S_$%mF0S#f^kL z#Q<%5^Kt+%G{+9r=Z4n@udzDW6uM-3E8MGs5t{-6IKCxmDi?Sku=aPYVmGNW*ow8j z&s-xxIhHi5lFs;$QMI7jBnv?DZlCEikH%^n=1d5fc<*tb=?!A0;J}>y(`~I%HksFb z@X(cqcDz&HbvWUrtLh+zP0Wd3E85_AxqKak#wE!q_}Ca`qI49E?Fz=ID#xTjO68@Y zqb!Fd?Pit2Q5UDK1Q6`{4oDun(?VFbk-Im!0sd^&t5lz_W{~d?g@=1h5nxb!98O(C zeI_{j5~Ee8g^bA{F;e9>$c$k@w9il(L56iXTPNtVACwB5j8Io`v?}S<3OF(n)bX67 zJE)|mg*fH`l4k-i(eT^m7owVhWKE3c2Vs!sU6%P@ z4_FSE$?wp2T6qt^56T~Vbdd6Psy}62pBlYjjcW1Tr@#s?ffi5t> za$g3&Yz*C2Bdz{njQQzE)csuG+3p`d`4J{lq0cB3(hpIIpJtvZ_~_;o7vq;mM#CsK z@;cuXE>SobF+3TlTXu^y1`C<9WN2BRn38KUbhR*>ePus+);@=nMhs8#>nT^0;?5E>1{wjJNhiMxkWnP4b*ps5;5~L zgIOIJ8BH<>ctYH;BJq++qkTYNw489Wob41Ds4QkRqkPy}p{Hndms1RN& zZrIt(?*0+PT1Dm@7l{S%5{=SL=*{m)G;S7@$zUCmEg=;aL_p$?OFC4Dq4tU;d%Q^^ zjEItu9528MT!T(6Fu2GnQb{Wy*VCd5_Ai=JI_$4cqpUua6pE=VEl*LsO*<2QB^AsT z!QSpm9E1HK=ej??S(6z`h8kizTNPA+W*hITlJ^N`mpy5@Z_@emCY&gqG~xg01^B3! z@z}-v;It7EM9jB>#$gz2b8+Bq9STxzJ#?f*s6d29ZV9qTS5OnbSD?Z8mCry9LKGlo z&46Y{f1hP^1N%Qa^4C($;5^mJZbEvj&)>r}KP~nWP2g}y3cS#SnUjf*YDgs>&=t@$ z$0s=<)r#ZC&4t`ZF&e_A3Wg;a+$xszr5Ow41&=rL;#W zwU-X1)?_GnG#4AYd+-8?rlLViGyo9xHn1B$n0d@(*XWiGwrfY?8KpbITY#9Z|E_)< zchu!D6!PwYUtXIvc1y^0(R+>vOeU_?mmF+L0DrsBCgat&t(u6Q^5 z0reyryRr`44YmM{s)n+sNkQnqBx70i$PD#yoYZ_I03m7J30 zjP+qA8kNclL!`SeNq2@s_x-twru0|~bhBnjMjT^sS#;R&mc~I%^;>jP->BDPuq9(D zN|94@cYyy&;LeFvu%Qe|_cq`OOrCv7f*7}8ma zh4=cUA$Kk422x!ZWScK6sB6f`5otlBm0!|bG*eRzvSf&&;Q4=wpbiZ)de0L0d9NJR z2~3~J#_i%^156JV`P=7vCT@_E96y3&;)NY^M(gDo&q5pSk zwT=#@7OK@Z5-#UhMokNp2HMjO%>>H0gTzkDN>*9Tl6p~TQurlw%gT&aUL+9u#L#<6T{A7GTqM{&IH6)!PXFS*yM7obD zonnm(5Ty#4oq9U+svt_5k{{Hg#bEkBwu9-4dU7bL++Othww@U?j>4}YT9bC_Z!6GMClZy5bolhBt@L6 zcS6NK>{EtpUeVg`LRXye@t?0d1JchJ8GDh2;NFYnNzBA%-x2iEp1u5bdwV@m)=Pta z$G4_B7;h|7L??w3MlTuiE`z~js(Pd?nqi7Oiz`?pKV*~r#oG$qk~%H( zX(e7i^Lth%B^7`Y54h^AIJ=S=8zehFQ^N0^yw_m^0)=*{?M3`FA>Z475BI8IL@ z?exU-P~r$HvpUys7IbTPKNJXA*jmGmN-t()c?I)2z8jey|0+i+JGHw(bwM)mpiSkg z95;s@Y1Vl5D{R%HfD|Tbht&UF`yL|lW6Bv62);e%S!MSLDO<>-GPu~LKdsoNLG?|4 zaS)Ro>6h&BxN;~bIfh)K=fH^zbXzbrDOHfb3?ahli2u^*RbAoM)OfBxEq@j$3Cpr5 zsg0jCLaP<$8Q@yrKsBC%cMauYh*S9`mXvC|Z|iZeK-c(7PwuIVdVg(wxVpJf;ReAywONnpy z^dWITrkhUG?|sO9()9m;E||M;L2KuJ%-+Q15K2|lQ*{rtnGo^El+(&jvgWzQRW-h+ zlfH*OVkfi3W~TxutUiLCs&mthTpVctucaw}E8aA}FIj$J&E7Oe(Oua_6Zj@>>Cv~1 zHdx?@_4{O9e^w5eFd8cZ04MNl3+hc$s2&n;{ml3JG9FGW-eq+5&8LeccNnp;nrkTV z^*wnQ|1v1czfuUlB;t5A$;NiMseDbgywSLvRWT?F{yk+}1NEdT5*>$U1iw$j3KY0N zgY^P)<-6dx!#xa$+6`8ZwCB*3oiWx|pvA6<93&+;BwF`$AD10ox`F+Uy3$ytggsHY z|F#QJodvp#eR>sz%lk>h9xCuy&zzFONtHu_Q6&^D8&}rBIW|2SWyj#sKwgV^Cy2-t z?NI_99+&7*cHv-$rXtz=R{)SfKyo3W&gS49iC!}}ESGk=fepd&)K5h)UIr$~M>G|A zE!i;!KEUh;y*Z(?ylQLH)mrB_zqBT_>OH@#AB6s`FB>iwZ z#}T>m-6M((QS6Ss`ty7Sa>Fyg*`oa{;l)(k)je9Nys=@za!Tj~8Gg}4BhC)r1DBj9 z?<{-3a}Wbk5N#v0;H;AavJtae(9d`=w0A`kdGWhNO)tl!TsJFsx9tj5d)~dfgN>}DQi&yEW9$`R;3*r^`e!*IN zqki+)V6WpH`Vse%GgTZpe-tDfok9jV!(v4Eu#LMZdHI7ufEB z#FRoPY{*%$H27(vjVbT2VG4PN(l8&xj2fbn}O$vy=+v2Z%@;Etk$+UX~c4=*!I2Q^g0ga$^IFGk>L{ zEg`K@g%liv@LVeY({#$E61u%n907K|M$o-_q98hBZ?Iwl_gC_-~ zITF30>`prS&*uJbvRCq`oQkfn6jhoTpT{Xl-s1IRAsIbhN;^9A0LT#NwZmHeNz5t^fwxasLF40bu=7iB}BvS8~16ft5oK48oxD2wYlsa{7 zBVdaV!0{!>IY_1doHLF3?L2?sEmBUO^#0rcf>jK)h_05`DIg-1b`Dw}LVGSq#JgEU zINE09N?&BVjcsOdCm6{KPJ*{CnxX*n0=oh#Qr!Pa!?yJ=(%&9U6KiuIBdjubpGh{1 zY(iG3*a<{$wOQL-cNmEQL1qL{{p86TXloPRt6S}Ww9s6Vp+Xr~S0o{EPl~@IH@mC~ z6T|fyDX_DcXTT^0h{tPUD65WHyw5G`Yf8I3Vx@*NYr=88k)8!N7PI!haLepeyHOA5 z;5WP8r7i<4%ZR}lnDbmC;;T|OVkpwg;z}XngEu0BJcZg(F{K`AUSgQH$g`*Q{@60? zR#u4uJe9v@cuOklDyyB}AT;2nt7&AJXF0L<(b+F*;eok;PU&p=YlGUst1`4+X;ApB z7z>+H7GhP{{`+Q4^2_*!Jr*tzJO~dQJ1BeTch40ODGm#M@9Sh~T<9ZB2g9n7(yY2> zp<58yD6uS*{3AvB56XZ7$d23EDyq4(nR6-A+9&10Cp}mq1QtMG(%$Xev++6$L_WLR z4y5`;7!YLP{?|(b;Scy&&6WC#JFVK9ednX8KtQDe=V)b9$H7yKPem?@KUY*%RF=Ne zu(pIo*PVUx!^wVqWQjIFpOqP$R!~)>xWPPXrFD^Fo?nZo=l#gIZQaagM)0syIi~IoxeKod48P z<9GDFSNxE$9fL|Wc5DT3i@DQAa1X9*@~>bpBaCK@nzO9D2B%m#J4M>uoID0aRLM)> zv5&kK+$)??XDPY7e}Xo!36S5=jGPE47Ja+S%zv-r zMP0%UwBLioENjPvR&s8ZUyu?H(WPc zSD;XF<+TIliI!4z?7&4Cu&`cOt+=O^Jk@tSQ|VXQt4bgV^_?^n*I%~E~mFFG@=$% z1k08jdsI*&z3^`Xm`h=C>?FWB=Oy#(+G;Y`(ACtJgg*98I3xy`4PyVUJHaeT5*kd3 zwU2(W`J^JFB}a`2g-&_0okIu}3>Exr_LiQfDa7qFnxjb7rgWZn6F!IEK5(RO4)m4< zHRsgOMzcwo1b%_Sy%82iL}I7^5&kPe5hSq@OPr9NCCZEmf{r?v5Tg)o^LW}_Phy8G z_&5p~JU&7&mL=TPq^O+>-H(AQOMAzs^0bUmjN{NNVYEsSbXck>La1GT;^OBPm8&yH z{(^Q+Zx-hXfC*)!ZohU3s}_|4st%2;XV8}ax#?x)N*6V}u|)X|c!T%Fv`7^WgRaqO zI!$d33>OwIQri>Gt48i^YlAK&JUe@KNtbJfJf9C0D5j!fXzbD`%rqw|f&lV8V)a8o z;`p4NEG8^^v#8lFDrMFFm~|zIF;pce2Wu1&I%H}Ile4fodCQtu8I(V8b{QhURLcmp zvRvWJFnx%}=N8v_-~Y7Nq|Eov2b;y7@5FQL3<};(#r8 zS7dQ(wI#r)yW|w0p%}0ey@XBR7Sh0RPpIG}=-)&Pi|Kih*Hv3tJJWm;HjHw`1}phF zZj!E?3-m#nU57rwn}R^n1qJRh$vD$+L}oh$IREtM6tUwD_=57at-X=c?>!y-T2#u7 z^GN@YDyZ)gulS1WyC`K8!li7XB5FBxcs--5gJdxeom*^O>&`Ea@wNiF6PO6DP$-FR z96njtyH8rnVe=}%wu$e<V%IkuC&s)DJE88_$2P{wExjcecJAxTKf)DM*0*GAw zRPD>nuv&jVPJf(WRSpA1bIqz3O5Lj7_$O&P0FeiDU}LWi0^FgPfOp&G5IWFb9yL@< z1%rg|FfRiElsC$sbpEc0re$hG;E?HaXu*Q)IZD$rC&<{+1G5`eoNu1RaVi& zDc=t5<_7gI8{&{h=f=xWMWibdNBm!tNHz=;7hv1RIOQ(UKD8pduLP9*DAec`y8M{* zxRGn>vVxt=7vyk^k=`i-y?fTj!_*3F=ITTT;}P&l$^#KE=$NqtR4Z0O$Y_H?rn4+W&rMEQ>Bs5y^M=a`rHnN%ae-y3&L4QWw;; z9F}SOd?J9HdZ^{iAE<#1eFlgd^t7`3EtF4=KyFJN#zs>RM`$pdAw8)09xYn*T5%Wv^a-qKQnD3q`C_3nY$gR z`~oWQ>KuF_j^guL6~5?BOfKEoz{=j4Cx+x}+Ow9jUYdbMA~+L2x9}qftJe~xaIr{{ z>>!RxOCC~z2eXJCKoVNG;C8V;`*?{+^bjdje7KeGh2EpF8o!;~G%=LzKJSM!EShnn z(er`=SqM>O8r-tcK=>=Q2^$RXqX463kv~nrjx;U;6hQi1rlU8JgzD0uEkY3zP-kt% zMsBWAMg9mhkMbPbry&j#Ni>iu)zBjA{f}U4=hLM4(|%qkaAiI}jarXKV>QjoF&jF2 zYG!5 zNMwnE!mcYRQQu(n3;UFFSRJmVor$?0PP#S7B958RuG(vk<2|_-D=)t{2Eq4P-bkJuu;)dpFpwWcl9g)mA*n^7E zIyc8Yk6x+#<@6M^MIy|3J$LYfe`SVWUK6p(wBF}g9*uN*5egJ^fba8>wq3t_w`n(9 zx$9imxKYyIZND4~XzqY^C52L+02PM3D{HYZN34h!$7L(J@5b?!RY4W~m3|pEu?tby zfvAJ(-88LyX>T5A#8uy`YHq|U%e=bBkKX3iS`M+fe^pruIoEuiEI~( z!v*%*emi_JHRq-MUnwbVk&7=qe`;Lg;8K>&jSIB=OQ3j(4-`1%2;*p>r9Jj_@Kerr zG6zapRwyDqeGE|i<9l`w9gl6^%GaaO0M4%*X(Y{n?CP-xp zFrr7nn@+M*Ea*B}ptR~07X_;N!H4-7Grs~0ZuLp@R=@KFXjG7qxi!n9SD^Mg71YQ< zvuB`ML)ykVx?t3I%dt0DEz=SSLy;>e8&-2hJWz%S@ee%b2Vgf(k0~koa^jQ_&8#XZ&?jlFmAEPl_h5SVy$gfefqk3cpaKp(j}VjgpMg zZ5&d++a}Ead0*j2XRtFFQqGE878bS{C)B-J$IVwel$ucD!Y*1h= zTVs)Tt=Jbu%~cHd8*5H=m1dhCrq^31Y0s%n+^!u&ox%J0e{yADgoP)ks&ezSWvjlx z8yOPbNlSb{&lb=T&~&PZc>dsT#Y3Gy+C3O4-nb{FNr4?=YGM4Obj_K`%@Xu(<})|Q zO|XC?u~H8m*Y5z{x~`pFv9Van0MF#JqcZh0exu8HX58h1IRiTY-?)3v+_2uqw(_1!&oVD|}yltSsrio)k59xNx zA6wWwiM&65o~c=c3*|=NPDz%dP}6J9&0;%KRtYQ`3Lu!^Ra#zqM)bOiyamk@B*&Rx zp5m(Kh7yieX!A!ZIlFn+<=Nh2xN}nB!L?iV)A}dc;6h}hl)tKEyd4{YRCIadE_bUI&R*WH~y?cq>m5gy3-IrOq z@fw7g)S#GO1SL=vc#@6@krRhIg5JUO#C%j?hh}0kW*VT(E*LBVO#^h2SzPr!OTdKc z#NJdcx|%S(^SwbS#E?nkS-r%{rn&p!pUxThctkRBXdL+8e5?67(a|_4mRGD5&$8Xi z@~q$j&+JlUj0C!n3`MlL5uToVbtDDgkrBWZFhheQ>WKi;d!exw~) zBSNg648+5QBtzB6d&pml$ftK2wQ2oAwDe$C=aqfm+4NoSlOGJ7e0`YRt~!*nuKxbF zmqq=v+1dYT1tJ_S%7S+=9|JrJED)oKrH7`^A(wjM=-?cGcs<$V^$nD0uxp*Y75|#~ z6j!zDOJB0Si$Rw3AvKm~VS0ZeDgj1ziQu#9TAR`az24>Q9wxy^MXxTPrckwL#e@~P z=;jBrTl{bYm?BpjAIcR};PW|Yx^$0+`z)JM-QW)qIqe}cMNOnEO(&7$9~fN0ri-p` zK_Ns-IJHvaMDmG`T#-QqYjY5WJolx~_dab!(*QVceQb?wB``a&vX6+}zDYmUY%+~K za#8FOkkA8@;zhvk(%4*ID8>(=I$tu<9i;H^4oW0x|Ji;f z@^)8D$7$}2Ham!vC1Dday=2T}wZnXPPqt{id57=&G*AFgTBWHh1Tx>6~w zC;r`38gL~tef)LbI*y^uwH>2Sc+d#n?1rnc_qRtXnu_A{@UC7yI8dc8s*Lq9XoS$W z4jw*x2Z=qu`G~^#&X{xuk;u?bCrFY11M;XHpF%n~%!&vA;bpeW3Zlul@xR>iq+%CA z(~wdN+u3vBUj%; zsMqN4W3HpCsKjbPD&(t ze!lVea({bOctvVO?6V!>o;k#HeOu0>$TC zNo6}8%?*XGNj!K4#xS3XlLym7F4)x`QKx*xRtk4|FN%_Q&nH2yJrvOkzw(0~ZiQVx z*^Vl+ejzrcJimU|VB;s{IiNpu{D&@j$utsvz>79$i%>L;k9S#Uqxo^elY#ieU(P`w zKcoN7S__)F+?B_<=$ve&JJNFGQIPNyHVuHVzo;+-o)3#Jf2{XZ;L4|`x&0BZ<-*-g>fkn z*LAYYU<0olJ+OH!W5>Ar+Gs1ZerN@`>_!mBfLgoZQl7y%@m?8qAjrj#Z+h>1gfC|7 zp=$09)EUWd!egv%?)ex^v9mgUCa*LVIb}#OM%liax%OsXB_tgq&J!63|X{&!pOM`<<_zNja9U_l)nsMZYNdtVk29Ch~NoP&#n7W1i>qJI0@b?Yj6r~n{ z(`K{aZ$@&yqdw)RgtGsE?weTV{9yso9uDal*L!U$ja91wpxLDY`6fo!Cancmdjz)y zH`L0oM}|{1S0}$i@hkPscKXLO!oIBd#Q(%+RM40;5nuSHZzZ?^Ut$J+x5bfJJ03#^ zX3#{Mq2ahEkWa4YMG$`U48u+b8m@tQNxm%n##mk-AHou<?_8USF02_YMD4~5_+~k%e#G7HMtR1t z-6~UhvzvwIx6)(pRPi3B8RqcC_FxA^VjdBXxY;xm2-9iBcN7GgB&+uc0U5m~vHjk` z*`B~HHXj<^zM9i^Z+mYy zDd;49oO)C6cPAqJEWh0LH(GgPg_O;gjo}*+KDq;Ou3it0nPA2Z7o*`>dyW{GAn(zP ziCzjor(gKLntRKrIHIO&bZ{L!xVyW%4DJrW-Q9w_OK=Mg!9#F|pa}$myL)hgJGq_b zx$k}d-tXTxi?s%r>FzUq>eQ*)wRa5K z7ag7ckOtKU50XDio-6hzvGe>q=pPhhasLoqmITEiw&x<4wGitOM#XcBnSoQ)XGTq; zmT=kDwwjg(MP7e#Jst=en8ET?cYLpLk4|GqWf80|!_?%5I31qaqX?uGy++Ta?%JTD zJJFQtU@eWXpz>m*5-87z1RsQ*QGkE8yB?V>sYMccypnLb&1e7BDp{u0H#<=JZHCCWLcUe<}(ktL4HOY zv2*v^4UD3Ka{PMXw$E}PgExr0E@dd3g1Ohy)fZ~wQBR-?rj{ej;?T+iYg>bd+&X+5 zT)I=$S?H08Ln1AL^aIemLJ1|q-xBGMco2k)vfE8dK9YHTN@(G!Tuy5`eq zT*{j2Esm`{MlzA<8r@VK^K~QVA0@lKEElS_{J&BR%RasLvlwIJDo|}5&R&1U_3;b0 z|J*Skt$o>2bbHXu3pGZx^`g8pcD=dk$0RH%fSx&vbAE>3x)P$GH5)2V*5}M2X^agK zZ_vZkR*t^aRhw^kXM)50mzxleN3Jr7;&au-^XCJkY8TTC@a=uZo~Sx}vFOJV&cb6; za}3(@ONH$laYiG=iX1gx*=iiQJ?Tc~1H#b~aF&!{=EIDU+bH#y0U*Y4yndRQ{MbI> z{H=6#`_THhEbrdP)iau396uc&05xp?0w{F!^+1e3w)~1?y}hN1EDH%8w;c!qF_0?K0KSl{5#m7d5tsj#Ot3#7b# z(e<6Tn?tQ$3dDw2s|ObHqtx>P02Z+_4@{HnDJS;_@mJE#Xa7|A4S&uQZ-=1_|I5MUb4g+Dz^63AGtCH^?`&A+$$;Byo!6fE zcJYXw9;<12UV)#h3Xjg~S~xq|X~&=4c2d~gT1d1&l{2whF8zfkC?>|Rl+%R!37^Rm16`-on$h+9tQ3Jdb9r$LhCcB zECVh-cV(Q23?XeE`DJ5bX_((5XcGGQM+<=Zvdq!>Rg>FdU4=WrnLpS{TMJEABP z4d*!IMbYM}uOj3=Q5ZVGWx&J_I-J5U4WJk9t!StU||XsgmHu)QCY_)!69`RF#=SnzJIufqQJnr&xEs) z;CPR*L_kLmL2fPQXM$VC*niteU+(oO`Agn}r#uvGPl`U!6BjQ9Qz>Qkd9WLwhswD2 zVd^s{f}Q11RIaU|k)$b0F~wUMdid<+xfDHs6oEi7dK*kwDVR>Hu(6+Fo}V&fa*7r4 zv6ZF9pg*6Kct$aLwR=R!+&5&PSE3^97{9O7NL1UF|H@U{%z%+=3KGfWF&ejB)nc5-db&;hcr^tPHo@%d%A*IXB3U$)C5N`NT`;G^U?;iUnllw-OaX-|i0IU~riuXIgYzegqRvDQcVP>^9pHA+ zK|4n#wVwaUfKL<=5ZLmDT|3~uCASVWzzg9be#jC2s39U8>J?l{;}~92LEUvGWaQEc zLI(ZeYpbUXem}8JeAIASf6UAr<7WZ|?C7mV&+@tU)4x-St~U3EL^;R@$Z`)-xwsnM zE&Ywfx9^Xn0|gSAe?$tTK$_rHg{8z_E$Q8W1uc2V4sS7!V902pRx;n0G=*^^r=au~ z!Qdm&B4-8@_BasWC+W`uH5D|9z0@9}JSI@rx-J&>A~@qfLkmy-B;qz;4+2gk4P$C3 z$_1)2F(TA*6r+}7mN4>5?6v?sJB{&r&r@Hcv=VI}s8$|*!)JsSHQ zbE67KyMBn_Uq~7l*uXxQ4hYcVVM|bcH~SsNC@X;I^+79#j$G@cPub=(wu#0e0C8r!i<$#t=G_SzFdNqjD|%i&SgQ(g`MB({GJ%5tY}gOhucQ{q-pJ#dvy zB5n|L%+-z>hI>jrlSN3#xy;!x`78d;{^MV92*%csMd*PRBV31(QP>q$%!nWWoMBTj5+ZyW;HEF@yb?lVs))qeK&}@G$@y# zhpIS8hE$~N-ekYFh%sH%0XZYzHJTQIcU-+2OAb_a*2iovXMPqOKU) z5`AVTBnKdnNu0p{B$1gxo(=Su*l{`z3;-1TbQ1(;P=Z%%E-;C9VEJg1pqa15csb?N14UD7CvTOu zv!tUd;PUr2^J(J?4R>~2$m%w4VdTK{{z+asAtFy7JnBXNgP1s)*964?Mr_NPVByR7%d4!V6k!oQ z%*Z{fAhB&hJR@`_)hSKP5&aOIV!B>tDn96c_!Ec#lOq;sov=HnE@Wj=Xe;DAudLbc zYr6yc8wPy;>GX)H>F*+#DauMtin#a43!{Zjn-QBrd9$p^PR^zK3yH@};urP{eE zlgc7;779&7j(&5;mz3dETWSU9xyjshIAlQ2q1-ox6ek@S)sZs~st3~!bx|E~daR_T zosk+7Vj#7DK%a=IO|JR@U`Wb7($CB=QQhh>NczIwcO{d8Ak$S5-DIq3ewHM`+z^rI z`XyK&nW{e$yh^t{HCq9Mf-c!vK%nL6V#vvDi@eNHkTqi&EoZ@?eF3AZxk95@MbKw2 z3jXp=z|z9#uEA^h$IdE2Sa5(!cUNC>rn$=rvOx`BBpy(dQ%ARKNhBmV(?o^8ODy?H zfaMdDWcD06*lNO`@JZn*Qv2iR7R52ZSFjU6luFkqV4uH716-v|FqT{BtVr@je*Tb< zwem-8gwO*wtZ45z#yE|ADuzJ4nfp+YOfCUT=Ipi6_mWa8RUhuf`?Ag(>F9oR;r%{L z;b)5BH&02~7QWlF^mlKx2^d(SReH$PCm{4geMHa^jTqs;YDRTW4KZMoVe;i?G z;A!wZ7|P+o;*3(#8o}r6uAS;|1sH9Q&?i?p?KWx3I zms7{!1N8rs!iPX$`7D0#os3^gmsTIpB3%xBdubKu#sZDtTcbJeF7e*wZ3XC8B6i;OYfS zys?A?o{04=kf>cCA+pDdWai~C*VOO!3yV>^9s(p%qroA;+%rqUueN1Kd%KJ=;2C^m z_FwmCVXoxA*2H67ZX%9P^RBB71mYTt4h#)_CH3-45?dnRXJ>wEl3a*Ug0>v^PpT&) zkle{!d>q8br$C_4N*X(H9vDvi5lHe&A$lNIIDhAqyRsu`+fL3guR`Ng`v zUY|TXV{Cs6gy%y-h2@kOvktMPk;!MUeeR553*0;^05i#xi_X{8jxW`+l0>y8H9skV z5Zh0CafAS60gSf`2&7e`4Ofze#z`@U8Z(ONHBvntDKynj9SChbl44IdKMFGC)Ky@%qAVs<^F%qJfe^#r;edm|N1tWK%z7 zxs{x0fINl-21st-p4TL^0FkiV?%l(0pOPh+L|AM@Fc4FA1rvjox?U&FKh#0;>FuN9 zzj;SE8#s*$r44@3hg;!L<@P$MD4x-0?Kp9RvMqE!&5i^tGh#c^TWpZ-x4M^;S$a_T0^!zQL}*VE>m2rVP2?WHmrkW-glNp zApjoRWDlR)B5zT0P~LrtljmWw^%g2AO(BvcKZhDb5&xNrTgn@C92xfl!daj&UYw%wqjJ1chcLwKJE40vv3~{H;iL z(gVaZZ3hWb3`!d=;h!b@7rGo%z%pRsQ-L>Cv{`nz>D5Qh1mxu zm+meMcxS*2SCE&G+e z3HGWpeh)38FX_RWN6OuBuckd>JwK%*Wf8dQ`CVl;5VqO157c3nR`!ik?O7#4sm_1G z14$j|gNKGifU&HOwc!L20}#~=>PqgwK1#98lezN3A(9YkV>>6FOMFJkn)tL!>Mt+j z?4nXl1&{}B#$*2YHgP`Vj-zU$i&th_K_)bPsbhFLa3T81T)y>R9uHwrY*`cF0;gT-V|I5B4>slMsG9TO$PuC5`cu*QP(Iso94_@0!3Hf9o()*g(+ z)8cKDb5_|OAc(z?1T5LE6@+ zC8Qo(s^n^4NO)wkSRPP$T(3Gtr6|FH!7FzG^NZ9;A{MHa zfjeQtHwxg_H^U;cf6W9bcak;7ECiwo9O87RVGOOY#*2by*N^N#8cXLfSO@u zVR8wfdfA&>HB{8X96epxZZd&6J@>V{b0ykDuILDjU^q$~v~%>RIlLyam zIpmVHwvEa_dH>B^Srt&|3 zK`ZLB7Oglz#;G2C47n~@SY=RQ)iQu9HCS8Jh34ASxQ^ZeQ6Yd_5+ht9;F^gFH z6%w5jb`Wt>dD@anLm-BXpZeE6FLX&7qIvjdHE#6xyA~41rrk9Eqv3^bsGM>wXT4T3 zqFrV!@TTm|pT>3-0@|Qlo=blKknbn|7+?sTXE8Ft<}iW2OMJ*2M1XzN@ZvSm)N(;B zPx=21Whb#QC_+X$a?Egm%!$M_J+}8nqPs3YEex8n=bw%pc%C!wRJ{&hVdedf)A)TWaabzyQ>5u-XDWa3lBlA06AtHpDzSv9pGzz--`l7B%TMIqJF1vjZQ1ys8+*W zpvASsJmN;b`6#T$J>K~LKA4@Ej{FoB?pFzOW=pru)YAXs!M~zzq52YkZnq8-A_hNg zAbArUG1c|u2*w8oF%@Ak*KJbPj)&1F_g||P+<9({LrR=Pyp@^pGY5QEp|wjDHL}c& z%VmH@1d~qoZy3q=prT7jqUAmsI;{AcEU_K#4NHULH~3;`D1$mo&N9+xjW4}g zFkXbBkpTI-p<2FC_aNmCixms=6K`mPV649~6Cja^ zf8xgACGN;{G<<2Hx;%@;6yD{^voKE?C(lmfsfU4ajt)NO21Ws}THf~ya7>E%tV|{2 zhxj@j#z$lmFA$y~g5$T4rKtefw8#*t^qBPEx4BG;*71V(H#sr90M4L4D_T?Y`y76; zCS(=!@Mt>V0)%mRbV)-Xe*B?q{osA+WLOvMkyosU*|LuAGSKef*zZdS z0QC3zxXXzi`G4>Ei}6Cfv5usAv1cgjfdYbfIeqGZn`hdB?-TsV`k?lt2TT=bXWKg?tbKQY+5$Obj3)`r5bmf}Yk#fpR#}+W z`UxIjE07a~NK7H;iA8kKU$w->2Foyt9cQ2Q7CVJ z&T$`dH~8xV?TZv02mzIz1|IM6oV7bZbvEf7<8bgxU-7XtYlM=jH%=~pMG32aKqKq9 zKcoNwS+VcVG**u)j6@axQ276F0rorT?Z0&to~kh>iO=my5JPu_GU~nAY0*8$FvtzEwe`7!HE0tZ5HK z&)jhc@6#L%Eub*1N`W|$ua1?VA=adKNJG!a7Qdk?fi-QNeH9E6$gnoN)KD1O2X0@v zk1ZTO1m>zhjrk3adYfG0&akqFzq0bXV#eRlW6#|F1Z*mP13*^q!+n61H$+Zi_?b3X zg?!4BD8kLi9>iHfVd@Z9F?(TtQVGHC0m%+2zihCaAQu-@Y6}EU0gxMg3LR&#@(tYT22`R^Bn*T(6za2UyvYypyzKN(koFh zeqoq@B8-e!!k(6cZ4@f!K#iU9AL~T|^gbaT#>w0Q*%=bo5V=-(xx5H41%ZIp0!LLG?=1aiGPQwLHbZSNl^T@2P z00V=OuigeK5}!kEVB%ugy;Tgx^&!M{@S8Ci)x1+>8Eh4G*=5dDd;$>8U;5Jl?f5`j zuVQ$E)uP2_zq(0Qjg{F^;D$e?*_){Cy>!1H2Yn4=4vWMJmsl8Im1x`i>)}SKx1J$5 zt|QCu0O52H~{ZH>+Vid@Y@<6HAPM*Jt~fn{0{4|tng z(57lpM544%H!*!JbjD)1$z7OVUsFQ!z9`93RW0;S z*5-c6rLRdKcSK)Knfy9YrPS*K`jar}dSk<2Up2Lhm=*Mi^m7U|zY|o1pnrApF~y8si5-h`w-ji^;{B^T{|kAtA~zb3u^(`4`F@~v=klJ~92Q(BMp|)aZ#*bSqvWi zdP0E9#qsq1`WaL5{#U*b*L|;#h|R=Tg1-YcGZUl&yCx6ghstBLDKBoh?P93+2rzL; z1qMHUy-EEVI|**x*4MQm|8jd*-HeEWx=Ipoa9um-p?zZSbEmbiFhk^=|8iYO_vR9^ z9~3PPU(hM8vR`d+Ke7rQ%w3A@K0t`X|w|cKI-?VI$mf{ADuFR$yBn z<`pMTS7+tzm769bhh8CLNx%#_0_s9VE-^=qHJ%}PJds0*vq?kdOH#D{`coOhx^d<4 zs8vUI^3c$MhY4aARsBMlh&0df*zdlZ7tt(eUiVv>fJzHjn?RqwE8ID#E~@dT7%hu5 zxQi~hq-5Q8*UF?AM}?!3F*@);x(7P?>fAI$Yirq(#Wmu_Y}1EIWT+imp`yF5_Ny@| zf6d)+(!AuR_BQW+$e>0Fjc`!mUa>bxK?O{2+&1agf(~0QzCKLO3P7zh8di~+ZNVi1 zGHnn;y7z&O%Nl0s(YX=|xPy#Sr;K>Iq&qkuPgK=5PR12alvZ0sJc=oN6I;#w8Xpoc z==^j3EWwBY!m&pFnQ?VRCJ3uu_0>`lqwJJOrY8Gghbz=x${gd?3`bskzCdcEavpB?V< zI>_`$f<#Yz`mz5_SRAR8wMu)>eT^k6i>~>Dw14d6AIxOlvI+5tudR^$Q+;Iy`4J(n zAGN%na5vJA^{XV42bILq^A&4R$`x; zEDAMV@--JfAh5&dw}&j^*KdK02)vATO!5wHAJ4(nnJ8_9O`>wDh;4Y~$ELd}gRNx0 zCi^0GR|*m8#cj8g@=m$VFCp9)irEx>8HN3w=f6gv_08K&DxZ5-1-`4Ooaa#+{V7v0 z@q1A}*n=cJ8Qs-P6mf;fgOp?_lp9k5h7iVHC?z4%BCO|P&G zh0!W}B0BGEl&U=mqtpHCPO1Suw&!VM;9c*`aDtoBd1+*5>-~zd+^%I&$rR+3GjU*D z2m_@l47&$!vU_|s@{<};*H>xjFrEQroGePtO;0WK(JA+>nL&e$*{}5KZG1zX+Kc~gLi-x=2Ruhk?>BL*IvK? zp=qAiK|&?-980)(7&7v?!{7&BKEn4SG;Ky*XmB;`!et|az_Q|Um^`okg`)8ovV|Z` zN$9%r2y_*6u|$QnuI}%JxpD^?<%6v^mUk^|DhK{*mFl%Y@L1 zmQ{25R^tWL|KmjAuE}g)F~5 zYY!NeD@uhVP`L^zIE1FSQ@3iGI9%0IpJEr;KLpD7ay!qd24fV zb(~FuQqq4_gxXCk(?ETdl27jTd2CU zf%yTtha~Y_W@%UvZNmoTP*?Q3@in39^#PF`Y-vA7r3pH0FVku+64D2=w`OiC;`% zjeL`zif#OYgU?n~8J<8)gya^%@*0?^m?N_=%196EJnJ-ckH7viR3bA$8yYwz!O}Y9 ze^2QkxDr$OVICE>*i5GWolQd2=D>kmdExz+0gIJ!#-brxDrhO1kL46anSYMB%JK(% zzBR(>>u(e>Hd?-`hBhIKi2Cq9vz%N(fnuFu=fO*ECN*j?%SFy7wLH_^y^&Zp(wXF= zc={uRvcDoO*-3#9aZ|fdEf;3)$-UCdAa+G^D>Py?ODdx`?YycvQ=IEGw7*lwAu}qM zf=_%FBQml51enHW%#c*eNv_g@~(bn4oy(j#Y*kAdpOTt+TjZ_uVN=2(^ zOj(RR3suk4uZ2c57ZW|0^V@x2zFRx^#xfaD=M^d3(U)OTnDW$rfs;90NP$s&E){X= zU?LBz{dXy440#BZiP*P4KNk1=A*L$$k59fHAReh4i_8LGv;O+Iw3WR(K}Wa2J+!WF zMf*Z}Q~!!uH>^LG$S!98GWwhYVLcH6;Y2h1w(2DbVVw0q=*(HzR&?bn5hz|OyQ#^2!rSfld%zDZ z3>`W8ra=c**#u_7mA9E%kbg7|1#4(`jvNKR8zG#>yz4YicKDfsOmyA*$x$WZK2VU{ z&z!JURCLoZu;ae;Q_SI?J2t?P_)_K9;+v#b;&(wHqw(1KCwQX2o{i~B@)cFFr|<3w z{hUcA?_;bHAgYF7vkE`2;!^{WXuKVqlvWAvGcJru_>}rxXoqMozSb&^6Wp&FuYK^? zrG08VG|u6ty!t40MMb<0isR33$2NG8F4c!4{m*FEL)?d}epIjbpSXEiPB*W7_K$D` za9`SxH%0)we8og4Q= zfvQaxd^2d{ICHon_2qL)z@XqYmv&M6crsM=F0Z;?BBRL2}ae#^15YQLH5`vSlB3xF_rF? zjqcP=V@9!|F|^p+4dmN8^sM$PeqV;B1o9YZVxbI0Xd9ZP!5-wrr1u>>$(vz)dm(>n zCp%H_ue5z4|cM#g)Y$wlv>R^K!2g6zHyXcT^vK2=hJvHa+}KYW`Xl z&jgq92d;J!OEs~6F1w9vCaqGeovf2^1s|6`s-semmj6(Y=Ql%8%;9K8&8MtI1D^1F zlJ$8f@%X;Ft9duLNQm`DWFPG5MEU6)a2dMQh2Tb~SF3v}%3ODa`X7TPkHYaj?C;j> zk6WmG0ypNF+Nmse%`|&mUQV;u9Vxk9B)kTaD+{n=seUAGjC@xPIfA|(Qu(Q)D|S28)LiuYysS1Dn(zZYgyLUVcB6k=Pg3o1uqxc z5+KNYB%Nc1xgK&f%R3nNj%l5$AZoMu73$J*RwMo%7q-pH4$d@@h$^g#IWhz=M4rge z__W2BD<9g>j4GF37|vtmQ(h64_xS7>l?r%|^m-p>2W(>1*2NT8A2Iz^ap<)-JG5@| z6|GSq7G)#%F^$+%9PJtUf%+QIdV`SPu0I1R9!W9j4F#h$fl$rXq``ZXXmNEQ0{6`( zYuY=uHi~-Wqo`AGQG~D`nyxwf>`N+M(n@gapIno-r1A}CU0VL&izi@}s1gf^`u*PQ zJj-s9GBNm#7S8Z4Kr#5f?kv)d4llC$Loy-aa(Upy>0?6Bt_H?D9J&kZ2o0F zx5mlp#>AA8zB3#Y(VyoYYANN9c(ai7ZvLF^Y)oZ)#e>foIod4DmgDzUU~I7^|8I{f z*FubHBTEUPbs}R$glGd}&IEKv6TOW-UX4o69waNH1)LcOtnV~~vG$&w_rvGD2DvCY zIvfP*g0c6;7m!pvX=-W(UB|^YO{2>QA&5sMHb{uze~UNF=r8y~ZxTYD>wz#a%=z=z<8)LV}@ zk59n@edl6Sc^o$+O03PKn}nATJMFsoU_k(g@mBS5NhfpJ3K0~vzhoM zxfd^W0(q}PKWYfop0;|2{l3`ilP)cETFhOLr>4MOCaE#6SpGO-*29<&ik6lJ;2=7G z{aq5s^Lt7XQe0w(k{#&?v2r#oky;>7@k6YhNDzJQaZKi6rF(zyf#UfJypb-4C)X0_ zO?-h^l@uY2iQx?QD88hxQ@qDl{uA)M#oP9ee?rUo$W~p%Hr!8%7PFp6vyUtziGJ)K zQy>@qOV5m|Vk(P!zBJFHVh~zqp_AFV2eXrPcON{FnP6v^S!8x7rT+P~Hscb~9IL}i zX<&_@Un)Gu(e!jImF(1*G$*@F)VkunMbY%nI{Ti3Zu^AYTC_w~wO5zyXCdBvq}{$2 z2ES@bA4%r(Qt>}28RrojXqnYwNmFwGE+OAOU?ZqjWbVE0Ot3^>?XHTzKN~j=deq|) ze>kwX)w9P7SODvY)zFFwS47bnEkn;jv0q0p5?H>II5jmiqo1l$6_b#hbA@5P?43lO z;vPq<`8Y{O*@Qrg`DOF*EX>Q9-T+whviEPF1UBA`VK6hsbuyuf>_(sp9Sy$ydFAMc zsX+AdE6S@PlQUSZ*^O=9smc8tVkE^o=1Fv_M_QR7Z;Q5<|MLPf$=|P+E)Ub_g$!{Cs{7%iyOzRaK-hfnJfM@g#mF(6svKvk=5;D66eg047J@@z z76FIjz5slU))X~o+WS|9iQY8-klli&?Iy*&F`YGrwPXzRrTc+vE~K_!RRbc7!r(J zko8sT=R*oE6%%8B}-BNhG9fRip_&flG?|xvN=JTG~)SIn&v7D>T)16I~-(Pmw zeq35A(T7~Q=rYi!O=i(N(t>V{0q z+GZx+k$`fe@)}CNM#mHwcC4&01UNVd*l4z9baJ0{;YNo*Q#pjYJ688ouE7ae&o4>2 z){IJOLk)JKaXVBRwqRX66GJJ({BwyVA?0Rh90by9BwvagN1&8`{kb9W(IEI?C^4JN zZTi=@+i3Cd^MP>1rxA{jz0b*_Sj;_VYprxXO{%ixXhk;pm`aARGox{~G~U&|fK!W5#~fwc;Odxm2x9-YFBnx7zn z^=j@AOP^LjaI%@R@=K)8v#OuPhHSRJxS%~)*3Gw0f;wdvSI)zBu7-pQB zWrW{N^YBlByjK8b8vDQ7Rc_RpSq7LpqkH@F3YAZr3;vQxv~sh}cQvoZ@-K_$OzH;= z1mYAHX?#Ovs)+P|ts1HPSq#d%;ved%D46KJDM$sShuehTv|!}Ohpl^QKMS$F-oOfz zT_X}xcqAqao)Rht-#?>c0aNq=aCDHHQZiAC`#Ol{XJlfEYn1pwPt_`&0G=Xs#xrdj z#ASXs7Q~cU?*#O6KiTU05;l-!XTirk;nnPh45TIhl613YO$VKx{fSe%_m{T1}Q)B`Mh77lC*sYD6Wl^`tWh?UYWY(Tea zJFEcMPO5F%(Pomy6VHQ8?4$8797-tX&*y?-Vcno&ibCLECtDW}MdNCb#;#p~Qh$Vm z;^V#Zq~FHw&@}&cF)$VkJ@Oh!GZ@%KPa1lHFC z4_ju{PrujiCv6Hr5kRGVSEUoXPBN)pegVx5_C+{|ec@`Yx-2YwVh}Jez*IjgURc4S zyXLD5D-BkZ4pxkQwGAL83qCBc{N3;Zu0{;;Edg;D806d=O@u+khj=0;o5dYJ6@=Lp zSjqRL_32RkS{_(zw>LmqGj)-*2v$UZL;#T~>_7WJhO;F^hTesL+5R@}VMKKw> z>OQ%d<)JmK=5@vN@eL32A7F=Dcd}s!M2WCJju3%GAij3LUY^i=@eG9OE4iF^6ppQk z5aSVe{bGNlnga*5dHeCcTMd%xle-x4SUC(4b#K&DXTL5lF{bW)y&T#+(fdEHKD!b+ z?d7Fkth06`-~r4Khu=F|<~qeGfq@FWi4ZN|;lS%^1gcCQymnO^l_0KWwGe{}t1ym= z2;P_5ug+i!ew*n1<~Pgo&jPPUVD@+Sr@npOu^}pG5x_@X-E{bu^yv`I0(e8p%<8n> zV)etxgSGjU(zxiHBeL1Ih}sHE3jviO6A{%6GL}1C(rzi_T^A*i>t7v`NH#q7%G!i*ALn;=QQC`G-nhI7~(P58!_u{|<__n!Oi(f@Wzq!vR!nzfQ zgq9b(=I}4uG^2sfoM;E88a2 zBpND}7^o(KzgA;uTS+Y3g(<0WC_s*IAq0#!Ha0EL>k9<0;7bYbcRSO5#Mn|U!oU_yssCQA zs>%}m;0wlFcU@fN#PR5?A_-t1hDIvZNBKUQ5<@C&++9aO?YXtqn-h+q=_U%IcRu#>X z10zD8uzHlGaz&+eOdN-v9^lY(^>~dJ{Z1RWT&CxqCj_N+eyqV1!m~R8xaNA$4~|SV z&c5|mqSH&VAPbRJqt(CmMCk^tBYvzfgf1@L(+>;?n*6ehlUH_DMdM=V zqA;=PofPw*{o-){{&Kv4ma>uTOur4yVT#uw5XaC4PKZ63D;X2(pKV40?)G!+GR}E8 zTX6MNU4Q*A^E&;-9^ajPE57bKy0CX#Wa6`G&Li{R4C_##M3ExT{4kzleoA8Ai25J)B- z-{c5yeO1dQ-@_V58=bJ=$i)VJWEY zyrixfz~7Bm+c3%yty@PtCbP&QAQyw$%LUG-Es+CS#sSfDlv#rGp&rC<{<9mDga9Pw z|Dxspp8r*F{yoP)1LQQ|@&ET__lA2|5c#(~cc8a~cu>ylJxMP7zvCesZU6lx9d+ve qD-r#B;s5jk|65@Czy0W)zfe-g3|$mkl>lWM1d^9lfz(NwhW$ST4nUv) literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/examples/compressed_sensing/index.html b/previews/PR92/generated/examples/compressed_sensing/index.html new file mode 100644 index 00000000..9b5c90a6 --- /dev/null +++ b/previews/PR92/generated/examples/compressed_sensing/index.html @@ -0,0 +1,65 @@ + +Compressed Sensing · RegularizedLeastSquares.jl diff --git a/previews/PR92/generated/examples/computed_tomography/06bbd149.png b/previews/PR92/generated/examples/computed_tomography/06bbd149.png new file mode 100644 index 0000000000000000000000000000000000000000..98058fab90d17bd358f7237e6fea924103c1b91d GIT binary patch literal 182666 zcmeFYWmHvB`!Bjl>24$h>6R`5Dd}#IkdW?Bx*L@4?(PmrX_W4iZs|Ug_x#^;?$`V2 ze!0Uvgt1v`@44oDo?p$iLKWpDQIUv{AP@+u)JHL82m}@d0)d7`fClgM>I_(dAMi#p zl46kOmw#F9g|QF_IYdfKMAa?ru>ETriFoq!^VgD=abDNK(b0?nc?vCZSVRK9EV1vE zthDEFy6`zU6j3nH`f#rrm0sgY3M(!tVoG*GaodSRjG;f6!oOj~;F`yJOC0n8|wc*{QvWrAzxS~!Eo_eeY$F7(5P@) zWH%d2XUp^lf>NFmVQ7cuCB;mhW^GARG_q*sA&t^nMMn=I9 zF_#t3)!gUhtDCdU=bK+b$N!#?x<7TJd!71o$Socd@j31GhGNsmr_D`I*N3}vva+7W zWw7|cQjqT4*_v5MDwv8^YAo4@u<@4vea^>%zT;OYOYF# zrTwC2n3Bt^jgFDsX_0Wc067!(kNsIxE?PpFXLwmN|JeA1R!El%OQp$~bf47@08eE}Sy;1#(l$e0PZc72o1XZH0!=iQL zQGpFocZYnry8F2M%K6;q=%dc(r`A@M5A5OiEGu>9*pTwew)%o_|hkwyP$9o>8GB96QUO;=? z>cciS3%tO~MSXI&HZv<+Z1sA)BLhp^+8A8v(9+ua`1_(4TjB8d81nPs_S`eEKZ3Bf zwY8R;G9f^a)UrI09VxJT_fIaA!1a=&g5ag<>t8B`@`9&7VLZ3Gy1HJGc~n(ao`7=7 z;4q)yqG+6{)bF&KuK_cSAKv$Pz4{FPMEcHnfUBk2?QEkk_^+d&|c0MUA zh!PGc$A-)A9UUFNNZqX-?=D4y(b5IJ{)2k;x=Mvx7~_-p%Qvrtepza=pVjyFY;wIh zU0=N&b0zhDI0ID$fv|&OJ6UoZhchTYIyrHj4(rSDUM`s~v8}4Dbp!`P)XOx_z%{;= zdI#3*Z1b0`dx7FjN4}E0Gz@T<+&AzjL)pwRHex%pCQ2edIL5) zbiF4ym@KRM^Dok`e}D8Rc|YxVyHKIOzcDyaTD<)oba8zx^lyODa<+oxy~jSaahrC^jVkWppWv#^5nY$TyHmEr{TGlohA4~)=cI01Za`>}H+a&Gy; zzr)&b=1*-++U4>|tm{=hXbgDaixsQAKY#k5i|-yCS?id&_qTU?IxXKD8ji2a*?xw`+jk@OzU&R?L=Y+js=`(5K8lL%RvO2oLMsf zk>}axJAJuvscc0a(Dz`j<`zn)OEo&Tm~0U(KiT);nx~M0tEn*Ve7v&cGd^0V-$`?n zpKQIpo9%p3@V=X5uwR8WOl0$Z@_7EJkj__coo?%~Nj&M`^)EKFshdhB;ReQRBx#-D zx%2t@+2eNJEVCVShvOKpWN{1TO_o1e3cst(BKG6HMkgOY%aoO^9&{lOOBU^zx1f`y zXu~tT?)DC5%3F7H!aW8Z#|3u|?z=H5C0NhLL34sRgSuIJCA3RV@Y$yQa%M1=hWpa6 zHw5#gdAY6TFfs%MhF`$W`}x`%UFbPiA~J>D42>NC#pEv%S8%mbH0c*3?BiBD=x+~^ z13v7uU#~1`zd;e_xtvnz(c{1P&BtXmXZLiw6U>6<1HkVhivJj)wEeUj+3N&gpU2mj zw}ojAVXK#8t{sz}iR1hy0{T1v$`)-qm*t@OK=*h4i?8Ik%rkGQn(?}u%yemqB(qo| z?0nc_;ST*LT|6nzZ+*7WCueOlU(+|syPM^oa`hhY1b{)OIr-PW%rZT%Uh2O=Xf)k* zLNn>7CE_otf`FztO&t1wZaC_BuutH&_yf`!b7^{z3+ zq~>DXq^P>)U;XZmAY}JY4y3N=e7ZZu@xJLH>*mf2117jxgHxh$AVk~pg_x|)H54J{uZ zA5YwV@i$yiz%;G-Ay06iqVF9Xq;guSTaKDf7I?0~kezzl$VnyfyH-3Gxl^qJg8R#L z#|o(Et(1plcFgHaV@Lhb8vvw7A()if!{|I~KBEA7cB82d%iHo|>~6Ob?~$JGDxZmt z7qWvBl25>T0sgSHycBv^N54I5Y zzuH-Uesy*AP0jn^=FIv4tem$!ZbQM_!`-Gv$J~SWfwYM3SS-bF-4>##tzDg+op0Y1 zS5~q-K)~;E$?r_M0}$8W>}0rCoJ6yk4#m+KTJ{zzSFV&{+ zan@Im+n^$q#OJ)9`E*eT$lCc}Ca^Xea(8#P^k!V(T=vG#8%(9s>Yt~lCq--k-FmgA zk^Fy~cQTMUeZiMmZ1zXOz`#5|ojiY{kMFLnQ^R_lD;e!I+q&XBZ;}WGDrB@B?RAms zHJjLRLG@hY4NCQFYi0Xqq%<_9p5rK|r>Cb*gVpUtp%6)i36OuCx1+W|<$+?r;FB0? zdgInG`O6b1j^RWWbo8Y^!B-6Ww_z-q?@WdO_2}LL-KwYmv@qK-gWEul=(_Bjh;Il` z?l%yzf$50xun^GSQ=8F3HsyK^R`ZKM0H3y>V`G#npZpz+9T$3jkYR5A`*eR|woUf1 z_R32`Lt_@uf{JV8Z~_x@d@y(0I%)^;OIP-6vUr^#YiJg$nvQ224YynV+#XF8)i18} zJhH6Uj!f35(7gq9G?vJp_#yZ@XhNI&vBNq(Af4da#mH%S7K6%A!N@%>0KnnQZ0A`& zvF9yNMu#g>zmm-|_FNyY8atf>frh&j;YAlX6?U^YQ4tec(RS^{l&te?Oy<2%K!}GW z!{@Y^Dx%itKHcw4B0v1IWY>ebh;~7f!#>9IdA`Qv>HCoqR!d9EC%1LD&SC8X=x~zr zopIMKfVRFY0-(N9?(n=8+H?DW5IIB^y2wTkyi9fIv;v66X*p9Mm)Z^Uvgq7NuYs&t zU#oRHGxDAyUcHgfC#6R`@w#s9Dd@&k>wJDZx&H_7eJT-1-9L*@N&%k1N2*vAE&C+} zMQtRWUqsC>iwiT5Qoo(2t{%GbaxYU;t+ROFhLcfAM3XM>_ma^gE-xJAWAtE%`~ow7QfVz!A^&#g(gu0+$D8pay4fR~&|! zI-dAf&Z4TGydP)1Z}sp$xn;AgDp48I^tY!I=v{NZh1>tsH&^``Sd!gml+H3+w;tjT zRQyXO5%$CypT2HQq!F^4Ht7L{_3$sTv(4kyLF1PoHzelm*Qq69Lzp8YP zW5-PQ`^DAcnp0kv-RyGp(oe@i8zGb_X|_Tya3^4PzC9{exYA_5Noba~zIDRuxNS9x zxq8-d-Ol2H9H*T9XLGMG(?-yEB#BM`ZX&UpyazPVEtDB($`b&%-FJe5g6oGFWUm)C zI-ejf{^e9EGq*Wrb^?T)JI1BADd-R;BlG_B3;$_AJKy zlCz$uQob!3)sbzVb!4z-hFY8tw#U-lua{kg0H}h6D4VvhE@k@EHn&60|8UwPst*SV zCjGX1y54htch}twIB3lF`7GMoYE)?LjG+R#n{>$X(|O7;3vg(|EI>9W2%Po$!6Acl zvcH~hGwHQV&4Rud2KD|BEc9T=zldUDBpJ){y$6|Dx_Bnq<_qLvsPj4Cm;F-QthnV- zfRD9PnIf&#(ZLgN3y)9NotfOWE7%GG)lPfLmPbG!w=s$)lS7*J3R0thk$pC6*7bT> z|IVjx*MfjJT3@_krT62(`Wv9e-vdqRHTz<<>aIs^y&S*DelY^WSB{d0h@^iFSWHg0z^$=FS0d59;RDnn>> zbxaHA|IdsnVFkcPtBoy(+s|b8b8_6vy^&E;_OF8-8~skh04&E9q&3%?j`AIp z)lw^D95ODhJ|4SPw*8a7{&e_Tl(^vCJ+bp_s!hvYH!{nT#6sfM3lGhFWXr80dz-uR-eX2L1=@&F~2PsOC<4(G3P{kl%WU$iM(R}+w0NkG< z*vH)d4bt=s86qVDB&%zf;j;>~mjTqgwEDQbYF$oajopmYU7876?HWLn!{TJ2f)G%t zsq{d0K323I6A6BEs@H}yh|p?tI~%_FX<5$C&;RPxE2xXhOEvoVg4-%w2K5{39X?$~ zykInv{r73WVwr3gJdj$8e^30&o_QOAz6x9%O{T{`Fjt?hTW00bc-Wk-a0B$llh{6+ zj-}n+uRfCsm#gbk8FYab^d<55BHCPQozi8k!iZ-!nzDrwI7VPT=!;as&By$vy9xNDRs8gDNh{m26VJuVXg-6{j$)vGh_&0o>pe}70qR7 z$j%R}h4pBO)*S#nv^Oh)PzX0h)4?#>jv5xb+x2g{@wFF))_h=qPhY+Qnb)qVvLN_# zS|YZoFGhf1h~1y)mkNGoP3ZO| zKye!=Z(L~+{WBfa7mn|K9YGl_@a}D6-G#FRJ; zBAxxh_m{;$=Nd1!ID_2pKbYBmwV90sPBMW^BL?x1pY;h@vHJNz3cnCF+H)Jx-s zw_fC&oOB3zTh0R@+b5%+g@6WuLD`A4^~jB`;XkbENqb*~jeaEg{vT$ip!?O~3r+SX zfncPM#moM9sky@A-`~N-0o{u~(Oy%Ql%OUaKn5|@pq;PG3$W+;G*}3L!?NqDCr!Fj zOr~@yhq-c-Rd>Vf($4#xMu2!j2bG;(Kp^)g-Jf(mzoZJ^3Y%g1nLB5yFZq`zH3$XrV;!g$`>WcU+D2jXVJ%=8sU=E9~0ariGHMSpFdo8|_ zB>bGRLA>~%C7d`cm@4faJB>MbD+^GkjBM;!-|3I|dc|qabE*F05H44_Sw)-$@$$*6 z;u7#RfKc`S5hBk@0iYL65;d4AQUZu-l_Dhw7)!q^l@_6r^*I4QluSBMpmUzpb8Q~d zao6q1|A-Xm=iS$^{cWlj*qr0kg)6&tw_%+XEK+$fIkG$DVw{d`9Ua+nx*xl5f?vOL z+?MUciRmdX-Tm^89I|_SjP@+B9)R6lPuJ}s77P-t=cmbmS&+_$UMsitwA`iMRVlf?xBypBXkF8t8^u>*EfKe}vH~t;^q#I< zuhj)4b?d)*LD8Iep18C8nnvh8UVl9CetrS7#E3|KfG1C&>}>dX@8lhU>3{KBh8Yz2 z6FamxNH3U^BKG}7P+RAsgDB7o=-U%9vZtffC#Hv5<>DsTa}X@hcoOu32y%&>5}`E% z290N}VbKP;7Wr^jREH7I7NkXr3bcvCD-zjpEqD8+qN~ddBN>8=JDerc7KwT;T9)ZA zd4B!(keBPrbe_>#wCN1hv1#7=8>?{T{m$_QEsBtR8+3&^!G|hNd7kwE%gXkd9Zc;S z<3SMfJ}Q5dE(XyFn{L>;A2Rbzq4!-OD=dQ(VG^rhH?TtCtPGZJt1nfl55lkPmWc#l zbpos@rTrAmKt|yGut_HB`H~HcUe4-2x2`@ia~K6=AliB!=)B~M*z!DGi6|s|7nC4} ze-ZH3Op~{Cg=zo5=*BVx`P16Ta{!<$1KbpPI*Znctu}(;V`)4m9pnLJy3G!t8`|63W2xmVimUH zz1j!CCRY%i50g#<3NhCRp#^ZvBQF7GYhkz_xz#I>8=MzByeMz;`rH?T$sq?O8KfL6 z?qljA7~1A)SS~W$U?LA6p+N?R;LfmN^Y%~xu-?j48f$ba+cxl&&S1A`<}wd#8mZa$ zpmN{1-hzunPXxJkf{q8p?B^(62@Y71Iakg0ZCy1z@vh*&)~-v&OFh0U-;2qGjCj1bRuFC* z2ENoZc<*wCA_-2!EuIxrBruvUz{I5Y5A3kG39f?TcAS*smIHY&x3eNfz_LOTp41#Z zhAZW|?M4u>jT?x%gid|YLBFm9ex}dAS_Qb;z9%Pi_a_>UNqdT`I0tM6a;*S=&aBsR z0i^c`u-o8MH<2WxUVj~7`=#qVtp?V?{knCv-QArQp_{qijF}EE{KdvL&}hY0ali2$ z?jD9`zrMV@ytw#?rXn&oIbUb4f+Mb{r`Os_=~oq91EiO)FI1x-NL=*Na7PUz>}B3X z6LCs!{J0YNf9`JEbN_cY{QvDvx37i^8>dtf6+$JviyRjF*HyUnX`i+ezp9hdu#OX> z|GR^Z`WS}&-+KXkHD+Sgcml`f;mj~$v*TND6I*X07QI%TZBOnxGuzHsrLRh(2;29n zR_Y;91T{t$dx1U32c5Ir=b>`I{OTaXocCG z-Us*Jn)BRr&6Axp)}kUIdp5VehJ%#NJxV1ki7Ul$+t76`Uh*gFHLYGPuiaU{opfuZ zWkIoPaWe^$%4 zQmAo4c$CXN=FdpXV^?5VO7jtYEKczIh^h{y$kb;L_-Yu0LCaqSKk&PB-FGm&-2V_@ z%9yXNg#ke}QiN9S<-*shuhC{_*P$L0p9#YIfN5vxwwLZ^sTM-CNX43kFmn2YvqW3K zrEXiic_#zOf|N6|v-u`Dl>0Nn7!;KCYWB%feL13r;)<*6lJCzKrWkj@#JR^C7;H6v z+-Hvr-S@P{{I{sDef6ro^z|npA|l($H-9@NV&gJSD0r$npL(`ryx=`Yhf-jV8ycCv zPx*haP$bp)wh}=Vpnw6_Qn|9K>Dq~(+XTXS5naVIdTM14f#G)9!h#)_n!@<_&&Aa%wVRh5J zoVmEogpr!XMaskl)0+8Bx}i{-rF_pzoLA$-(*~$I@DuSY#|=8klf0&}a0VyF)t>V#~o8YVK!rvs{C$YF=*=>z&$E zn#1O<9i$?CtK$#7Nc4j=CA_w|=Kah1hUXD3@7I@i=io|+p@@#nYJ(L%%RLub2uO03 zpV$&>vfKU|QCnfG7JsC1Q4rTDDh@_LJLK{Wg^c~7-OYCN^K-vzJ5l^nG1w~BaJ&Dz zDUra~KQ+q$v1D)=VGW^7gxZmHQw(Y@W0B&pZ}-@Sh?|du*Lcr_7DpK}qnuYhlQ7R} zy9XaD<(-u!Gv(w*W-~mz~nfmex25yT`E&oN7t~MIZO9}9X%PWTdDRB$`PJBRS z{40KnV1OTL&F!ejHhzaQJl7w(K~kK)`u(KHZvRZC;Si? z@Gh8_JoaYZRSNEtR8jD!8#86CpC1S{(_P7-Eqx3&za^?pxHSg0lT2unH3_-m;Cq%J z3+r--=`!XC*BjU3Q!*#{aV5~zmk{KKF+!l@Hk9Kq-qe?rDvEOL_$kNr4}IwiRfB{r z&~Er@>qf9w<~e+*=1Q@OtfL@RE`w&3?JpVoV3a&0bx67keo2Z^wY1(Gcv}qrok)$I z%JO~RNWQj1h$VZmM6hRb=8#(LgZErg13p7r3g&-`KCHyV0Uw5r0m4~|9mUZkN;QQg zAdHk|x|k*h!KT$fZxiftUo|b?$;rXqPNC^cWkSIT%ZsB!uV6n8(G?x&H8fT3O&ARK zkTxOPlZb~IQJtc5v`TJA7;i?9jckWsW1{(MO&O^NXY%P^a+}3N{Y*X4KO#6^tIZ`L z?mD8CPWVOHaFN`|MWMz+glNjxh=^+zT8q>FZT2hzI5?emZ2fYTyTmZD&+(|CSi5wG00+&x1g6UmoBHr#e#(XVHWjQ)}? zF>bAtsGE!v8TvT{^2&a)4b0%8#QVt>7_fFFKzvYCp^+71Zljxjn#7-0Xgvzg#qX|U z^B633BfC!zNN0b?QiH^;IS|>sc_&5($>-tJX3+Uvz%Ea34l9f)Ipl(05;`5EMkfuy zsS6!Yms6c8R<~k=+GSQH#EG>Rl`xBg5PU?2Jr1*gG5;f|rDs1%Wj$%^j-o3@FgX zN#Br7ToY2JMUhRQhp3tRLLJMOV&bIv3=1>~Q=92?_$$!z;7s4i_VB~&{S~E(L@Cuw z{W$M{wZl#T$*$FuiIA7$%AhwvhU;%~I@<}Gc@6F3E7}?QWgU61<+62y8>4~vpQP|GD77R`0p{j?Yi){dW{*>;qT7pFfF$2>a{6XMHFSR}~A z{+{?mZDTqiRD&d+e#V)F!#$K_AdFcX?SLBRt4ZwI9y)CmlI%gGU{)}oyMKOr#yFNt zj7!{DD?&N6^;E79slx1I`hzIaLPAiY`Ta@yYH1KM3`DbTJnYw{x7KtIe2q{$sbpk% z;4fu614RV*t?5}QvQ)S&~GO%Ii@79R!eLYZty`B9zrZa<>MF0>ljr+PhEtAk$5af zxV)H3YJVEz4V@PEn)q)|U_Dar57TlKAEUGx<)aAAd|Eh+162n3Ncu0>43n7o5DN*0 znv|kO%?hm}<2$tUI4A9?K?7}CTJ}0cD1#)Ucbvq|`$Rr9p-@heY7m%$xqQoGxLt*C zs&wd(IHn?wY9e7XbH~2^(CMB{>FHivY$)=LG1}1hdCdbmcvMIa|IikPba{j9a$gB? zou!0E41$=ny{m3%0Vd@0Ac0WCg=5kCleZwmsG@c8I83h)Y)0k2}gjUFzJr3x` zmsd6vNYVVN4h$^g)~)ao+`sM-4O$8ptKg2SS%l(Yl02F!G)}TU9J?cQ7(v z)y_M%=LZm(wjKmdReedxM%j2yciC6)JXmWIp=LQS#w9TxF+gxkI>BDzU& zCsJ{cyut+9pqyQEe{=X6{Nv{!s_W;Y9G;ot ziZrji$0n*J;CveF612Y!{BZsusl8$STMs+@dxFvGvE*6R;S$>=%?&b`&h`7vMDMXt zYQx1OWxeWV8xP#`N< zr8vf#F+GR&-zUCxcPV%q@j#Y;(Dx}BWAeb&P=z&N6#i&<{}e`8-H^{C(vi|yEnOR0 zzZYd0BozyX!GIE43ZXFJm=9s}$+mB{+VFc9IOnvlEe0<_2K@Gvx zfw&nj>2D20wooEJJ{Ek@LXCb^!sX!a7%Z<`ftKPIo=&Jv09(aNmtTf+cDg~%eiust zk!#3PA$cK3WQWgsBE)89c4!}&;bNnHF661}h&Bh~<_z#{?r(q<4u(|4fB83kFcP!% z@9&8Ou((7a)bg616T8-`1njnQEvJ>OWkTI6L2UHZCGe2qKg<Y764)}0d#f>B`V ztb#$|_)W*$2=^e1-0zv%q6$P>?;PE}LB zQZ=_4p2J}*omXO21u^~QlVC=u4r20?T`}n^fv;gamT<@TbGlx-!fC#FhMRBQWgZNn zqXt?yetHO6kxg=lpfstg3`q$oD=U&h-I%E~hYO+_=OkX=yYKfdXi%IKUsc+NVmNEX zE!+f-oI*ueO4ig(;J2+bTs$;^XetyAtsKw(1THFa))4sGl02i&FzIR`7gvd2q>*=_uv7{P`lF>%C9}(6X_Eg+I2E10nx)M*L zX00L%BCVZ?7qFXRIZu!7?Cr`dwI#it(w`rzfOYhqD8W3O z3DdBM$Vo*%o`YVjAi)BXH>cg01o0L50f$XIlxLXOD&fey;?FdV{rZg}`jSVRMdn!1 zis<)yui);g%#CZ`;gKrxbTd-%f;Us5_)CA&kY@a9W#LR9c@jGZ#U{lX^8tKPDi|($ zO_H=XB}=RA>pvynC>wdF0xgDSvOiZU6lVo0-W2qo!r1)5_}z3wiO1-1DB&;YOZ+r) zfq_IclqgQ)#U$;KR^SfEI-Ds###A)1B6s@W55?+kENW8&SA;Td-6C*A4kDXbt=Cyqtq zW>PkuCQ%!vu1HEce=QBmyjN$mG1bl5JWSWuE4%fUt1Cj{HK8?=aIu?`Du+K zSPng!h+l|q#B`NX`Q8aU6=k2Gdd2y$;V@*S1$}1vz6b$v6km>7 zDw+coE2t`^Dg&7~?+CgYNS864%mKqczI*>z7tzpEVq<;iR+O!hW4GRsfp0ODMc=>v z;Aw?oOS6*Ix?p_u)iX}UA9g4w*4HR*CStpec?=t~^x<9VfcW`0nTaO8QBpK0Av18+F-^Q|^^4W=ljJ{{bPPI9^H0ju6%-&mto_L7SlshN7m%rRnH;HDid_5N-TdLM=t9<_|g(hzM*ZLH#im;>PYdVQ{#$uO|pd zQNPqIw;x3rEIm70a4vBFj*NLY@CDh2NYc|>V<^RkS&y>}V)csYN4Ds0{<)?WZEn+*L zfnf0aLxkf?hlHo&lm))y=w?&b{&8_qF6U;3VO1wAjgtxBQ*>|+Nn*lev;3({ZOs0r zrq>27)koJ*QMR}0?*`$!MZfE><3%j)imtCMG$oj>we1hyUT5m`F!TMy1zwo2p+NCUn>*LNMP6^z8JIo%t@@kzB5 zVMBt{%251+dU4G-c0=hoOM}JYSRSN1dE0%^F!c4oKtMw4o*G^~1p#47yJbZ@S?mBOX)?Z_1G&bJ|C^&-vGC09qC` zp8_`(9$SMu-XC8rFaL;m6?I1yH57r8*x@$fz2to8`|R+1d>mJ$Ls-^=o0~LPj)W6C zpX5UFy7EAslba5gA@+M1rA|d}UYU*|M{)0=I`ikL*mZ15D$^X=aAk5)*50w$;50+1 zu?C;GEZ&jylM(0{(+SVV$>S$$1YYv3w0TFR7)QZ3X)!JgY${$>GsC)7uFOz~3=}hA zuF^<#egcc;?dtxja!jq=@H%mnL-}8jW))QC9 z%T%oL|Lu_Y6m^|FQX+D5`Rzl}ctaNs#-~z?6>->x+Y|N90T0(T!7cY#;@9s+!)jsk zAyEBa@wV`Yq0_8=Yd?_vvic0s()E=VJ|^u?b{;@{1W(vhznZVXMS3lw@!bgqBCg1p zM?wzIdq(@FMln9c+#Nq)*_U*peVZ%__V;xV{a#7xd-6W7W?YC^84jTSx(bRfCi8-D z3-kn#d|IjvO)a0#Ce8`{b$oA2=r?ktms7P>r5YYlPP|Fn-zpS1s6DaLr18^_Sn zZ#7>l13x2g9TLs6BVlNGG^vUIg-qAXQVQ$pz)(`dzY` zkI9p9xDr<74IX2-lyG6^Yx>`qN*m*}cWMbl%men5pN z1`v#K`2OIlb?M8quwwdMYBZeY2ZfWRl^t#bN3@pWPWH{YxO*^5jz9ibi3*Zx9oR*J z!_H=}9033QCz=MPFV~zHwh=^Fi3Y{0+9IUHIhRXJ4NCL3_O!JKv8+Zkvu!mM#Dw@d zbpm2PEhd^{F@z*MWWmZrpkB22qsZgwn1K-*%|rl9%m=V<#9pi1LvWVO_7-5M!qYPBFC zb>aoaX zk0ORW-X^1*yQpzpJDq%wIW?o_5ve3YX1jpj>{RhQOB3N3T7D|~gB3;bcd?{964oDG^ z6|9a=Nf*vJPBlCiyq4Wa@`PnJc9yPryMdub4pLy`Nm9oh6Q^CI6P`^DMff4-_=@Ls zp|U#WuLZGNzcX#E{F>hdAGHz><^w6>RE|7?+RA_&Klg^6}DP`c7KF zZ;^JfNbiFdMmh1=0BsPkUt$lPWi=_UCOd~R%jP4J3LPRMJ^^RK@dti*%vsw1bGsCF zOA+5d-)I4haD47)Np2Z(s;s0@Zlw7u$mq-$@wJe$;R_u#C9n@;u~W47Zy1+?c4Mlj z_lwT>k*pX>e0lz6RdLQhg}12nBcjT$2k*daA$^Ds_8+`Y;JN5I%1~-~x9u>)RlYqM z_XL~Yz2@m^kV3uF^yVErmXzy^!C9;C1KXZZ6;$@~F@MsErYr!rPxo_1@zLIAp@lLK zt4fwD)8b8ZIlOWF#Vw7ml4_x&_B)NKOnnlPW$o`&M3`WJxM1p^21k%aOY34d3gM~c z!dNT|7%N>%@o?}e56t5?VIsc1qjYugX}qFqePQXyGc%QUSP{o#_-mA3$(p=eCMD^21V%YBsmqURr( zg_2BU)kqKdILEWNPCkKP5pWF4`o)q{J{(8OE>dMnf|V80(_fyxTT$OHC9Cb9Rsu1| zJ1((T4&3`-)kX3*XTV8l7DowXT82xRS@BJH2SEY-XLEyg`sR#ES@+?FtU+x>0C89| zsS{{DVIrZE4e=_;vSqSE^bW~CCI%wo$ko3do98DH&d`4jjr`aD$&_LRJoNnEdjYJW zv^_1XFX<$qlkCE?-O2m|?w_r}e9)`|JrJ(&+yx#H9v(DLpYAJsh7@l8Ue$*P*9Eo{ z%TG3~7Kz2?TT#KD7S!cxN;l4Zk!?eStV7_Ds*9(L$YtydnX1(cigKzsM~k6_s|~61 zkXDoe{w3=`M+_M&#+RqU!?&KA_|(B+v(Lpick@l_Mf+HJ!cX8am(7_Y+p)V0K@%B_ zF(Jy%H-_!MtJ2{K70Fh$)#NQ!#pDkcGeR7gjpe!xFxC;G(1=ldL|4OZBFXU$ zrSUL1M+wE06O&iv>bi#d6=%J>mxD}PX=*X{nNwdJ$Y8+{hrlZ%X7^>T44yH}vSl^4jRQ~Hl{N2c``mK+usp!DUSW7jg zy)llKcu4)9+uDtUcOmg~d#XQv=mr9M0r47@itiP9z?B);%C#w{`Wo?Shffi4-#)U0(cA`@YV0P42 zG#4seS$ahmHAC~8(&-sbM?2IIawqqLLe)xFwOD7Cw_3Z zVNXRRw?;fgNrAgCq+HFQN<4vt=;q*_vvVhjZr1uE{(F{^Zh1=SZc_hqMu*xH7UUCc zk9R)78G^9FbzJbQ8&b#GmlK&ezSV)3k{CWts?ck5QZkT-!{6>tSIoRyX2(+EXCe!! z)zk|yMRgF->9^3|Yos+bcucb-lIyUghB9;%=2|2S#|XiB3;xe9F#S739v?C zOgmCaQjX+(+k+u#N!znbF13BKc}$pXv#s^8MYJ{2TBZ)&QWwX+fqq=!p-^j3Ow z)dEXzOz6@Q1bkeqi!-n~+j$kdJ^9RAjp)-{#CyS@<6L7!0C=e!8xS`Q%^_ zSJAq+$RtkEJ01nwg)Hf}YDM_&`x#na#bL5IeR8dzrWMjQ zeI|{xpY%*}4s{jNio57GM24l14DoaL_!Gf1z|$}m&MMiarpgN~zEtj$@oHh|btNI^ zRG9Cgb7}9#A+&p{nE1{_vG#9XK{)1*izadza&t#TotiaJp=lKtMCg2&O~MQyRLWu@ zS@c$u0+ia)0%Eup;GSFRD%=K0kYZlQowbp#7jokV2Ykby8{%BBC~9+7PzLF8NNXXA zrk_4zL&QIXo_?@EC=hGVp@SUA8Hp^5!HV5p44UdN{4mWEpJ2NnpIz&hs)65CZyA_J zLdR{;KEn(D(b6e8-J%Bf^BcQyIGr`C-lO@T7FJyY9mB8~CXICKYge^=mD0iPclPg{ zH%%=*>g4ZJmel{XY7?_!YL0NR!V!NMq4^d*Y)1Mp{R?WY%U9#@>%1imZLY|e(Q#cFc+dak>nFuP^(#Gvtg}iXm`2x zU6a_fWGaW23lgDZ6~f`4-0p8-H5XG(H&KR!2PuS=3272(F=lyyhbF-$rhv;o=-?kQ zW@3xOUe!Yswh1-aXz~7mE^a3;hB~QT*48QF<@Js$wuwEMidy_o*8%xQF@bnkx(Ox! zN2u2yj|U1{&gY$N4YCA=E!DIC7gui;6j#?pYj3=9x8UxsK|;Ep!x$COF>D@K=oHfRH)?6nM&zZ2s`zuVN2hW|^!3yFoZ(LJ@ zzQ?pbSZbw3pQnOhbL%KD^!xx%d2#L&cGC$QVl`)`Z4h@^gm6)pn*GS^s@sv@zJ_oe z1%J<=bU?{~*6a=}u936RaW$C-oOm$vXunEY&tPWgN7S5)4t=f;* z2z6B~Pq0DZgwmz>#vkCBdYcq~8!IIkzg23ct>yH6qbtbX-x;elQU)6_9~(QAHqf zSaPX>mIu?Fq!RXjP(oa_D9Lod&r;-tpGD9Nk}agX6iDeAvWyp`pL0Of$f5#BQtx4q z9KeX`1xoEZKYcH0&6iWFO*j@eB$6ORz|s< zC{0c}y}qAmRHcN4fW~~0Jy6LTGpgmd51p~q^=-5)rj?^G&EpAdmevrH6-#4&Do(@@ z0vCnLS)l1!wa8J4u$=$;gaaVFr3?J^&8%UTYlo3R()iy_n-3WBgH`x#cGqG08UC;D z))$KAPGhxy>RTQ@YI;Oo_^J2h%TzG%NdF93QIC{R6bio!4E|*KutLpHAPEqnOVAvT48OTuA#&=mn5#4&xd6{Y$rH z4Qzx_u!Eldw-q{#4}C@YQS_oH@YFqI!s56q-rL!AP=_p&mH6gL8II5Oq$~-tHc1y3 z|6wrGkW=IeafraEA9Hse@!H7RE5opsG1dcyNyq_=RSpIpC)tIexhRPRl^QgEM#0MD zkSV4Whb(0C!{zyL*^?W3laR&@T=`3PYjWoDeZvL|IG-&JqK5?r8 zfU+5av?+IW6GRTJ)092Np5i`Ybp#HAIwqixGQ+Rt)iR!A2`Y0xa`3gIInfaSh=!5v z57*gBFECoG0d9gfdQG7A&;5_xbf|u{$PFu~b~c#{N`wB78~FxyD5*?p4M15eIX`x* z8J{JL39Em|BBz7*RmX3}Ai*J56M*0c7Ee#?ShFTwm_pX0{A(HLW7af5X}JJrwkvU?&7JGz>&; z+!nmt1SY)S3Isii{DSu0|M(Rtf0^`A#qW=Joj3lkr~N-f!1bZv`xM!`ac_Ch@9(5< z1Oa#EK=1D!XTf@$Uf(k_L&tJqgT6Awh88;rHL;Dq3^2+z@#i{}#Z;UZ_eI;9h1#); z@#AE(eeIp1cj1=#8^i7xjR8V(z@j_L`PeL8QRc`PWC2ai`12qdWZ|QpX{!QLA@Fnx z_B4=8n|4;3to-#$nVW1PSV{vk7TLTWCl+PZ!$T_Kg^2@inS+8_LGN6WVJRA`R13ya*0<*^Mcz@ZO=mDlrH{IC5(e()Tc z0s?ajNTMvD61_6KA0J2nW-$@uS5=$3uql|OwFW1^05vDv9aC!nHuF(|Hj0vKE*}pQ zaL8m#LT;j8#;n5nQlPWP-wV~5ND8JoS+q(k4IUtuw}s;7%v~q$7wfV&b+h6Ej(Dpq zA+o^o?xP?y#*f-?#Sw2N7Qg^m2|Z=mENH7icV>qL6U%Z)C%Oin-doWRkdsPcQJ2;S z`F;q>`k^)Nfr!{$bS4UnC5zTZE+v1a6%Oifmp1j|WY(%st)GEblF=Xt(NRm9hY3$D zOi!+yKXNRgc6-CO&f2k_q z%1h+mPi^#o-Fv3@$oJP7q3fc1+RM!}$i=S;GGwFPRd=5@iteWJG ze-&!bA3@FC{f6({mWWgquX0IX_yl^SQG%eL!(%rnaRX-YRN^J=i>A>)i}xDYRWy;j-&NUiC;t z6OI@{CiRRDiaGHsY{*Q|$)RB^`@7)wFK8^Eu3HNJ<*=E{s3g0rGXbh})ce~bJj)U% zrlB|;&_|>aJW#@LMv*vSH>*=a9W(jjAm}7Zogg|h z`Zg%#2|*<)-gTl9Fsg@Fp@5Q^)q85uWU7LiELB!fOP_br*=nQ#;A)S*S+DA}q%r#X zKn3^5DAGIR0KUv~qbku`O7Z}y?WDVozGHtjZV*e=harUs7IT~~N1mWy-_kr_gysO9 zd;p73(l1@FtwZxLkA;=s_w`#_VQpnuvLg^ai9T80YP`>bRe z&g2cfjzwg_AMPvs%qFC_JrAJwJdz3De&-AP4cqVB{hLf^2(_oug`VLHEl| z6=y<)74e>yN~Uqnl|9BvxFS$!eG>pKL3ISmp?HroZ}!Ns?rF{ zp7w&Fqp5T>t8GBmeN|#tJZHcq*Szc2aMB-E$G)3E)p1aUS@emW+O!=K_Xj_I1$2s_ z^9u{Tuq-LGy)18f&V3t)>l>>GJ`hQF2h>jXMfwK$KeQUD)x%y}%CewDB+{{tiO+ll z%MsK?2tjs=M%AC|tv4j@ZoB$$`>o&OBw7skK)Qe;BhduN{JUfwX_!eR9_QyQQ5Jel ze%Dkc#k6ly>NF?xPCZ{=6rM9yylPMEYG3_Lm(-!?2?q3JinTlfg=6lyVcLFtgff|` zv@WNqsnN3`O9C8pmXehgUJR_XJyHq*EO*-1tSLUNB~Iqjn{cM85}gDYN;%{mnGIxn zEr;}Z))u%~F8A2@#}fj3!Y^SYyOP<6-kN+Qp={OE{;VW4#~y~ygB|zLomSLO`l%g2 zzdhwRQa+ALu1{pZngY|9&KLw=FDAFi%Gs zIMe1o;q~jG01Kgb@auA>n#X*E<3Y!~6R0Qr>mrJ7Bl^mqFR3q}DPu_1&2q&K8>di< zoRv3N?KUFHDFlFB6;wY*ZXId+h6m^8cwH=#Gt%hNU&7+TiGBVT)2D|NAD)=FQLH#! zHcFf&4NFW!^Nfc1vlTDzbO(`rf#b{jdt1usJJzTx4zsc?8 z1LvQQBLx$fC4MZr^492f#u0+7L{zXQSSB{Ll4qul!{sGsvYsuk!fkI@^VT1Z&Wdwv zQ3nD`URx1;sQcd%*z;k05cxHsV-1VUQ6%rtn~6sD!9Ku{6JpxnrX}GhJH?$5!sI_n zXR4YWuTE&-+|*-Ph~&9W6j^%!$kTAZvB65QVFGs7y=~fF9CBFk3ZClT_;bRrs>k_* z&svbzaIp>MWT+pM?n6wSs;afZacDlilE*A%<2BU$h&T76ss)H6&xfu`lioU=tjs>y z8mKyqflk0MGavwW0gxR=6-Un?kVEV&a?){D+mb;qG^gITTXm@Jtf!5E;&1U`8ESA^ z(aLJ0hlzDHZ3=JIcIRUE?f?g6-J*xxAXhn;QS~uvyQ@bV>NHuMtI!mDV?=Q~S9bgh zE;Qe&U6qg>nRg;YfbDbm9t&NG8Ppd3seyfkngI5AARX4FS`-dbY_$OkOp^nJwUIMRnYvNuK@&vG>gwqCG>nr2 zwGnqhx1v)Ek~9-390SwHqf0?1#5lnwv~>HGgCO&jIpb0Z^LdU2SOiX0>iv9!-Q*3* zT93>VgdkrrOzz6jY3Z~^M1aKwUwKook-oCykdLn2Z{ii*)f?c~194+og3?1#?BHjj zMoXdC6Mx=$b$D(Y(2;)m9O5&U_Mq0EdeGf>=%l{Z@k}7>o!9T|`S>KesG9uX*IDMZ zgvZ%!Ux3V!?sN}UNg;)PSl##=KfbY_Cqvj`yx(K?vzFfty?epihUp-iyCT;+Gc`=D zQ-C^ZfN?ZY1W1G$G>{z)MVHj{6cIB=++h9-Z=R%=O}gY~#8gKFgmTD$KU7o&f1VUTHLqU;n2LiB2E@i?V@@FM;!`PRP1d0(k` zKo=&vYx1eaVmRlbn8;5`!cv+@yD1GuhX;3>;hNC30`;k_mMDWA?krUeInU$SH4;Fy zo-FcCXRUU%@ev-ioOv?Hw#J! zq(6?=jkoM}E}#W0YgOr_F6!Zkrot9JWYd;_f-}F{Ac>k=rIx`KDqPcIHGZkAS3nCr zTb~21uF}2#^I2U;sYV-VZjJ-0U_fhj-!EW5*$%_jwaGHJM`_JDZY}Y>>El79I((H2H zS0G!eEA2@6)Vx|v3g)~qbnTAktIU^~4F-6fxc+<)F>!{aEDLvALx0$jDw`pch8_x# zr7#Bfage7o>?R{_@BSc^9)~K!=IW=kmWY&YZ>@m&)QqF!F1<0!os^z!U{O^l_h*p_ zamm(iR>Z$mf&0tbm2=OlVu#R=3R+ikQ1n5oN|e|SjT@oD4)g55QU8SyZQLJ>ii!lM zlorh>TWR$jA6C$RE<6vyL0Xk|GuLPXwF!pSb=`@^S}cMJqDZ&B=*>2ZEb!H2f5GftSew!Tp+49Td}su1Z^NQN=XM)apxFkZMpjR$`@lnNVN z9Vt!wx>crlK&lm@p>+1OBwgiUp%B$%MxZ+o(82V6I+?qC^7Nl7KnO%08J?f6SKHT& zle28;aDq|^)JS3Sh@ikoY-VJ*T=^Ml3Q_?23pXlGOq4aQ)Y{uttM5mp{?tTvTso4O z-&pXrzSo)jo1D7hoVACXO7`!g>e>B9)crj@9pl8gWKC`5!UOe|8#dggQ>Gkp9=4{^P(*CgvH!{%cU z5P#p>@gElitbJ=D3{rm08_}TyRqQze!4pI{vq@}|D6lblT7tNhuGAEZ1OEOwBfZNw zOX&?BEenXV7jltZZ9^Tj_HVT@@X zO4dCu4Px(UZh6O*dXzGW*?B$lMU_%xQ9PjCYeO#Y`N{+XA5a0K8@_;{Rs>267s%8N z@q7x_4%}~e5IMIab6VI4IDEc%_kJ!ep$+_a*n9{%VC{JEI3e<^K##P2A1t1GNy+8Z z)|5iw&J$FN>=^S$;|}Gm*N5KWqHacng|9?Ug(w*sG#By7rZ8>`y)ngb{?fdIJW=a| z!`h-LF?vCsE5PkBM%8ZY^ub(=f)0o>qhQa%;AF(Hbm(cyy^(2rt~To;2MCby=>s^q zTm!T%0M8aUKoqe*?h(C{VC$gx{%b29@djyeVS;U;by<dua9$m_)``JC(lDCM#9)AuUVAcw()<1~s`6 zpG`FVyUy_6Md-u3Br22uQN5Z}hav4hBC&2Cl^8unI6 z!}0pl+I`vuIxtylPpyg!QDHC=EoVWui7kXd=|wbuOLZ}b3jG-{-D6uyYc%se5EOdN zyH=bpGtzgD42Dm^AHV*7iD#L1{FH&#kEb~^D-&qkzFP0;5-2_0VywG2lYWDQ|sHc`}<|21qAyISsU}Gw?+F;Pr)Nl5XsT?{*&C{$zb)B%z69npT5ZJ7Sc`ylnj~A z*=ygm{?tssNWqZk^|7Q`v&Qy%gd!?X<0-z0;$i<;JY#b>^vZ$sImMHdrzHx|;CI!h zne~M$9H>UeilcFLVIfaNgTd-P37(ZGKIc4lA~nynv0_RN%L+@}W_20Gz|6(6t{ljN zAyTm1#?>n7t8zcm7Whls1|mrqBl$tkrsZKt9m|oh7cUcDk}M~~etj-??K3YfD&P2J zk&)z1?YpNo1*Nm`^%-%~Kd(A2#V%|rb)WZ@JN4|B3Lm=1YbHyw4)=#(&-M}y@6m!R zFa9{}VK?rMuYm9g1BDlZAcb=aGJ5j9A{EUTnp4>B6_YzXG90IZ9y31TB1bO43_ICM zOR^lU8GZtX^8~Vi0L`oeyA`7hr?PhkXdK$_A^-tukY^u9rTZ_g1c!R5Dxu)-Yl)4mf zRP6^Jnp@^W!ypPstVVdS*aIw7LCWic@c&~0AQGWQHZkj#sLG!eu^u^xW{#=zqoUi2 zXlHE|OH~U`jRw~V*IGuAHUBayIZ@Ro=Mlh;@NnL6Nip*H3OvHU;#5%+!ct8Z$mEh3{2_td3`wwHhLE z5du+YND?v_?mu{Ff&|m8k{M;AO~3WXlS(#77>4yWC5ma4o}$1`5@~e~Cus*QJy#tp zr&}3yFx|-5mZo^9HhjN$i6-;iPkY}OdQyJh&frgb#Gn?c!!v%aym&t_9$Y{q^lw+Z z@IHFzk?5CHwpSYR-m43^P<}g}5th{a&GHqm??oO6xEFleq)_t4Bq(Z|-hDy>9Lvsk zX@7oQ^k%II{bZ2GEzn+_I25OcOi@~tKv`Pxz}r}=Mu?DRLYx-3>BAdK1FcG)C`9HVPe@4A`QhtUUotE_3_ zptINbhbU}|Ixq(V+*!w+xq0YBQOH>f=c=P1Jcn8(Q)c@M4N+f8^_}5SRjT$HiEM}0 zr~#P%N~;isQj3+%)e=4kZBWHMCF0d}fc=qOOY+Nu5~eIRU0MpVW^E0eU7iDWi=-PT zVDgNmh$W0n>-y)4?^nR2rHw!0PZi=FOx=B+Fk%Yt-u?keN)4WZKr=M-ZiK-dbZ?Rf z$+MhUvXS$pdY^U>q2Wr4sC@(do}&~P{yMhEe6=2$++<>Pv=FVg4ZdGYu;iDlG_oU` z1H6eNPk;Q9nBLINReysM)xx+{=t)B>q^1hn*i+tobqrT0$)w4~BpYhFbF5<31a~zADlbi(+Fk&>e6oxZ9lac9H*|lsA>4nmrH8fECZEFgV za`VfKxNb3G_K@i>*qXTcy#wBbSwDfe8=oi$yDHv;Ac{&9z=iJbQkk)Aul!>^D#-)m zlK)hr3Cq6NIuQ?+bCN__vl$)qWZx(f;~H~FE?K1^593Vr0mJ=peivNwuM1d+dw5&# z`M}+)aR#Zxz(dTzh11+m_j4DWj|*Q9 z_;t|RRjU9y$aB8sv!KSG#cBumLd$k#$ZZ5UdUe(ERM5C6II2yh#qMpNGLVZKRul}B zIDO0AH64OvB~N@SuoPl&I=z`J4udHCPA7dT+OcIzv#ct?rno5}Gk95DYxR)Bb4~W$ zs94G%kU9mO#dxE2x;!zb?;`Up%!7luf)%HkdG3!%6#nZL&#Z1;*}DLQ(DLm8sSUl>z5C07)8Qnu!E zP-5Q*v23#0nl6>@8M^rIO9^PU*IzB*qZ1>YnYHpjvm1UeCIXRU66IK zI40m7z042yT(R^wozl%NF#Q{OKlfA%&DzPnHzfL)) z?`^p5vF@D=AcpV0J%h0K|CbadahO3%3p*OimnHnq7es#_fGqqk694>&ygpT6)P101w*e2a@$0|wqu{vGC?Wl<3 zp+F+ckNChgU2nj^gis3 zQyegO#5V$BxUnJMsnpj#j&tbXAlo&uFA7YGp__br{k+L4{_Nu6%2SZ`#h z7*_Oy*p|EL^Q)@RS?<+7htfKbxAj(E$24RXs}e+--tXgqH;Enn4886Imi}nK ztm?d8*Y{#-D-sy&fcg`;VY!ftJ2;@P4HC{?;!}Dpy+i~v0fX(tL24{yVo5{}+B6fm zG-{9%Iqk>FzXy!G3}f79>@uXhvA)mjc8S#C%V+xEcJt#6(^D#tG-DHYp_Nob1xY!3 z_}oy&;M0UYB=0&>dis7#{>)5}#2}Yx(WZ%%DoIh%UN1QcBG};D#2rxx7N4})mai{{ zKH3_iH>9Og0K^v3k*UtCD=Run_>~p!-)5kxzPZNgNFHcLES4FsG;u#%$*|r1=RIqZae5+$OjfRn&8B(t&O4NedAfvt#mrbr zQ&;WJf&AgYv_0jwQ8Ji*m3;LrNl-Cy0VfVdw)YLTHvdwr#ZinN4QenVw_MZcX++{orK(bigV{HHaGcq9UhJ(~Stx_0qB02#N|+P5 zMwTHM4xdzy?89GiqDW};s=(EhA~n6O1qD-z=pvXW6vsv_Jza%R^gEF0+UJ+SUB3=| zIUOPMJ4b*0>i#ybMg&QPXF7x(!!9oZo|LzIAD94QZ_vzadcn!3fA@Sa|5nihx89$Q zMLLcIBKdzynpk*WT|CtOsD$HOcM$^;wxQ!1Cu)sH{GLjq zaX6G8ag;*(@`Q|SQh4&p`(K7#{56+|&Dlrb3C4bu)K?tB!z-oJk2#nWE@zjvgZ#&f zAsdAsJv5|P>Ph(4W!vHSj6ZoB6pibY{W7*)R9&S@`TYI%V9xjs-w11zwT`XPP5)tY zP0ciOnZT1fG+LcUEzXO#0tJvHj9%L+;KT-;of5Yv1@U$7|DZ2iORlwcchW5(f$5nG zPUzjnM~_I^IB7Gsu8tqui_Yi}P#{iB4+JWJBCx2Q-xmu8BjKu5s|-H`tWUZwQ#9ew z5}A21nR_*&_z3CI5jC%kpIOu|iLM-fZThzps{FFEa*@_2XA+@9szzhLZ%p5X7c;vv z2(!o>Jif`TSUpaBfD@)jz}UjHv|JF1@TUn^FAo~uxnbwzVXu z3*;j}Z#aGls7bVwWsP??`%11g;iAb$ue^|c*TEBzm+SLIaYZ*eYRN}cu!h6?H>Iei zL&W5d)keLBibR7)oL^U{%N$O+Je;?&0DJ`1)>E#hBwv7lt{b9h@Nx!o*+yebGfNdu zB!%&?2cW4E%ul=^Dvk}m#mT;2=S*ylZ`KEZ3hw&Wt^u;Y_!tau$ zFlbW*sN-E3saT~Ful1vUQJ7Y<$lTBV?7QBp1$)|PfV@Jc3 zLBqIysF0THKXxwRzs;zG^?E$*wXr~fkrXVi7O=Gy3Z{+|omgBML9=SY{`BGeT9t06 z%vDsFrf)%P>l_koT&`ns9D;5%=`llazUVoXg2}PONts|;GPYXAwXrxE*#7++=^q)X zC|kK+1uN?4(WDMR&2pGvfK70Lu=S@K#_G8*z5cdXG<_Cd6TX~dUwA*(n$UFlnWu7P zH_KDeDmPckMi3l0!E@+fXi;cpGb#dBrYgTFZ*OL2njzEyKw7DkzHYS8f@IIZv?^TU zP;{hasIw<{mg#Tf>}s%%T;EczyI1a&um&N?Vx`xegw4tXu*M4GZhsv*SSoTF%2e%i zO!2D0=*ak0Z=hDitA?{G`6@2McucKpMhJNu+X-T)AT}OOTEWAqOt>hnplO~G2*QUl zp2_GX2>e}jEu3zyOB$}hn@3!2v@12XIqFx%lq$u|p|=IQBrYjD$Eyy+&jq4HnxLYv zn2)R;(wA%f#(a`e0Gxkl$yWZfJGnqViayfuA$z{R$Qux|+RbtXQg}Qf@2%44 zC}C_f|2fo$V{QJYBJEy#r~eh+=9w9)$=f4EbyaKJpI!l?Lr6U1OhAhA$A0NB;kL4` z)*#h|KqIZW*onGSes7~Tq49xdVor=2kf#i;FBaAdL3*GvrOe)7h>9xr!NH7)t%#ym z0IN&n?~q)cW=K(A*d`t){JmL0z}%DXf?CJe~zrW7AMJ+7V6!>{Ul1VhUl36^gPH7 zuDZ;~OmT*_H~C0(rjdi$tb|N-dmhZ}?2N?lSRrMOu_J_QuVn&+hhpMFq}OX|JV6T{hAq{4 zS}PtcriQtm4!SI5TlKY;mjm8z++YEz1e)dQJbc>q1gu$UPKbNmxy6a5+9T~T;@xE| zfN5IT$^cz1#tAa?XH~u+*N`ozSuhmZxj?3?P3Z>LsygVp223!Vo%(=U+&&wE0a~-+SeX@HUm;>H^^cU~<3a zVPNdoX1btl?GLlFd1$Z2H@96qZQpZp_eB1UikLoA7vM||qb(*7r1NI|h>s+6Me6Dm zuE0)T`Pl!{QVR zg~Ig_Ck56K4K$~-zGg*aDJ*PC>1B62pPtt2b%2mzUe-9A*YDSES16M@cMj5umx3;y z2iHf=vDh^4DXDdsqdOen?$kHCbobHc4;tG2By;cICFSn(-mMzWHzLi47SQyb79z5oEY*#;&kL4e*o2l+SR#-8(jZfpsOw2aZAj%a$TVc zlbbEKxEAN@YCbn!bWGXs&!4Z`v0?uL;d{-`Yd|EkX`Gi%j%=Xf3d}(g`di<*Av>PFy(Uhrmq85JNs9_$o6$UMcZwmvBL*%A_MG{tUkw8~>cZRdjoFobP<01Ai9wCim^8fvM z9;V4X#gF4#ir1d5HX=1~6P@x{vYYZ>uqrBueB*Z_D_62!-v-$O)OND4 zjK8xEv}bCX0d}x{RY)d`^M{ia-kdRZc93h+Pbg7S7zh(H&F?k%H>uU|t$xeuy~~rO zB&C^up2ZSyF>U%aXwXSy+G6Qpnjfoq<($|W+Wm<;E6sLpV$-a$tEj3su&P49}grTIoSDd`4 zXQ_ewX^JxotG@WNDGDQAV`0c)mKrP)?RV_&{ z^f-@La}6heZDPOhZQzxJWV?Kg{2RZg0k0fRd8TTbt$|JIvC!TZSlF`j%^O!w4In$5 zhZDy1B{3~2CTQN!X8F9b1k4cZI`EMCOyPmGber!ysF%`PiPUCL_5_10ROF z^sW#N`f4*xbYOkqo1Xc72WliKf}h-1Hot$6R~{wxDHf+S+Iab8;Ub%&zeJ+nBThqc zeD4A?&Mg7-Ik@1PGQBbur<^j%7N-^dc*mq72*=miS+s!58+?ka%yVs9m!C> zGx6Hn3qZo-6?eEo^X?soyz=_2+mZF+QbymfC**>HDO9)O9tP!$om3Hzu}=&lU@0)bn5?BR^^#xM^K(ZVEs2px?2eCa zR=*qNd7+VGNwBMhtGHPjgs{s@FYG%#gqHzN)H_WhP^tk<0UXL9ld#B>6_2}*!wk{(<9M+Ez3CV0Fyq)GkWYc6~iZiFgBg=;={ z>3(Vb%2di*+iA7LgD>uueTa`|jHf;FSrB=M8O5hIBlpowS~r!@sd-{nEtF%(IR=KK zIJtCGbNraEK1jJSK`8_$+nc&@kb)tYJpGse?y9@@Ps(AQY`_Yj+XVUt%34y zn1lTJl-inT0|sAARHZ(QoHhIaaqT$Km9bO84XVxRRv0W@shv5E8G?CEPT^p|;BcOg znX``N)0m(9LSXD48CW*k-^R$iCEvus2drYCTTrl`SSRsn$3F%`SZtTZ#z!jRR3iaU zcE~q+yd|rKI_@cRzJx6Z!TbN>ffVeUbtnqQnot7n5&Qd>GaczDdo(t;EAg(5MmS@ma3 zJkyr_aN!}i9NZjSA~q5T$z$B!E|TlVHo;Pr-jMX$s=b^#Z|!CBkZ9TMB;KRTbc^cW zovuxr)dH6h>Yp3#8|+;9wgyHy&ZxGODvsvZI5afR_4@Vtn0gkbPpTfIyseI&1& zoEFTpPfoS%oRTq02U)xyPP9_6()I4s3>o|Db_2!Y(EOEoK>Iz4Gy@EZq3qn>?9V`mL%$O z(x^&H>xEZnplq^AgZ_f?-hEHA1dCVEUh13$`y@>H1;1BGPg% zMUw4qi~`)G?f=?KwnY>#k!hi%raS$Ew>_B2agM&YzglklO?MT*vp_Pz+K#U@jo*8} z+feHX{E72hG?Zu{(qLd1T{W?nKvEo#7sD}SJl@yrFm@oMsx`#68QVmE_w>yhsmi|i z#6pJ~B-vP+uF*E1o7jdP7WTc-<=~%s;2)38tivlLA;nMbx0q2nE6*#7!6rBxfcKP7H=h z3?2w{Qa*YmnbB!@>S@wme<-CxQ~tb-Y@4y(8jHV-;mT578?MPR zG@gyE4|1WZKAfK_Lx%W-ker4KRu;nF*sX5PE_oQTwK!UsTutZ?YevHg{6PC`f>EFT zTc+zz=ly%_DJ|t4$i8aE;js4I;OUPkO(9v;po(dGr9HGgFT{9vM?S|}&)Z;Dt&3b* zKZWXC{6a}mRo0p(>9vh&x7fg#!&G(|tpP7ZC+{B1RHZ+hrU`%+&3ny6!_o7CxIMU(fo2=^|n6qGAP_93~8rL!XCMoD*=c2FAu)?(jN8S*+2Q%dq#H7 zIcht0oi-O3maf@m(_JP#-9Y>fak9`y9OZHTpZHhmI4|uMo}9qNWtP9R@_t5cJ#Jc@saa z-bY4%7v@T7ROfQ#G~*tDbsAM4!yth?ClReMU=fWirNb+%D%^X{JWCapR}$E!=u3O{ z1hDTV4Zl2l^GKJz(f=L0V*JO%t8n!(#r~9Ol~uiO<4tXcgA_gmD~!?&i6JBMVC4sT z<*GjGLG^fHMd}Hr{IE}8VTK*&qf1smq8zLRjTrrDg%5rS`5CLq_%stN9-)=(@!)KD zd-~5K-wk3AqVcSI!@tGtx8alXRH|Witw_1%h?noua3$9jB3gi%3K8>&{KA;FwV!8M{tiwE>nBU>E_`PFaD*J4ok~9rc+s& zHWn;@`nlRhxF^)Dip7N8lGcT-fTO?o7Lyi ztuWF4@>n~@QIZyUYp1}XeL-t{x>U14{&(*RxkMPkvG8i;*K_B^pSwQ(So!!6^Zb8| z?f);|@6W&n0iI`?egC@t4f-#jS%w{LcV}MOi(GC0dR@}TJAc3W+K0Ro9r)@)wmi@q zwD$OOw`u5vsmci(D%Y#2$rR%0vK%CNKg+d1U49h4_Wf*sY5_pjvtUkCrhXJYTY^_r zJ7DE)+W*2Ilr&H8UPPqIv@0WKwc4dBrpmz?v!@%nYNBUb{BQ}&D9h^22uB+RP3fAL zEQ6;srWx+fj0%v*VrJ6stlcyB4ou+#=ddlVc*XRHkzZ$S12jWO8ZgA$o~wJ52D|^JIar; zqwp!ACs(|ah0x~B-D#y`@$K)Xi$WwBsg;qjB+F{GOA2txJZWmN_VhYZc&21J2SK=1 zy4vCb1u*5)b1!o~au2m3y+0I>+mxy2(=V_{f1MCmQdE;5H=>|K zvBQ70tJDhLFB6#o^Q~`d8ycVz0op^pMKwU0j&jWpAh#4Ep+h`TpbicD8D)hHC8T5Z zY|#tb?7)!dE;fx?83OzzMKvHCL}| zNXkM+G>`7L-)8i_g+-HMn6?a#KJ}hnej!LEma;fiCVOrd(w~nt?9IUHPcc(1B4Qg{ z4ut-bz=sni*)Z><0o<4mCo>MeI7t6^2Kgd)kZZ~6>8s1SR?w`dd>|;!WU7VEwB6RD z5etX>EEK?ZIK9GLsL6^}JZEjvHc0B0>%_c1=Zd&LrQ5Ye4_yd)w(ByLqS6O>1WZUn zBa_L%uva5?lb)Sz`|HiX{uh?4r}pREk7@t?dwtiDfiV5r>NJ-S`~vwt=fWRy$#TF2 z{?q+`hG*#diS`dj%wu$O^WZf6qK+Pj(qD4n|FV=2clSqNjDXbGvG*}%90&Qe950WZ!C11Fp-4Qiz&RZMz1lhW(8XCNd6BZ%S5 z0*4RFBfyQlX)~K!U>#Iig^(r%P@>rvTV-g3WQsoFNbJPWpJRktAl_qs<{rjkRt-x9 z(b;$4S+AGH3Gp)s$P|z7qZ~FMG$GoQ9yUo0bkZlfY5+K8?_HE(!np4*eyKA8q8>79 zL$El_-w|R+l)O6m;`N#>&)*Ar_@Y}_1ZReN-;M3h{j>eHd+MrunHys`bs5#d%#y|U z*}1+FQ_&#E?f{sWqfrR()HG`F95~(<)`1If9d z(SBOVc?;aHci9^So);}|BB6mbEe{+RFtl-2Do+-lkS!sYAiUaRi0A=Lok-KD z&G~=W`o`eO!lm6EO)#;|9ox2T+qN^YZA>z8vSZtx*tX3{GD#->a=u%qZr!R|)j!tH zRkixuZ zi$sK7YOp_2h--`6Rzm=e0aym&7IeII3Z}rgf6W{@FF5YGoFzZq$QP=^c^#5cIZ^FM zBD(mbq2cYR9E!_j6?X$u`yO?D+~rJ+RH(bL={LNo5wr-f`?6Ei1)(?frCSOy#Dz~pjbVc7Wr#JPmG z={%VywB(1Ym{1}P1^?%J!_P3wl(e0HdHxuE+ss$o;m=iIUKZtl9t{8O_r6c``aBT@ zJo_2e`tgySZc$!6UoB;U(Q!_x+cD1D6}b80%k1Je+? zLRKX;Xj$A#lr0U=g&xfSiJ_5js;%%iaO9%m^3t#+k+@4|k@nRhOy-K=GMJC7qENqh z7SVH*4#Vqs$+1ty2NiIm9{(hoCAf<~^H2{rMQlYuoIhDE6dD(RxNw;I-WC_lLsRI7 zlCwt-^_;T*DQ$5V?XVhT@ENS>*WVdYmBHx_y`9lHjzT1>aY#8!PxQF2v`{9rC~9+> zgS=zA?`gj=`DGvOqrR>pxLkkj!fy4a&d^KaR1_at&YgL--|o`+0V(8{AC{6oT|VRG zW}`P#6(<|tbaWX#+wmcK)xP%%Hd&@R`?WL#FF1DsvQLFFXkTR`yl~7DoXOoJtQ>ek zD3}Cv4@#ECAo%mG&-|9ZUpuHikweLbTHp_s?t?A@ zfWiD+3g1lR7SmAz?o-N09cIa8d)fuO$*yw`zulv2!2v^9=>USsO{TlsTV!ZfK_9v| zNspWBG`7RkfWBE@8f_0CSN7}PqSClBDA2UEiCuFRg^|(RM)1#Ub;ehg(^GHE_Q?U0 zSyC!Um2@2xfz_z%(uueO)8vd+? zT*Ug+GEv1KO%L^QdrFp-@EPMq%oo)d+`3OI{J_9cqNJi~O;WNxKpq z_|&p}5pVb5W-;$Z`&TetHBDbj(YRLa>Th=m3$_r^TOI;5xnkd+R)S^YiU+g%#T?x? zR~e~T3YGVmDj@H8$tmB*slw4y-4!JH>~43(WB^!{$10kMh`nB?E7$0hO5tqlP4ABt zIdosr$h6E$x9ETa@_g@oMxL*anqI+TrF*{GWo1NGUbtvX8-9ZLRiHMYTH`vNz0OM^ z_ef(E07Ez8@3+FJbAHnS#R8N7*e&r!!oE?G&n2d!am7trf$@r^peJS*HBz1p&3L<# zFDO6+ayzE8oGorS$E0{!Jq|{6DgPFs?6x2}g1&a4p3?cn&@RLRLKHH>lT<2Yz(nF6 zoR7pQu@ZP72%QiQksj7{_SLvvL_Nw=*7x9nz+USQgaQAWM%Qu_9b&L0F{q-eoaGeo ztKr~Ig#yLyhK($;IkeMZuHW+<$?JQ*YF;XmcjMwRE^QsPZA%?Wkn1S7Cparxu;x4q zY#=C{n@8Cqn*Mj34}kGCM!`?5^-uL*c%$piVtlpa$XTNh(-3WPaNBWnG6dB%pD3)U z78VchWR-jw>h^K(k3&|jx8>63&yS3qtE?yR-#t?Q3ib~@Pc!*K4c}g7c3!*lgmPbF z@Sgk~A7eguPd--?-uIeMcCzh1`)_9F82K{N)<+bqE>9fk2WK|H>vWzcYPw@n8rclb z*K9xV`;=GN7`QP>B~wXW$7xK8gOd{K*~8qdkX9&qQAY*9>ngull4p({9@#(3#joC}@x&4`t)2;bzu0h2X;awzDabj*cbG21AwgQ*?L3#m2*AoUN8)y~dxY z@qQp}-Rz13%M*o~z_+X09ljYqN@%_XR&?tmiT)mauGD}rgQ33u!Olm-F6_ z1PURA7gutxsiQ$s+guwzR~!nnSrn`@GjQCDF{;MWR2$!T=a6 znRk(2)jm*}K|=Xv$pXsyG|*X8i*joD$~mBq?hc4;y)(9cc65ZCfED{6(X!Sjn_Kr8 z-#BH45PoND{RYX|Q(Mq_L}V-)DAL-rs>qdt_$`JAk!Q;@8$|lK~+m!H@hOv)S zAE;bd18`CtOKvE5Ac<)ic1hq>o?*3)=FN}aqN}J2+fQ1cQVDnT!uQL|Ou#21{>Qq-- zfohco3zYiV_A@j@7W_^I@NyWO!a!>ka>Zh+YM>#{#*=P!O1D_VU`SZW?CO8Q`7!v2 zw&TU_e^Gtouh)xRugUq+f6)0{;^+NK;p0Pc=ksB0#1Nk{;In83U3`nTYAaRg$WhQ? zW-d2G!@u2Lv2#s4OJBNe#3kX#pp7K}-xL!Z?i8?6AYx9}QOK6uO<7TGFOD*-VQkUf zg4rnp0tgRT0kRuC#_fHfHmPo#12p!9Z#naC3oBDXq)T+z3qjdVbfjd>3oHTob2`k@ ze%rt|Ib@E1ha%%HWmQH$14Oo|EEqw@+-dsJ_ef&p$md9VIllgvnoN_>Hj;X*Y*Lk3 zUSol<;?Zn^>=nRs3cNVPz={tZI!JDU;#*l!Gv4TErXcG*JfFbvT$+YDpR2}-K_=s} z$SOSjAR9RM3I&ql9w#lYe*)Fb$VXi}cbe6+RdX{{6XWh8N^+($)3shNVkL@V3JUcJ z%5A!>J$DyGW0YHwwQ?+3!YD#VN<>!|Rk3o8*)o9#piPlIfgRrM9x?9c@qT7Ub z$B7&fP1aP*iz!+Pj*@NKEv#mIkB1`B#(jvo8>tWVAv|U3FmmV8*yl-n^I(owHypL` z+$nA;cOW^&`M=IQz*8{$so*K$>3KWq>X5EO21Az&S!>OCw$$S;ed*3*4dI9`Z5i81 zgpF`S?-ymhpRne1sx9poOHb!N+E_DD+$s@;MC%Kv@-sG%Vq2jdexNT)8WT{-x3xOE z?e;SjtWrp+^H!$;Z>@-bK3%~uYat5G?{{h$lKUR52<|&g2$J&5I=HXn~oKJ=5%s5}G&4$x2Zh-;HmK|Dr0vZ{}Q$&})JRlDGA>Oi83 z9I4lz$yChJs2+5FE`BcYVera*YawfmPMN6i7wIPeZ8&SIek^OXAHOv6mFI*jTqH&X zoXZGjEP6Qp{ceaU^u99Rz6p`O8PTlHT*NaP_)QF!Py~ zGtHxbCY=M7E{UbQX1m9Sa#B~oPo?5z@wBcf@Bv9{{pXr_XzzD_pc;X z@{C!bwVqkH;$5wwSMZ^&d9y zxW@z0|Nc5|2g5!mAv}*LSaD*80TQZE!au~`0ukrSS>Z56i`IRW;&L`s?5L+FOV_He zJ1Zeu7cI)CI&ZD2r$S#l9Z;xpCNA|XXswaF`3wB1?I9)q5VUI9;4KmSv7nd#niWdT za4t6Z0z?ipAP}}Uj7***@p0F6SB+MUMjS8p+%lQo==AqqVJxjNoiD#2h#_O=^w zp#~=40?GeM9E&eb^$Dx%e1(z8IN-zKsr6%bC0B!o#R5E#pL_2){O{JAE-he+5>d0# zso8$!V80P#+aWFEn;?K{_-5-UKh~7c#9o%fqx=&sdBEN6xIA6tcQxCZtyKx-c0AFAe_# zh{TF>V>!nWJGuR~6n$owEaRq}$+g0XqLG=Q?~YWM{UcjvS#&Uk%t|{90Slp$S<=_? z{c4yIQUi^3suC_y8lQ#A!Yv&Hd0fkv%JG|!#IZw0dl=EV-64FkiGhpU8U$O9-OTqB}^NGsn=s9*<6&H z`E1fNsM!6za*7%t$x^^|QlmP83_!V-p@3bqRsw;iS{4F{6&vKPQh5Qo2&&g=bLF<} zhSCtbxxGHx)T68;tR1*wxuoVd5 z`}jD1HhkyBa*7A1C+|e|9*52`2I;jIukt$QaETIQ5K}*s;t#DIhUmz2yI`15^kI^W z+M|F4iKU`?P2;`p>vlpozyXeQd{WxRXWey~kd!$Z_9deH8z((^uacbK+<{{a$C zwp}dYz>NRIrXOhz<@W6MBLAzc09V|WI!5ByLL-4^OYN{k)VUNU$B7Tvw8bp>&F1Wf z>YxWsoFr$l&U;qa_?RLBbnY>sNCCc}>juw?{YB&+{;7)klb6%R;u77vtbw36;KJ@;Gt$_82=_Q&K{~09MtK8#d57+yXi#_u6tPBJ738?Mnl=MQQ4@c9_yjC&V5| z>n!MAifIM**>;haq_2@{eis!GKJB~W1eZ<7mO=jn0RPSFP_Hg|l;0!uMcEkm)z*O8 zr04^~zeGQ%Hbd;btkfwiyWt$;$5vECug>)2(dv@TY7kgr=oI0eibYT%bD*I+B_0AK zyA4aAkn~lbdfM!Q19=Qo3Xhc<957AJ3@y;YlZCT|u-vi^93Ik@k{G~*!5#MK zga9gBH0v13>Z=*ABGH5y7HmnoT>K$}@bymIpbxzgK#dvdl485y@llE!Oui=P-gb&! z@fnz7H6d|uY17g!v9$NDxo}Ey(r^0}JD{9iuX=BCIM-(%>~EO(aiq5}`zwX_t2&=9 zek(3HcW^Ulfn@c}tl$B6CF+k(~?nv-cM!(a}-~|AmF6wMQ-mfUxaBGHXHb=?Tm4 zLhHp$^IloAwb<&xgGU5-7^-Z&sk8jjpCcVSKoiQNMJ%F1T0mNryKy8E@p~*iS z2k_0JX)U1uhDbW;`TsVg|2CsXb9EOY)t5xlx240zx_fzrfol%um#awyOs&ftIoLL% zoSpL8`b-TTPuzr?hnjC#h~F2mG}R*xzplHCkve8AxeTX-3g=RF$_d$Is?mh15aw4^ zFSqyqtJ`k?Kd4rtWe@_-(q6ImYby+CZ55Pes1`J9+ZYM>h=~wdv+||^dEc}VFd`mC z*SyfK9C%G?PE*F1l9!p1lp!DkM`psDo*&8y%7G+C^vYKonK z$~j9A;leglxG%pk?UZm_6(Y~+9t>rE>=+72N5rsYI(v@L1Nfp_rQLT5ITfVRO;3)G++e{P@KZ$ZrfLRQd8K9Cg#-6KwtuJ4Mhxf1pV#mm)Lc zWh#fL%~&eVSDLDnJ@>&h^a`UMrJLZ|_(b06;DJ?_)n|YFT!}ZU-qW+tfa*SE_|XPx z0_WL{Q%9tKkk$rMELY8wB_pT!`zO9w)v;$<7i5q_MeojXw9P>#Oo^_E3uvz1s@!R- zyOZDP3|Dot%R^v@^2vyp_kd8A*S@j(2}E}skEO)3fn=|?B`;*24~DLdu6-|!s111M z%E|fs&Aa<;_$x^rZOszfkzU`kpa!k%J%K<-jcjy!Xj;$IIEjQM@vvbDqh31z=vLpj81I{<) zBRH@#Y5s9#a-_|ofB~?9EXq!j++}5E$ILv9R1GH9{*vkaV>{XlKJ3Mg(g!Ifrpew8^4 zysNCc97mI!)tcFO`2bX}c^<$K(KYA0E*Sy7oxRnm88P8P*g5sxq`?ExJ-!2eHL< zqxCPefSS}SA8l;yHRkbOmw3Vq^afFc6sMC`j~45*=-5+eY`?iE3qVdJu2Ddn4QiR= z!sr)jXX<(^C4!mzzTfzsGrk|koD6kQGW16L$@6-@=>7A%H1Bg&@O9(fv-7!=Q6h{u zUgK%-@id|u*`pV2gUnzHX}?FZbU!@wsy5-hvG@J2>=(Pwc#ShT!>U#=?kJd*EtK(L z!pePy7(3(1@RvEj`H)j}1)7q=bi80ZR&*Pi<*G)b{i^%c0rFy)7I#54fZ_Hnhvh%!dJCTE$lGRo9Mnpz=uUiZYVV~!sB(R zo*`Ju96zydJzvZ#eb)Cp%6D}4+&RDYZ|rSNd{htcnb9X`e@N~4s=eGn;?mLBQ~+oc zbK*uQv9YumInm@)aB@*{sARz2r1)~;t)|ED3F?x94-(TZvz-q3r9G9StrUL0FkYl& zx~~;6>?U#MO{jGj4Hdd5tfYz$TQRY^84~1q>Eh1*1Hb1(g`mFey++r6!XqF8rgiI% zZmM!^@{poy)|Nh?_6Ba4 zd@&mZ8*KQF5lchjx`R;{^8OuG1;-&n|E{%%f)g(kt95PEY~wnxo5>0uz{>(faLSh^ zKL0g#;%+bs{r?GrZPBg|#h&NCDZPF#w+ZhbG0YV4s#v8C&&0k&mxn|^710Uk{`9+p ze;-8NzL!r&t%`ylfA42D=U%-8$#Qaty3n?QYnQL2IR)dOOK*2o22eT^no7~IBRouZB%n~+RQ^o?2AV4h8Kz1q8JdtV-v1zv zY^atSS1>w?FjtGEmzr9mPa%>hE9D`jk|{SKgQDT_Yl&W_HOI7d#Q5fV{Zk<;SIbXo z$h=+QA&aVl5ox%4i21IxY4TzS0J=>``jZroFi<5+-N|9yB0q66HP04Z1*@Vxr8W$e z8W*R`U7l@7N>ELMfN%h2BQk2?{k1S-wvP5YT$~Ub2}}}gC?xv1_?a=1Rb|(!1X>!4 zk?@0ZhX?Y?65*LZxw{zuA{oBhFZ%;5-#;Fd6Gu-xlmf_mf-mPqc^lpQab2IOYP3&% z@n#y;Drx2?nA``Ouq~hKB+B-Ud=o?FzL%k|8^&ucL{vS83_kANJYZ18Uo!?-nkn8T zL`ntFWdhk-c)x&I`g{w1E3RCpYvs1qgse5?W*+ESJBya-;7TUT^WYZD(ZDvhYnjiR zJli`ttcBKoYSi1zOD>j=w$2ha`f)VfM0X?wW>%%)0X8#2h(3xDVxCFm)E$z7sUOMV z=ntf#(<2a2#3%}(CIq&gNV6+_g(M_P9mIz^-hL_tz+i_s_NDkW?|9_8@#1#AyiV8b zE>-*QUi0nQcJE7#B^uGiLtwp5c2Nrx1j!YCc<>YHJlG4HCpxDBbjyiSS?OSnZGsT^83omOT(0*W3bohLz}6KOBr@ zS44-N)aBNbbjZa_5Rm+6)(jYRJ@kwBOZxLJ@pOFR|0Ei4_xJwuHQ@E8`;+z_V(3^w zYsdM5SMc%gR(eA_n*Zkam!u(9&z&3pQ^gKW!KaVfNdcQLePE}}j=`$YPO-Id{U8eb9V|p7+hWl53*r_PF#BfD~{ukW}l3tyJJ91vX=-2d4 zWdtRh@5O)J5NiZ&`@O&A;pu@FqO z1dSe>yo_^;p@zPH_GOH7)3UtT_a?t95K+~F6)5%f!jIvvI2GL$r2t+$ujjSCTtu=^ z#maR%k7nGM7bv!48>g|w4bZM(LQ6(KtnJ*zlqP%(D=rTFgn^E|RVClwd77O&;VRGp ziUOvA~?ke;J_94dy3OAR^Lk_!uERT%2jQB(e$Dbg4f87h*n1#x1qj+HL4M7+`Fxl493 z1Qe+zLj*uOkwz^i5|mkaK)&0h2JP3`fiOEBM|hyMhWOpg2Dh4`3oEx?sVjRRrMX_! zbhenumr6BN_Dk7v@nj_{B|N3nZMPNL|3VrD20t^ls8FbeGPC+p&4eU<)2Przexf^0 zWeD*>-#V2lmBopnl>^=Iol#(N0ZV$%!Vu`&d%N>i^!a>785j5GEAxKDP36og?q~w_ z1VLDZ3jZ7?LoKhb{kj4Q`dWz;2t{k(o_&0lXQp4)Qrz0mz4^1Z5NRh`s-HyREpSG^ z6_IsgqbogI)}UP`jK5cT5ZS_lnKD`Of?wQ{!P-juj=A;UgWHPy%E56v0nvqK1!M$E z$Hq)H(?^4sG7N@xv^=z8Yb{^j@=eMS3mqiK;da&6B=!2P|0MyQ#0+MkHQ zGJ`%jwak#4d}@x`<1DUFM)Tcy(OFl)hHfs4UJkv?Yxtvbt~44}^hnB7CrK@o)2#L^ z64ZzUh6N(0KT{MfnOft&u|v9>|2Ph@Oif%GwwKNxQH;lf_IUBaBjZxecfVz_LmK38 z%5wRX;lff6wTA3U9222{6l;T_C}Z^X8XST6sg&23n_N0HTkJb@0rT~L z_`jk6e&B91u0$~tqeZuIuyI^2hNoe`4rrh5VQ>N6wyntY@ zU0Mgas!Q4p7s<*sSCaBn3RJi_2YgdI=QjdTt?`>Lqt%8UShUvYZeQH!&mk$F=(8D`;NSua=W%KQM?)1y?EyjZ;sWiRrL@!3I8l0srqAbd3f5fX4e z(CEJ}-VxIZ!WxbEgNN#gFUA;mGqC`&KjRdU;wtfoUP<>}qaELmPx4w6ekcb@+ysOf z-4-sw&Oj1$b8md<0D_--%a%l#F3#Q;)dG4QzdQJ^j!U=RfP~pGy(4=DT4pPgcM&Xa zQ$>48Oek=s&G2a9g7h?^0GIO_Z*--rrAzXn!F6Ba(&I3Rs_6dWMz$GSHFXUJJ_}as z<0@@7Jt6!h#Qj-Y|vrh*=a0d=iID$09xQpvD@R$5p1=Z)|=~>TkH3_N@q4HEckW;OUU)IGL4Cw z0xK?gJx5Ae*<0bS#8W$w!i`4w9j4H-FP}TQTvpJdDX9%e&HP6G3)Y?1+CF@?T+q!H zDhKpT`|+k6aDlh=?&$WUx$Y0l-t?GAe>KPtBMMf3^;Ex9Rj+sNO@h%BR%_g!S6NB3% z$`P|CINW8$yd!A#-gVj$WqH_ulP3nI+=X^*INaKBX-hXIALG5hN8J7+_jFFTfagD) zB5~w#M>}7hmn*N$utE#DONCjl!J_YX9AQG+KI* zy)hcTe0AJrb**?AU)f8|oy*cpvE^qyKQaXjxQh98~%DXn1J2Z%v$z7Px zii9-avA;hgE_p8H1(Zl7`l*qV%sv-%Ude8TDnxh%G3v*dZ-roO|Mw7%#PTXK%G5+R zy8L+UJ=b~`SRIonM>AU->+GD&jj9%LCv+Xjy2fST(k{Z2|1+8nH3Jh1iC{=?>@Wzz z=+DLOyxn{~n#X`b6vnWe6P%^XDZpdBwYbw@;@}729iG+Ykeqp4A362R`@{TO=^On) zL**iDS_YU=s^ZFDpRQBeL^l-xlx?mn?JvBtL^x(zIQjy@Z@=-toV=5nQmGUTsU@L^ z()gO+vQ$`7S;Ei1;rsEeC{T%mSIU`joLQ#y7=|5#UvUx!^wmpT@AeVk`#xwI2$zrl z&Dz%xchiD54ZT3n9zcZ49^W(8k%%8sh+F<0mGEU|T6KAI`f*HL!FF(!`Vyvq$+ITq z1eDDbI})1vLl4RRO@w|9HY*iRhSu6*Gw1iSb~YmjA(i1vqr4i~h#*3={EF@l+DryB zlVu|gSE*f-(gO0a=}59wb;^}DrNr_W4Pn;sEE=o28eik@S~=H&73@-hqBUmvD4Qz8 zfqbK?4BKeCvbRc0w^L@DbAiK@eWDmJWY_>ygk-{Hz>f<=Vi&omIw3)w+0O6d+NWw z9jEVMuK_L1emou~{;nbKah@3&|a=QDJdBlu|9lRq5c%}a>?I+Z+{WH zKh5KeX}m)3OU9#UQ6q*0Gtxj&#Zsp~vz!9L3$QU@yDh@0K&esy0ZjG}=iwHHCb8gX zc;*U)=v-h--$XL-Q;IinL(PmA^jw_E*{DPl?sLegH@Xcm(lYysmAKNWs^AKREn8&*jl@$Hw1yziA-sS*g_@C)FG(md8V=Fkg-1Ju~~sjp#p-) zr&50Uut4=$H!oUsa@BmJu4r8Ua;#zc_VMP)n|(bq?29ZZ1Xku)Jr*c&5b==MPc8P( zr*#=Dn`U}p35W5)_0*ui^r_^#j)aLo9Rv6#%sf!0xkj1krum{c0V*tV;o8-_bZSqIVvGHEFbNfs0oWnlVzY@ zH;Z*$!o}2izL+P6S&j0Hd(lhr*hBosnyIip@=NzF$0R>-IZ< zupG47kCxbHv4)wJ$xg!xEN>+`l|o&Og|eIbjnuy@ky^lO?r;XLq}h^A37q;@s8fGl zm$VzZTn!LbL-2zPgq2QfQ17-$z5`mc0uq7x&j3myJg{MNU90y-CW}^rL{$aPY zqQW1V#EcY6B?u)(04eYXR=?Z~nM&S83qAl(tiw%gj4eEv@%T;1rwTUcR5u#$fjQp* zxy2y=qCJ%o&rMVz6$3K4^3IbQj(NE@Xs5%K?l!7vR~!78bp~P*lVr$|Xx!!1|g3|w2%KtyAKH97Fz*A%?Go|5n z$=Rm|Jb-i6keeOe=!Y9wbl(+9XFOQj^|8W|eV+d_W9dw52q5+9J>cJy!1JcYMF>H| z8h+1~;hS5VjyxdS?Vj@Xj|ySW`RU-)TI)M=U|+cPeuLg3g5dh*&V}>1fU4FQ~>>j~Pba@;`?1RKcpZ|_wY8_DsT?14GNok`B1HFhd z@UurZo&EY6i8cOC#lMxmtb#=c?~#XX{=09l|B~vC!L}3>4!=VWGcj5Jav{%t_Ll`e z5qn6-&s?QgWXNO?Qfndupb$#|c@&bidLH619H zJ57_gchhyuEbi}H7S_vMLG#RvI2}oK^UK@bNhP|lkn%>q=*7$vn&yU89}ywGuy~pr z`WM8|w04=%2lqlx_>k`iSTWpkkAbm-lY+%3E*zqBE=JerdvO8|2XQbr36YL+l1(3* zd*hqS`+(z@LnK>plK~L3(1XfWi%zc2$AzX*FjS3IpwJ2cDaiw9u=#L`=o91--#N-7 zUhbxaPBG$zXqXil*)eSr0`1A~k>i^*S&jjAZV&{j1F^$K=k;*XkAv)ArzoK*`4LF4 zDs^HW;7rnJ+RCQ!6tn^0igAU8O`W`-X0yR!VV+z4;+W397}p#g5*wL}FkEToTtcs5 zHR+(CAS5on3JPk54f$KFuN|7z7i~AXpiI!H)59PVZvQ(_W^0cOHTsnJZX8!fM^aDT z@lNK;q%K6kFG>(a^Rsv!1OIypkmN>%odAa6C?g+@h*DrWD_%Pr4SAFrhqAxi#kq;V zOfCrJ`V{xC)tB^q6!b1nMH7DWcGU2{0>TDgTLXSR?b*lB-3Z7kK*;ZGW)s8wt%REiesr;@5e$AoDe&1ux4om(= z@K~PU3o#n%XhiGBJ*OSxDa>*j*fUf_y=wgOmlmR;{MQl=ssFT;Ng?>;kQ;|}ug^2W zUp2G2b#ojTyS$G4mqng&!Hu>*3HeOJciTM`9Vi3suu#sa0tN^+07=Wfr+9hg9-ml$ z6gc^h&?nz%^AMK>Lg7=npYugozhcX5cL2b~lsMHXM&r#y@yCR|t@i)%N_JjzpoQ&A zayBkYKhq##LP3ihNH-4>1 z)q($&$yPD37&c(-G1@cN-4Xs0?gNIlNJnw~Ok3oUJ#lFqP+8EH*z)1E(K3t$ZAA2x z+H!7hTGOO&{e#AJkfpj9>~BwR*9{{A9nbyN;zRsUJlahtU_|@4EX(fl?x2xC@+ub| zWT=tE5J!p25q*V9pRn`s%Q3Ncu50RxB*Oa5Is(IKIA`_a@VBr-azSSG%;TxV3M@e2 z@%8S=zT@%mEBWxry5DowL_rfm8GClDewzdW($Jdoer(zJVGqh$ih96c({kS)lK|B_ z@y;qsotyYFDmOs0>XcmKJ-o6OxXle{zMus!96b#YN_>xMQmNB0Hfkd4_2xlBq>OxI zbCGbS7L$+4*2}d08JHsVk@ekj+$Ua8P4`Qep3Mec`*d(br($^sspZ3 zGHcsA63OXLslm?X)IbR^bl_L70n%*QWudFDJ*IVSKUv2l2E4N}Vdhi3R$c7ccWnN7y^adJ zYIsIS5lD-6Q)NyCo4+9@@5Wx+Es2B{iAXe%2IYIu8{_8IuZ4jlj7h!1KsGZ6)B2Pk z79Y96=Cgo}LO@E|kqd|VCY?p%DtbksR7*Bb9y&*sSXafXCcSaYwh zqp)f#T}4Sts4w_sG_zQs;jdClG)Se14LzGr*6J_)tXlgSIa5hw{YAFl;LfD-zb^&+ zwVg3H@A;HM@Py`cYxRJ(<0|`wuXwZn&a~$(5#8ETf17d1_-w-L*TwIP@2C$WaJ?`w zb@UaBUzR+PDfIhls@L7rI!x1^frP4NcpDK>hoE|9krow;`aPlWcdMQ=a`OuhL=AXx z{onWt$=I1c@vTukjvCdL8%soMVp;HEQ-Gjiv-vGJ74jLAR<` zVe+-U{&bdycecOsXi=%bO30PSOjh_9vKGAZTi5c4MFaUZt1HDivJNU7<@U&(WEM<{ z)^+fGgcAp0Qc~7phz!+I`E+HQo~%xj)aGp{QHh>wSBOPv?C6>86>*4RaAbI9X=QH` z^Q6N8)eIH3Cb0OHaoAg10?ntRlQ&r_EQ{rAESdILmCJ_pz59cX4oMD8g@Xy~U-aZU zmO}zZQelNf65@}5lirn>j+Zv{)xnhXyev^nWsPcPWirV-7uQ>tw#f5XaJ)qPvCK)$ zd96pJ;O7!Fe@naDV z4g?Ah`HpCXYp@W+>Ug*idSr41NvhoUCB(rZ6FIJtIrS??4cIZ3`lj~g|l605sYO&`%x(eDruAAGHPA}Il zdE}eIw`O#xY*#0uG8i+Xo(e5GBVL2LOgp}$s*)$439sQ0Yw#B7Mmfx3=^>0~Bv`Gs z81tB!^&a!gXJMFNu?nsA+k2F6(d<0K*>H_5eI5Ca((|jm0^{a$W`nqqoDl`+8*s&@y|QM44oo+zC^7A61)NffR$SaE2=IsPrk#5 znXQVOmrXzn_sA9`1d-;r8uBS&b&A=SEy;Bb%V?{RA6S-Mj}$b;zb`%nt|V zqg-jr8eX`IzOfqdeo$hV((iALHUBuk2am{!syeZPav+*T7??ZIXBkc-$J?FAObvnm zuX*`(HR|iyzVxD4K0WR%1%<1M?!5ZVFsg`h5;_0<8^28!pKDsYaR2OS_CZh(#;dPL zL;7u4GO{XKn`ppe zrts0t8lf(JlFleD9-~sF#)8|Rj<~EkgeXqO+=G`MVpKJoS`UJOFH);pLJ+(+K29WI z#K9?hBR>PMNNs}f*6jT9g)8Gw*=R%2-{x6){;F-?D6K$_!k{r|@>-x21ohi3TNeo{ zJv)6&XPR#w{?`leazuuYQb%@F{E%bnD|`)pT^P&sGVAqCWrXEiE!f9ZO6%o}EJr|v zo7>OPazIh(AFt>3OQn5o>nX$Q5iS;#yR9Z&gz+#do-r{n5p{z*WfJPgWo%GZLa=o~LelMZQ=?6Ge)e@I+R)4^e&I#gRH0-p=OAhb$Y z01fI+D(15q<{}Kj6o(XtsB9ugTw;+^m?ej3ZXz`cL&QHC0!`%LsBa2wJVp*uqFDY? zi8_vl^$%siD{C`L1*xdG0FRZoRKA>d#gHZA=i%#k6pK%Pl)1k=CvgmS3IV+Rel~Yk zit;@KY5br{wyQ<`;>?0k+~^j@<1YJl$9B#^_6T5pm>h$d56J?zBck^KF{GTHp!@sc z10)wF1o7IJ-@cN%(d<#yxfYsw6>-#<%jun%VZe1V4wB z9JFIE@4uCdTo3o=1|5wTj7~eD(2riP!-3;nBf?~ZQw~BawD;cB>YU4aN(ra?)R2pD z$?jzSC7oWLr?RT_uk6uOoXvPkqk&3>%-HQ|@jJ`y<#DN`&HQ@~-@8~o1D+2@3)_Nw znON_pks8apILIwkTXTw4sho*{^WFMA*g#)^F-UpJkiixp!_V|sVWFfJR}o*PnUi!w zf@l|Oc0lCF?o(Hg>?4o3SU$;xUA-1UI=ZhG#bjq7^An z^TM*guyiT25Xed87YhtGX)b`QQ+LE|2Jj`%B|-c)*h-U&-#RxBxJ|nXskI{#bEg*v z7$h}eW)%ZZX8V85O8H~_Cs&(I za|RK2q2Z?@Gyi2J=s#{Zt>YStYr%yyI`F>iHCBs-1;F+!A=LOU?tNNYK>JpSYrGuD*&zzpnUcaPp#K=wyhRBcRz?SA2;!!F zQy`+|>?dSZyQSTdCV41e&GeTOXR@0`Jr3knQF7^(ldi*I?m&#WGdRH{6q(Zsd)_7(A6+0andIoF~^D++_s`JT?X?s*DNFicy7 zE!FxGSNSg`Bq1SN>#AWcj|px^#r-demApmcYY@Fp*GL($8i`o+0dE%&Fo6sbLGpV@xTJ~u)ua+;)HB_7vGDITSgCD zfkW|*)Mw)rZ-nuJQ$yEUl8bWD#u$mjq$vTz+yUnyt^c)Xii+@rmJ^QfA%{;pQE@U; z$$q;jxYz+WL`W(JfNL43y;HZh=oG!L1Q2;dQKd~bsghv26r=dm*0Bqw*D+HBqi;Hv z(`y-%sK&9w-;)9_^o$?Q`bu6UEphC9gFM!ynrnNG{>Rm5X4 z?tHSq4r9t)A_y<3?-+0Jtsu(`jF^kEL`sViHoY59$F58FK8dMn{B*2iUJX?P7no~v zXnF43xbZo?Q@(;ky`gcg-fg4Ac~QiqA3E3y%*h6&u=)Z*V8kdtKk%Brsjl10{|{B) z6kJ)?wY#%p+jhscZQFJ_wr$%<$F}W`&5qr%I@ZbiSDlNmYFw?_SF7e8bF4=r`_hOG zN}_1#_X6M>7_&a;rx4#N!*uTCye$$nh`r=6PKL%Cyt98`jAS?XD*1+ zVv~{}Lugtb^hbeK#nec|$om6k=jLJOzm}C_o{!tfJ*Nr$s8%b=PgZYCUrUPLgk;9;3Mrkb6Md6&CP;?E>|F815B#ucqqSzd*taV^Ct3>i0kWKv@WScaC%o6lt21d$B+l7CT)uao?5^iRSSJq>ds1oQ=bvFgF=Rp?=^&%p6Hu z*`bJhe9dlW4{N6BTNv+feL3tPeaGNvjhII6%c6@_bdmQjh}RocT1gf({}p3swgl0K zx%t!60>V%u2U~B5^(YTJ@^H&a5dyT?WGNHsyb2@EI8C^@n{0Ipf+rE9sf97`o z{mYkuS%#!bO-rjJCYX$7e+2ic>#6T4Zx45kBszwuv zJRm|f93?WFtYfDwK(JJN8&3>hw149gU*>nAc;a$Z;v#R(u~DLQ%%Bn#R?sq9zy18u z8Au*a^3Sp<&~PpW%SJKr8?M2N*f~);MAx8nm=^Qh;OqcOs)q;`>P!;6xidDcGVN0_ z^_>m<&ppF(4p4c+FeK`mA=^&`%io9PESx*5mw)B;X)p?39{vBFiL^MV-MHxUg`bG? z=sl%(iFNKSa&V}N)8t$7%$%UzQu5>a?>C(Y=v1{J-YPxTBfhk_8P)ZJX9s-m_HGl| zc^7%lfiZQ?<+UCos|%UNzJ^@`xlIm5M}+YriPldxNuYqmJr(5K`~2P-M{bul)`(>= zv7h2i;R>$;>Lq6mRqQ?K_t*PZDTyiSr2#ODq|nwDp;+aH2PVO*|}I+aoD0zW23qkVRab& zIZd&WSimMsHqR+ZLM)C%tf=HN72+>sZ6NM1JyVZQ$bu~%k6M^x^0(Exv&W~G1;P7bX5*Aw7X$GB>q zUln0kOvmI%EJJ>vO*n-}aF>2y?sG)l{EG*B+PDJH-l6ARmKuN64zF}v)9a>tp2uYf zfV0eK=qRypKFFWjHr2-#moN<$VL-C%-MD8tVc(x8{XO4#fFYM`#Y}r-JO8xN-3|FU z&{IWoRRUcYzVo^;WbX_8^GTlzwvPAyFJ#u_d{N=ddEi`_45XB_vj{vWTWkDl$FA$$ zN$2l;DNKMk52v?0h8|(EQ57S%>Q*WQH#KIXkLpVN#Ge@ce8O0q?R-1>ZwU1_07F+i z+PrzUakp`m)=y zwjtQgwnIN)ID(Yt^H-H8n51@=QuV5LQy-2JU_+jA(MPd~K!Q@H`cjoVX7pQlswDjIf3?}kCw$qm z|J)WBQs`@^^QsVO>uT!5nf2%1`I;JslXpo zu22cE#_FvAo1d#nKO>eaZq=lzG}wrptClhcHlN*GZIx2auLF=h<9Ep8+p(Qa;i$~f z%~%x^Sn~ABm0~xO$A11HkxfxaDBNDCIyA?G7Rsf=LayKfMgfqh1ZRq%TteA%B_-fL zJ7}`pJaeRxj8K?W06##0PQJ>m*p}zHjIi*Zi7_ED1E>g+zqpawxiL6DJ$~bWlm4Pk zFLxCTEX$je=v#!71sd*xLQG}b>5h-9Ito8Tnm#}+*9n3xKH74>GIGCGzw!atp#t*) z;g_Bu=IZg?nsYx*Mn+X>&aX_@+6&F&GmQrxaV~&Reiei)#(4>hjg}G!twElo171hv3yn!nich7?d3>XK{4f)Nr zC)3t=b{@_L$Tq@&2FPe_=i23jZNtw)O!tmgF+OHdz@E=_5#F2bg}e!w2yqsD%ry4> z!hT3o=Y34m4O_;Z1z`_@JA{7#k1rH8HNLRKcrsqBs<9H-qn?|mRW0rYM*>J-OX(~o z{%Br48v+TWfC-k8aAdtbDR07zC|v#p27>(H3tX0gMvbeZa(!O)dz2|03Wrj3AW||B zM}`G3M}j~vkS@!RxHSI-s?5khFluY6_#0Kt??*uhXbS4iwaHSx)FO zk9#l52?TKr*%iS8nJ49$1NfZCv~K4dsYdK#m$d`e=PdSwI642Ws81!w0^$s`-leI^>wO?ezXs%c5w)3 zZhyTW-*0)p;a*qUfqEqLJ$Azb6amid*5{tt0|iry?o2D2C3}toOAM z;3Y!Qtl4xaRli&*&+2g)soq{ZP{K5-o~hu|q(NtK9h55724m|%8MSj*?P^%&;QxSV z-aHr6cBzuM%w_S=d7QC%4pL+APAaJ8oYn7IRpp*k>*GFipdN@}0b+1a$JLvP9zXc> zYWqhtH*lpvD52DL2^1T|e$wC`0o@G2=0 z(We(Jy0Vi>$Xf(1(*ZOiEhaSBqhMCKq0pO3$fTIK4=3^%Bv$rRLfU$)KU++GB*Uj+ zumac4jKgb-D%#+LB}U?5m9{d2#Vn|=o1M>C23k8gVZ8x~rgNOuva0V^uzB=mxAi&I z9=dm$NQx>hQ3)H4L&dnKfE)!G1IF!`n?{w);wWVYs2RF&s%-3-2qWce$kb1lCC>5^ zQQu-cL32843yYTA$LDMVzLyUD zT#Sp&!)0Djbp!-oEhno7XXtRuLQW{~AI#_Szz|sTQa+$fy4)7>`lVqy1hP(WE(X)5 zU5QXhd-T+WDTX|v9tsrUM{TYjJzb3ks9{4A(wV&H@u!7q(@zv`B9Ck}AOdLkP;64n zCgHRM5~R7r+cj@j`9MH)eaD31dxt~@$ zOVhAD0X;x}fyT;N_(T7`Ylsf;-4asU@mZsol50G`=5(@Hs|U*qgo>W1u-G;K)i~aR z0Y*HU+YcS<)&UA}l(3mm0nj9)+oIQWu2)!s$7V5oA|dF8%<{{ErWAh?wB>ec%<@8l zZ{|#KBC)aLxTAv60hvMA!#M|{0P$pSF?VGaO(qdF{-0GFvNj8{51|qgQ*hvh!ap*J(qf6IV)+Fm6Hw2@)~1W5I9W4c$zoge7-ut-4a0^i-J6*%0vR0l zG;g`Uf2r-am!1|rN9JpEo_MtU88d+D!8s)^*f&86s3H)-I;)WbQzQFz!MaiSfQ8U5 z@ni@f&`Kz0b@|=*3pHeS)Klz&LW;N8FYm%~1_Y-%2hEVkV&z^<>WnWajw-N3? zlyHQh^{2LYzsJJ?w@ddciOH6=o5hz80cZob8U;cvv1e>M%gX^mqlC&Z3PtSMVb0m}NR}~T34#J=|hzhp5nn<*YBpYn4Y`uuP0a}>qgAM7V21H)xVF`6~tw924R zdp9Cm3(+@+Uz02s+kuUuwxrixyFg|-&a#G83*n)7C_k36w?Loa~ z2rhUS*;MoMw=L!tj;1$m8Jz2T(YhZXHIHHj27Bzq8g2}^KXm!8xqwI}R#N`IM`FY0KUKGuQRO+lOwvv9!Xu%Ny z@a3#M>r=|BJ^pR2>1Z!-62Ygn%W-1x)(qVY?LAJn>xC2aLnHD`drwy}Li~+@BGO@+ z%L*qim2hfYg)^kg9K$dI7Koo=hAKh~V+WjS5U@;TaKV@_a1+*MY^2c)e~?y4_3LTf zg=7Dy{Bd*h)Qk1Gi>gHCGZAnx%iwpj^Rb{3|2~?%qrLM{tN{gJZSwmA1x=8jMrW{t z?|(3D&-bv~1bfWQAIBJNzooPJJ30F3WAE_O;m)qZwf1B7aLdMXF?1nRnV3&V53b=X zc?Lc^jHmJttl;=VO>e#u-^tg&nkInKJmoXa@x|=$qge!Mk@j*GZnfybH z3oOH5;a(hYcj8wy%O*u>V8EQ)7WCmN0rM=h>SOu=QhpJ z)8=!P6eM!dKwL)1`?zNzAe#q;okW@uyZbAmu()cXqyk5@?`Q$rxOv6Cqz2#%-dR}* z&25Y}%FYEqE|8wGnZH?K_P0Y$AQJ&OQvl3G`L2qln48(OQ) zkAbhFk?jIDbZSYIB0iIPj=>eK8W^>8Zw>p)9jAkFmt!$7c|q8(u@q{G zj00>|AzHCgv_$5Rmh6ADIHV3y`{K}u{+wRC&FZtxo|{2Xe!uDaI~dy(|M&e(XXJtG z*XZ|3uSKN$>(6Ko{h@D*z>&}bPyD|tNI>)Td2lrNPA8SX3r>Jj+E?kS|0^YQe$?|- zp9kpI!!@D69ZlbN0^5hZ{?c*x5;5Yef`56sfz0*w3}BO|>sIkJw%LPEz>lXFXvpI# zQUu;)K>$y7_VY>$x#b}h(FNSP#><@NY+TK1z9@LcI~K3fp_5n4C|xOp%n}6DN`U8dW@Qme zA|`s`Slf;Is(sjuw@Ha=hchMmGXmLl$THbBV2TqD7&8EViOKpq)J%dk zQ9bQUi0yrDUEtefAhkKj*LuQ)kaG;;jQ-TgQ%$|R57o2Z!1pLPf%?fD8lVg6yrM`#5m? zF-hrT^6Q6%E1nHBJc&vU1y;I-@Y9hUK0`8JjsNe{TuhA5>c7 zk{s%a#okyxCSt;&yr!eSaLBqTYi1v51U_)uCsE^`sjcD<#)4E363iCZKb2Do_cPL( z45dkuSLh=IRIp&2OeKRFh^WtjxhQJHTmxnasUHMZ3ZH)Z5Vi~rvFXKyj7;1w?m&@y zh9pA4nD~H!n(DiO9y}tuDBq>!VOW1S1$N>DShJBAlu%P%aeo%a92pEM?Kzq!$p&)n z8C7W^8*1LyFTxqtvuZu-a_^iC5=Iu&5GW_)y4B1Ep#k1T!>gb*Ha4YfGVu{d67N49u#txmO$i;;(zCO6Oq>g$VwB>CZy~L(y>x zLWED;wFm!G{4?!&WB|eU*Hyohhp&U@#A~=aCaiMToj!x@*MX)3i%W0cFZ%61SfZWI z3WK-z9Y%#)NtT5FuLXEk9Ru^V^oeSHZxO)lWx->O1H8|i`@f%m10hE{{@37k%ahpZ zqlY+n zm%L(9&xj=)ctZ$$rF*B^cu;hVEx7pUu`xKZvsp)JP+TNjj(*QkdWSh(Zdo z=WiSl4h+wyOqUitRxcLD^G-@KR9NePT5(ZQ>_Au+V=hD&6k7;AMYyBoPdqtLvO^Zb zNZo2;+w5Q3&t{0^u!dXJlGwjg+JTcV=)$BRI=G}uaXcD+L5nDHAOfz(1*y}Uk0XJ{ zihQZifoiF~*DP?w)^MOrr}LYAkGJNm$ZTpf!Fs2=dcPPnP=E5A-Qz2W{aN93i8?HZ zfawRuzz@vGKW#997DRhIy3J3@bo&f+c%N^aa}(WtO^a~z$f8sK+^Sv3T1Vid&sv9y zMXppu?^y%VB$pIWNg4{V9MX^Cp7JL%*oW{1EY?FhP)&Z{*{K)pFUfPD?I|OnwLq8e zJ%fS&l(gPR%F{yUdd!)wJYY=Y!Y~y{;K}5`TdXlI**YXN8OCQ@fCRK+N%|@cbNnvY zlId8Ga?y-dxXb9Uuz69pL16tM2}DJq;OJk9Q=748*0RZ-lZ2vkm7a=qawD|Jh^3kB zf+FV#IwqJ?RlONv`}1T$uGS?xTEo&)rQs;Azj;x=8t?b1;oV(CO?_|ZZ03vKZ_S{!FgWv6;J@X)8C0& zWdtwNJ6|;?AHTNp`*gm~e!NdsjzFuxYuk%L?`-h<7^T7Q`)G^w;ik#|n_cD*cMP_N z9-SI`bi2FyJo|F;&L44K-p&7P$#x0iXo;9m@S4>6NcMgp4-#t?k7`gbFR$M=12xX* zGGpWZY4SO|}^y(O~j zxGY6!ka0wn>{AGy+-_Eqv@<3M#c><*wEDti3(2gs_svr(F(^rjs!`VWbR<|o*lKbL zyZw0eVHDh!x$QbZ&bcj)DI3XkmC-9E4xyO^jIA`k;UywTiNSKg=@DJlw2y>pR$Mh) z+7Hs~BX>-&Etj!$~P zpX9eYYl@*K^4SQrqRhhvPaKt-5n>fk5F-kXe=W15#EO^|GZNxWh;@9jOwg7!d=2i; zTdg5tKt{)#ebnc0D?N*EzCnMsR}-Y6Qh1ZwVeoF{%U>&$-ApWQrLe`|c*$8e!vqID zX8lJk$c7qvkAKrB@o`~0Y_Q{2Y``vbS0HfcxRpTa#|v@f zFmwTOu~CjZvs1)xU{I2Qz@*muaxN^!a=g8LiA5L9=Tweic+53xBcLv3poAn(!|pQQ z-frx!Yea!|2g}&xmu7>M#)Q2_0NpN>YqCjO(e__sAr%nJ`t0-=4DP(C^0rN#N1tyh z&J*^komZO|+L!5y4RRr_G_KTmAUc)}5$2E0woP7ThH_{=$g?50&fT;1CfLH;(M4ho zZxSj=Hwt?#&4Z%+jF~U}x$&M`=ew3KTdgZQI6Dr0Li1C5aZU=CBqHeW0vHZO|{v?6-&Ryh>8MbZLN zA(PmcbDf4I+i4yqH6h`O6)AT78m(VT>gpiK0BLFIyBhmT3U`$gzgyr5)0{Y%gHIr~ ztfg+&cVn7?p`?bRKX8<6b z#89M&q&++fTXkHI**Jkd%`7X;id%{_8QOz1dVD`CoDGp<=*oQUF>S`|!GZf0?Va{Y zL8LF;MSmr6SRqa5Kx+*V=P5R1uECU^=TtlvkTcDzy=kSMaB$iq$=EN5t0jxWoL=Li zb1DvxP?yh2fuUfEu1hP6gVww_Bj9D<0gVTKLjIISQV|Fd4b1CD)fBWY4g<79Wxmp; z01QJQ=D@NI!SO9a6a?N&F0$m!vKN^lf`g@gT z71}A+EUn5sh0F#PgD3+Yvml~525Z~abpBaiDrsG_=7)W%uWiHVux#eqZPRd2gscuG zukQa>P4%b;lM9iKM0z7u=w)WKT#|5SPH29lfH66%2z0s3RUWG0ZF-PXHDRE3!zR5` zOB8=+?Q5RjO}_tCX6eXp{8h0ali1Ja=foYqf6FIjHYwNFcOP5+ilMu|d>OuucfQAz z9pA5HJ_2Hr{=_srpu)qPK#0&p)z9_@NPJe!?5>d1RE zTRn9yPic;4gGHP9ed(ngVQC@wW&H|e2 z;E!U>?4`d#uRK-EbEz+rURN@i`+X5ZOsI0xH=LTJt;kxu%uAN_3sND z^{>6<^oc#z=WHfuKSjt+$zNPZ61+-jMtP?F$ZwfV>d}7joV%@%C-sy_l9W@J>o0c# z{+MRO6z_j3!i`Y3t+|H7iHoA5fpMMLz|yi2u;B1y0ytFe!MBN_Xak}%n-^uKV5`C98f7`(#m5zrGdH(kPfwG`RdQ#W=O#`FMh8}DBH4F7!mIj%#uX^ zSD(X6OIb9sIF}#FH$X5}p@0GrT~|7NzBM9+M^Z&tU8s9>8Z=78BpoAcN{khwiWOE_ z&89K9WV+LSiUU$ledm^uG+hS#6N14wIyA$1h%L}3GI39OZY%n}P{PV>Bg=Y5p z;DX_E;&Z?5v&cYy`&G#E9P+!RzaiT#xPBwp7lZBMcs=zVCs$|m>hAwdAUiuAb(?>* zzr?+6#JwD7u0$>qHTol`gNj=e{4>a=m=-}5lRc2C*{`kqf};1@xcVI>GW#z$AQd#N zQ1U|fqFu*HMMj8_i6&;$IBfylww$&}8#p%?Q-A|%y+Y$0NqpA?&8c0Y!WS!mk0OAO zK@2kizIkB6(U|i3!*FD}CBwL6ITaNh0va+Ft2O>z27iGtJ9CA>QUV z40A;VkssJ?5|=}t)1WY{@}KLfmeir4v_% z9p>-&vN=u}*9A*xI2$9hLly4>3{(E49$gvtO~rEx>@R1>%L(B3<`DiITjhsbI*|Om zY?gZru*_;&B6E+=*PgV_@Mvmn9p=IbANpi1A{lrXAUUU&t75G=_-ip|q80ly$$|6& zWnBKQ$Z5gG1$pY*W54F8b?ZU3C4VpPOg62WbW)e)B?r_GV@iy{3FoE{n6$ZKjmP1k zA8E(x+C62C@g5Ie`34xCvapWLXM2e#;d@F&8&l9^2=cocK3W8Q`4tO(mXIRz+&~Bdkrk)R z;gWa=JQurFQ`u3G2E63rFz+_kp4Ng&x04KpbD{ukQmsS1_;ml$W<3m$9@C!EppV%x zd8XlX?%Ka;&-wlGh6AgSB7-(axsmoFszeXR#>FdT3>yOGRH5Wm%1mkd(`}c7hH4Gg zSF%0zHFQ{9tq7)}Z)CJ={-K4`1{uRF-@r3HFxW}84M153SzO4AXww^KG>x!0KF9^>jQ~c^-&xUt z6tMEOdUqaFlQk~+Qt5WV0Kou#RAeBl+Skvj*Rrr$>QCc2GQ%+Qyw-&W91upW-y`Ts zEa}n-sefJH^ig9l9Km)e21W)gjRuPBO@Eu&OU0lUqxW0%jF88o4h~WXczVNPSE7#} z$PmCbZvW_y(kkWdycgiQY-fcufheHT>aXAEV%uS)kyL3B9$;|sQ?3rjm4<09SX`(SRemW56@;*m~vQ-oktu@ z^aGt<)dYnTcwSZk7`!iHjvDsnk?H<+{ohLc#!hw-{Xg>wzh0}`t|YKtA9)Cub@UKX z^(Fs9z+ZQIogCEOhVs8o{^Mu@H|`h0Dr$S5kOZIp&IDh+UU?kU()OW|1~42$`VY7} zCHP7$X+px3S0N^5HoR4+{Y5sn^*T3B9>{ke)>I^=NIg#Hr8$`jF=3OZHD|SkipA%V z9{bf#G?6&clSUG4Qm|n$AjooS_!+kiP$?QC5x1Kxfqao~?f@gl@JDsSR>WimD#jL` zdk`lvqd`RudzXuL7BFLD!X}0c0Dj1FboN>*l2V}q%mOgNRET5_uvse#v7JB*1|!?g z@|rW{lN_5YUtGuK(M{2Qnma~{aT85dpUP(x_&jF68#Wo^3r z6%k=^Sv2&%e{=tyuI0UKJ&OndD?Uy0u$wutY&#RQ#k>BH^p7O>vjE@$4GsPN=O^F~ z{-xg9H_?PXa3twAWqA>H*h>N#NrAa2E``Plc4XcSUsM;%z~LgZ`N@9O-1@{Mu7ui z*5I7LlP!aY=GJBkfztKR%|yxUB=wbYhueQ$MFmYk@FJF}cJy1}(=# zl|$9_bfCRBZG_~qml^Do$w@3l$5h?oI2XVH8eW%l3?4qTHh|LRnT99%r97T>`u;7EeqDdPj5@zoKbtPa18rC( zJio5kxb{rqEYg2B$^8B9;Pvj;f4bZ?+#O#`J?%NWbnO1IKeB(S_PV2lqmkW#V4{ea zt!AMZObe8oojv>%@)1lP)Fs$3faTC&@829>?-(m2lNLSB*F+D;nGlX0#;PwI_$sD1 z@CY$;EOaK<;h+~aR8ur%Dw1rv`o)wPL=p+=gIX0|o%^^8uE6~V#Rf+@QpU=zG%iw3 zZF0o?HsKq5u{-*ZBIs0gqGn3ZfaNg4E(jds8=>SycV5s{Idelos1Q&?Ml5>dB^T#zEu5f-m(9g2FG1X$0We#XMR&+ul$xiW(>=6ac9sYdq@gu#0l$%lBniy0l6e1n4 z8`-L9k1j?mOBP+Qk*1|@U%yq2dCKyV>eYkIBRMr~SiOkro@69X5?Ykk-7Sa1fsExD zAMwB*HRiQcHeu6ua4ftJDiivzb1xb;*n3I9Jo*<=fc|XBUXF!g*Cq>U@`GmAq@@c* zRRl>*>q0G1XQJJ_`;Vu3IemFw?!)wx#G41h>)Id z-RpoAG2)SFqXUl}|0059Jr=7(CIgk4?qp@Nl3q!J-bQX(L3mZT!4cxu zaaVtJa54HVTbt^;su%HXqXG)S$Nu+eo{djHx-#HB&wgx+x%=EoZqo;K_>4`Cf9pss^5vGHMGb`!Y5ODa zSiRCDt0a!gcJtm`6clLF$qjm{M-Kh@y^)@c0a6h>v|ANRCWAa_I74=svtAmPUvrWD zXN{si*IUAX1lV>$(}WIt3xFuxDxn>25qWN<401-J^g;!^%G~hMs7CGl5md_v zEk~9a&B46>1F|FYDLJeHEDd1DTDj$J{bBffm-(jp^-FC;x%v3kXSVD0H-uUp_hp7> zZANtL3*BZ}VP)6Kc!0lwxkzeSC4~F7pc%W>PXV{L=*;ncK!LEl)wiX&jAEG^6UFi{ z>LB(p=(o^42;k1?TZm%Zr0EOjej}tceR3!AXz_YW=K&Pg1DGw*J*%sF;_}`F4IWmr z$9Djg1eF@uax?{8WR`Ff)qtt;AE>{g&G3JlerwEJ$>!`Iw~p$>|KT zn>xe|mmDfJM8av82N^rbD33Gpmki-kmQXtmgR)j62CsC!(7F2K-Bk?~`~f44OoWFH z{E(7d=LkB+JdiPyi53am;7P(13DMxQ*3CK$8HSQ(NOxZ@i`AM*2kGG|dtn9#Ja#m* zIe^4A96%)etvwlzaa(y|-BrefaN+&w(ohN_c-*)=k~GSOs9<`O`$8VibLk})Iv53M z!H$?V^&^QQY5PvU$v+uf!B(C2q6Gy#!**oo);2HzaOnY4EZTaA+}}|x0S`-`DP2bu z3fxWc4%%X{P%!1fetWp5Mckl@Ca2OZZp{MfG?@p&=-7xY2gYjQlV&D2meYIe40n3y z@XcM|j87fIR)h5OeAU0*eKjp?!6FU#uSbXMd>mg-3kYZwAOm{dbX^)>y6izTw_ip- zQ*Vm$-o~Tazf|2;eR8J?ivIiM2h00E*sa2JwkbgM=be(D%gN{CVbAF?Xe7XoqJ-yk zJbO=#!>A;TH!~$uO&SW`Vz4@PR-27m*GaT$Lh&b>=Q*;R!lF!c{~4waOEHmU`iCI5 zwP~&Wj|o#n5;l^OH7A^OZIUUypXeqQlwH-t+L8N)zodf8_>&yGI zi^e&HBN?eFlf=hriK4K{kR+jhj7~ES^w~#{)g5lt9#Vz>!U`ans@-9=xV(2XB;|vf z+aSDTR4dDpovzCTj}wICTB5;zjZw1N7U`8ZgG>Tf{_X7n_PyO=%JA_l4o>Z?`C~bv zU_z9U50FVsydhw|V&&TMr^w#MbSZC9xe+4buGB*rz@hNiQ+(RU<16uRT;{a#{m&%~ z$-)YEjR>|O0TkCt5bklbPG4sYQbA!y1U#H^i6J0kIy9^#ZZ4saR{6HlJK?W|*73*r z%V750N#`RXa*>h=NS&ucZeiU_ZVab=1S(~6&@gJeeSY<_m>eqE(g+MR;+e*mOYh84%JrV6A;5O4fCb19V0X^jjW0q!DY!rjreLy) z71p>VgEKJtTrgTWP_otig^1QUeYfu09Vbp7@vz8^=3%e`BQj)CKZvCbFi!>LiS{M& zB$*s;Yz65Lsh>ya&-DS>t%U$&|H@{~P=Z0x3`YTx4OLsO0wO$w1p%B_8ucF{UC4I= zxanLoE%R~LeqB0bG)*f?K=irk?DW#3@NY*LeEs=Pllt}gO{_Bq)a`bd*7A-?M6-EO zuk7>)d=BD||0~M(!uRjGaSf_lGU)5U`TS1#uX+DY;O&?5${gD6YwL7B*>`%;_rDK* zfDXu?K2RtPkG=^VmNu>RWKP49j8~OU|^RJ`{!s(cyu(ryu?_}c@#tHw@HmC^@K7pN8Nq$4qsn1NP@yPfXlv`` z*)$?x^YF-1JNW6QU}_33-oXHZht|be=I$0r!ZFsv;s79Rl3RuDv3xAS28v*mvNVxK zcBT@?{Y(+}O@RnYo~=55OBE|B@_u16Z7{6oo5agNzG)l7O&Y>JU z!6gUDpT-AAAPuMJR7u?S755<>^?~>;S^}msibF4yUAWIg4V-Heb#cmW{$)v;F7F}_#xd0hfT67K*K19H3r95up#{-o?)ncRW(LoaQ8@* z2)$^0zovad5^|UIAJ258>36<>Vfd6>te|4i1tqYYltmCuxQVs`*(fL!qETe>vu9l| z9yS8n+R_f1oe;@g)zGkd8a(O6j4l;FHp3RkWLv-6vZ8+i76Qs#diJ?-5^sjGkRA=qdEmcUzwXjM)k$Bf)2hNBg}}CdEa`XtYRC z0#Bp9rz>q+G+I*4<3e$cZv%|Xv+k-xUrw!ugQJ@NG1U{ywskKpY@eO`FEDlCykcCL zX706W%62H3+gDf$Q8?#JHveIUHvJy_RZF-GY?YdX6FzPOtPRvRj;rA||L2R2$L@m? zdXy{Q`=~MBrX^o`cI(^mn+w@bQs|CuFr@2lult=mfp-OcPkzEXU6L#RVfsCxg%9{V zTfpBJlU`R;y*$4=^h^E2sp8sX10G(d>+JjvUp=z!f`tFDmZRI9S@$Q4>vSDJ>+4Yd z#FK*YSAqt83bbmTqa4XeFEbp%hkao=;JtEcx_r_=#{!CNq|QCGaNuQtzUB0+d_bVV z(W2(K5iK*y2{S6?dbIfeYXSNg!}nc-KogjwgW7+o<$iKnYlcY0np{4i2E>^y2?CN| zav2iIFf>RcWcs$?21fo^9D^n^O{rL1^H8AJ+=n=12!}{^9^SUtu~@C8gBe0O8ZMf1 zfHZGAsC-qsx0Bk>zj7Xv43x9sM`}MB{WJ!KU#-ao+uiNC{9^`K7CWPrj487|YdFV2 zwg|ynOBpim7fB5!nx6SUQjoCJ`5f!C%wnLeNY26|xUQk>^bX+*XrI9ZxZ?G-`MNsh zKVLo>459?4Pd>xq^(5Y!Lqh%B=94xJ+uVb4? z?FfsN=_z9@2ITlmubCwo)0~-B`w^p$rp1!X_X2iv6o7A&h76gv-1a4Z^hbf!f&-3s z_!6iGxvhH^sB9J?Fd)~BW2knudv`v+b>Gosi*EapHh+GO!^=g`D5xwquG_IJII5iY zU&Y7j!F)kvU>w}U{27RVF*uga6CcXs1Z6QMhI%o;ixjwN=4rzv2!iGSg!ZV~N-Bdq zLJL5u^WaTaBRRDM-e|5Am5|4O+tp-F1 zDF8$)1QM~zZIoF53~4^Ai>%*AH#P^RS;y`v?LP(6%yK}xl&~pgBiLWJ?Pv7e`T9R_ zTSSRtX;x=4UGrFHOol2}}ka$Cv*RvV7}W@}kncl90aU2cXY+f~&9j)3Jjf`PTXSI3NQ^ zLT-=0yap3BEI-&>&e_c_4=*51zZeY%IPN9U}7BgQFDN0i80D+%iZbHtG zyI|DY6;F1h22xkGdnF$gEnm?2lvtNZfvJJDDh(#l#PEY-lhf}X+M0jsoC(y68Dl?L zF__eg#@MmLOMjnfTCk4!*Y1+LS|+>Oh^TQWhlwfM^ND8!qNL7~a4fI@z`-?bm%st| zsgkc=z3sHo(@P+0>1e?zgH3qhO!yE$=b@Z9&WakV(QbXt;6RuMFHf7rj2^9>oR{`d^*q?UHG_>>zA8ajZpKs zwzZc!+Gad91uMrj7m;|T*@UXqkK1Bg`8$B2GQ^yX@d7I5`20mX{}ZRTu6kngs&(mc za&sIdXk;R19Mqw0Afp08Y;+jNc)&1<<(&dHTO1Dj7}=i`wP*;6hr}S8%BVZ)xJ@Fd zGRK?r=)~Z3=_1x|?H4@9zF$%9)4|r$&*|Vmb*xPrTJ0VevZZ;*0BE&OD`1_Jcojex z7)89`^W)fYW^c-}FRQr^m@x%p#Nod7dMgJL7o>0|FEIwxx3w2CYyaIG$jZqZNN?4g zbE&maX)ioi=hmS^Z21X;f`~##=$7&9MAhXke5P%>de`R(>J<7L7J?VE#uZTKjD#n5HSA8i zR+B^GnLal-K9An-{U7W<$L~Mt_qf!F?%#gDDWt{cp;n)g#xedecq)4~mHm49()bp) zgnz2N@xR}?dm{Pi18NCr;xMOfg*)To1uj0`CcQcPbhq&BHu3Gc8LC+Hx1}&6$y@*N zaW?+?C8WnSZ#AK&-Uq+69I;+qNN6ZXWYSnTRZVYnNG*HXM3?l*EBux3iX=MyYa+>$S zy#~eU=}7R*T_Rl_&J=Ev%O~bU(qv2}l`7<^~Il)ca6yi_M z!7&{#JCX5tuko@JB6eYC?L~o6=PCK-HsHWb-2L&o|E_X_c`;s3Z~H~(-V1*cllL?H zDVTn_Zm85mD~G9PS;e$gvL*CFxB;Y#{sXii8g;RQa=hhuRjL8FK(_khA5>f8CFeoO7k^086h!;`Kw`m&HnL)SKWGCW3=2eKAfY%y#emU@5DsJ=?wcnr|$ zH+galPTRuI5?nIm>I13-c$~J9jkK8hkkBNdkPsS=85jA6@0qyi9X@sV~S+1;LzmlWlK{t`*5emo8~wJNYF$~^YG z2DXy@mm{#0%r8*cddVN=kP4^;94Ns7!{ydYBDpbpUwz*MX!mYKn=UQbLM;8eOD3)E zw^td}mNYt+HgC*nWXSUNTLi#X=c##LP!Q|#&Ehuh4={8qn6BGI70-A-iZmtKEhSXY zwu_?dpnFdji8E0wkjKjqphlhxy)Zr4?0yqe;|47^oxqDLc+u8nd7*R8>H`Os>vYHW zuXXP>g7MZv-izpnmdEW(wdHhY+$HJ%IYFeq8-gW56UJ)&B=1&PjA~UB~MT_X1 ze^pXb)jC+7ev0|Dy)mPuGA+|)i48#%smICil|9ey&pjmL#prGZcZ?E|G7HD6K*e*N zB>z9Et|>Z@E=YH5+vXoz6Wf~D6Wiv*lZkEHw(U%8+cq})un&8>9{Q#Gbl+3A>Q>cP z^^skltaG=kCh317ZhCeuN%kQ%Q8mwfT>XI9G&pVS?C^E+!}s6Xm>Y!bd5pG88ZX}R zhPcx=w_)R31Do0Uc=EFV0|9FGm_OPDKx*ER{NCiO*VIeDpC5c$TM}5F>b|LJ+RFvn zH*`M~?cDZ`?#KZBc?p-6&+4J+PokH?iN&zb^BUw-r4$2D8_$)H)sGbIPWC0M2V5g$ zA#i3vSctyXD)!ZIQ?S{|XSB1t(&z@7m>{7B9=N~QHzSmZGlEdwD6UdsCg_nr?MTbz zVy#mv;gUgeQkXov#Dw9=_6X5J#1>N5q$gQvpy!=-!7116Lq=qQ7)hM2ow!ndsW+Q8 zP^Q8-6J+K&!VGbACpWXJ9#QVOoqX_5!-!&bzVo?LY61^xKafIJ+hH=e``!ri#NJne54L9-v7s%oQ~7 zGV}Z7Cp%dA@61I9H-tiJqGE+oGY7-cA{^MW<81CottBQU7exgy9!7`|K>j0l?S{{FWzC-%N~xu_(hNlqJvzlL^hH2yY19>! z+%dnjKU;_c)nRwE=t*PMxY_%%xa-_PU25hb^ifC;BJ_8u*vgN9vDB9>$|qD?tZ)K-mN|xw*pRFOQS=oJ;uAVIx$m_CFVoFZksnphdPc9 zijw`jsg|PoxAZ}tJNVn0rhQ2!u~?`!XBFl3N2yCUeQ^Y3|3Y zb{*^aetSR}w_hfrW-pdTj1jk$kT>Po)Y{4miD@M?dw|%Nc*OtV0b!F$We365ASj`X zSG5VZMlREJ@ll3`vk=555sk_g4@It&;bW%*#hKa%Az(^XO#edR6AemD+`-d=zn6^C z)&yjgi&dj&7HI#IIU2y?i49n_&s6(I+s1P{LBpP>|I1@md_>R~%>xvNE*k{lydY>@ zG$3H~uLlinIf|u*x=HP0z!EqyM0Z3DY;x)Z@n&0#irKO&(c8*Cl0m5Q+!ATgHn@%Q z>DoZCizT`AFYj=waD=4i}z>o-rv#!hH0GgeRYQDz(?1gpA8eJWP%p2p@*!cX5uXGP-kI@6u$%2GPaa zmO>EYYx6aQE`fgk1poC46lfnZ={A{@W6bXb6Nm5@C6_7#lJ>a0O!=D$dd8(T1f$u^ zM&rwYM`Nz_gp=16O)}ddoujz1xIIr&O^_6p^-5^(OlHwd7b^_Ox9wbArj1rNlzDu! zU-NZSl=vlhBYVRSgAvvCq`o!}SsXCcCM6$tSXb7>A1;YYfA)S`2*yP5=it@gEc3fgQR?P}Z{I33tu_qetsHv(5LW*=M;68=Z>EX~Gp z6yQ>2f&8QDO!a_HOEu_+T7zhcGW}S(&fzB;Fu2dcSYPyj1nEQV+YpP2gc(23hMFYo zg8bBtOhQa21S7;zGe@@`-eWv_H%~tCAvH)&#$0afk_Qx#&`A6Sh3 z!PoVt*Ps$L1ffSX+r*~jv^Po>PK z1(Zeb*qEf!hg$Ah=sj|P+6qhHRXsx!W53r@G9X`6NFGCHa5xWFTlOb3{diK6GQ!ZB&#Ka1ASD2khr1}GL;2O&X<{WM(G~c+-9gT&A6tv zS2@9(X_{_?^?fdD-jSywY2W5{6>?ufeMw5jn1I@y-LXmkeUr-F9CcIJ=k~5T#_w~1 z$oDJXt&v7w|K;O{oJ~d7#~vOKiqw@GRdRC8?hFl_7H98lu)}JGQ#&D4mkZzmbWy~<;rT!ppHjL(-4US zp-?#7+>);wNUninPw59&oMBZEd>Q$3F^XVVZnb{d;j|_Xm?FiF0i`*PM6tkVboo-* zdD%G;ED(c9YmVZUWGKoSar^<6LY{u1b6G??mChC{NM<(#m5A=`9BADryXFq2zxV@$ zaLE&C%OM3~E>bW+XPVm8MHHTlrRCk|Gu=Z2H6Kb0cEwp1*AM8kCkhCF$Xkr60u@N@ zpw^Fc8ZiC&Lv!6xLcRenOKmSEoYSBf79~h7@nk*dU6yOPXbXkWrhJOkcRoFv5EF&X z(@a6+!`SI5|7{qUZM6P6*V-Bn3VPFT`|ZYnBk#q>#k;8@4JzHoz3RWI7w2`0-RQ~W zv)nsnB!_XTS`IIQAOtGhB=5>TB}};=OMk7jY12ZNwQliW{VRI4@VY$f25)dExeP*Z@b3uzzm*naa} z!DMhBt)S?5oV@a(G3M_ecG*b4VLrxRF_82vk=}oCj^bD}%m!N_16Rl4OD4K_>x1TK zYf1mA(f%cu@bv$QZ{4N}`A)On1?P0P&s^ET&dMh}wcP!I%j>m;x7;1*chYXExtpu& zMg7xi$=*%*{-)v+%I}@?OJ(|TeE3S--=Ru3itLnVPkn1Ni7z41@xg4oJ{_b7Yq)&+ zjO^~n@4xP6f|tSh3Bk;5!xj+&DWn}C*{9O>`;yoiDvk>-5qEP(s=7NKY*Lk@SStWA z-+Z8OBhgU$L6OCuWZ~CnpXHRj==)u5!MFpWkkfUsnOwfAQ`uDfyg#on5l&!(lyprt znL72R4E#i#YKVIA#Lp3}CTe6ziQW;j1|*VL$SmUjj#B78;nV>CS`(yJMdo7vPl>9& zp?xXYI8Y`OPExD5z=ea7(OY4I8fjm!LxE(58eX)Y8hTHpB)s?qHNDe>Y-K^177#zD zjKoX~eptp8nfdbs@!jVilRHu&Wv@u`j*T8tFl&RKvhUP!z(^P8JoqWxWB>7^Hip5R zy&BpF0tTAXP0|ms-st^LApV(Ml?yPLdU4ZdLu(*M2yAJtM*i@-)x|LT$#h@zf z{X+Jl<}x&%GQ{n-CRR0ZgD(Ze9tf*3Z=1LiOJg(!v9B>Crg*NDU!U^Ar?+eApj#W~ zW6VS}&RMYhTe^n9_QnW7QnYaa&W6}Pi`*fqK__PH$gIfV+E=x*vi_FIQ zQY4dcWdr{1z^}HqOiqGVcv? z=(YJy>)D1uLQPoHf&H5;Y1uyv{X%_3Q(#sOIARk2#7ts%tlB0baHC73N+JJ2=hRqL z(Eg;L(q;Ski-dRHyM()z#p8+Y_7r~haiDgw z+1|yNZO2{_q66lWEnZ$noB<~-7Y!qXLZc{6GP~%l_=LY65kJX~@*I_Rw#L&kA$>;l z>5Y}-ok!l1PlB&oa|(9{y=#oYuuAag(~ zDOjnpZ(l^&FdA(vV@S1MY9gb0-<@JOr@+pg`C5MXI3PN$JR;CkX3*q;<&P8j>J`(y zs=Z4p{d5-gPz^F^v<~DVmq_`Y(w$K_G}ze)I|EikVc?-A8VV(i0|y;tXxgMj9FOA< zOP=qG@>zVW>+oCq6KsuF&T3MOXIJLVPYgWzO^Q`q)QSg99GH*t5#Xa6&;QN+iw9d+ z5rQq7R7t{D4ZJz}M=L0j4VLZo+L{@h>Fy@_uxJsaME|qcow2^Y2ac;3vw&+WLdG1- z)~5d8V6(_8{n7^gHvb?~9#3yK)li~6F?gh3%C%agC86vtQ{FHewwQhz{M@Ex?#7_M z7c#`o9j6s~<)0H@$rJ{QeWp9gat}{UNd3h>Cl|G&k&JJZAdS#S!Nx>SUWpIAr!9qP!=@iWufpRkbJ=oB>NbPhs}M+M_rffe~u* zh8BISz(Q#DOHQki-$Zs+_69 zs<$MbwfnrWd;qug-0v7_WbrBo_T`09A%(lHHgt^dD7mJ&R}hQk%K1-xvtXGF1XgmS zlg$xVWmgHw8br@NsCrCKgbJ*S3M;<rGx|JT(X3t8nT~ zA@Lo1MlaAXym1c8c{iz)g~mx^uBdq3z=bx9Olb z2yU2N;{EkLANTdyA4px=aItLzYaSlKxK3RgqZhZ6dy zkI8elN?q}U^b^(#%KrZxenHRiT9T4kZ` z(O#PKzq{i5#HZoEfWk*&fazrhTFk~1qdG-0P}6zT$-Nc}3zT&FK{!cDI_%M?lF}$K zML6S6JoCR%MF)%mSjl!1OY}w|lL(=(T1{JBeBqDvIJbZFig*;V<=_o@@+xIJr0kNJ zR-h#HleE3yE&3tMC$$C4OZ{;m`vrG#yZZjWyYdn>W##12!S9p#-9&Y_QVkjz93W$n zL_XX*-jF!AVzoh-K8}O4+RM8*8@+3K(;C+kQyB;y9~)h)`~R_v=cfxpHX)15nU;d( z^-AI+E)~ru@6(j>{!FBUG~lJ1j~hAL>zKwro1*zkH<>#6!~tNpG9O&?6v?XB;vib@29201 zE4ZL*WJU`_#!fjBDjIoM1XZydIu#{)vH33O4<@9hL~SR#$3t9E;hrhV?|=czl{*J? zc?BJhxPUhu`&0B$KcO54Mv!vj*0Fl8Q{EvlY>t} zbhF7SJzBi3F+`2_P#GvOm9F$3lt7$VuHKF1BwvK^2ITy(yfBHd?Eu-Vk;vokHrH8< zcjg>Lu3s+(cN|!kSHI$~(@-X_-qZD8f;nj<-N*me8yH16m6$n1t-)r$a^LPz|2O^>~9=BUaeNHe0) zfZA(g4~Gun4T|7zIaQ;^fGoxK1CMQ5;~R0H2Ajgk>@?&_FkL|$Oz?+4&Oa(u(E&m4 zoL+8=DL*-~S)~U_jR+wpu9&)ZR5O71HjhRAp+qW^%>7csNmNBb{2`YF=0M{%;mmjR z7i^EvP%hySzT3SkHefrktCiA57O%Z0!H&|`=58!OCEfUo>}9aQxf1;iFc#)DB7@+SBYF&bXgu4(!kR-qWDc=2w+fbA9k%@$bdvYttgTI%7^%HCh zBVGbB43OBGke9_Kh5b(hks?@w$A;WOK}c25GBkf#fT{g&L8CsyZ=>Ss@BXAewOj|E zIqZ9?%8HcP?G6j)EXoKOSxSiw$n!Y%iYd`l-?HP0nd0pK}$9-`C=bnJ#ku_0(rP ze~9Q1YgjBzEIMO+R;420LHmmFx{rDBclz`5y7_Zj@udR+bAr>P=Uox$;s422j3-fS zkl*8fU$5_Lll5+mBz6TIYTd1cND8x<--MCgO|4(8?<&4$7pj*!`R}3G9~H_$cH*6` z*YEZEFH7A4Uxx%X<6inv_j}2}?W9{a5kuC3gv8f7?}=#~hnn?2?j1GsIXSAN8otvG zrxsq6byBe0Uvs&3GXC5ygt4-vX)1X`*QxBf`!9;2Hd=^{a=S)lnag3`rEvw3wB<@n zQARRFIv@!%)GGbR6Wp(^%2fgkw9fx zkZs#J_#O3&NbjfFDYsRCu(dnN?F6nlJb~#BFNDb03y*gcwADFFzSGu)=GV}t% z!d8dnk4RZjv?DYmN8IBnTgp3`Hk70x0dSO_TVdXw77V4U0_WpQMV=bBDQC(Mg8Q`l z1wT^<*$5}vCc;H<%VmuK9rdr`AwKTl-z3J^KA*IYJCD8`t!vTh`k?+BT}H$=SqXeT zc_Q&GX$`d{CKdUL8Nu>wh|2Y@C++Nbi_@CvmSLb0EXoH77@7L&vqq9=VmDuu`gbae?;(&H^2;8FnG7b*) zEb0PR3cWB#jVoPWxeT+zOplAD_GPaS>2o2Qc)v|5eoI2|=+!B<-HQ^>xwGRoEfJZx z|0sHghGT9g5|KR!lNW9Y0|S<*Oehfsd`r(f%|mnjE~M|_zL?Y2?iS<~jTKV zq3mXDwDM$oVuhkkWP}Im>;S@z9Xlo>2Y-$hJnS!!fuJz^aT!Vs4pMS8U@V~ylZrEB zwoFp5`MuG(ZV@b~u@LNh)8nkzEF>*;hCWT+R3b*4mWjd%TJuE60{EkZEla_{t|bcu z85xe5RF&dk20+^f0UN&;3+Xf)q3g@pcUZ!`?14qj*}9$)n1;>s6^a$A^!Bwj8n^zz zBMkrPttPKA^|A;AfQv5wj#tpoJe{C+UGu50OeeVsK2LhmTV`S!lTt5LqR?2BkiThy zUvBX4{PH?r?G(=HMP|}J-iZi&^EmZ}?nYV-bQ0P3WVA{&lT4Mm;&Oli4TVn7w>}>m zVFd6Nc5~$ZSn(@y+;^T@Vz@kB?BRQ8{yZj&6PRYsEd-*(djsFveb!R;mtjsPGdgKE z!8`5I%|&@;uAzI0x#^Kb;df%=Q@#Y zxa~~Tz60!7Z>-uIESBLk{>N=Wtx<6XJiU_8fnn6{hUSxU<%~DIJBC(D_Y#!(B{%~w zQBujZwKsO;_+Uuu!T`XM3w^%Qw9u za!N+v4d37U>PRF*@Xql@(?i_=^uHpkVgvBkug@>L_@XQJ!2AQKEuzonuQLMM={Fr$ zKO}>FC9_ZcbFY&3MS)xfHnMFXCPC_C)I08m~Bb?TprHspGt+Dmz0SX{AY&6NZ{=I1w6g zwTOjAFE5!P4-@G(fX(>9CTyzu$9jljiWoR;kYY~?S3gPdjB4Q~a3+4Xra|w4niN&6 z;W3&0IZb;hN;v6chqTHrlqnNU9qu;p!3_lEea%=B66OFCQki=N@l~)>*Mp)2^=R>- zZ9EZb@q^0DIE6!j!mj!fP~ug|7LfME@!VCjN|{*6mFPf()J=oj-Bb}mVrTQh<9Vv# zLMq8>vq~ny&eD9E6D8CLzPBlxpxmNtxnQ5*scNq?r6iX-q`ldk`4L(m+xNWrNSXmuc~9zOlS?%>`J%1Z&cm>Tzj18ACi8gzbfy6~PGXJpc+!z;}fR6;7EWt+J5S-H| zesF(*x4Udlao-;go9r;{`tByV@2(Y*r}?p;r)EBx2aTZDM~o-DM1y2k$gc~-yK{q=x5?v!a2vh~V?TNFj>wS%MkA5$vW}tF zVK!!veYo`^(bAh`n$`D&oRu_HW*I^ba=6XuL(@QX4hvI)pdC42)RZY!lJSwdafi#H zt=0=g>D2HRf>z37kuCIh!R(10Q46%`2O~39%_}wraW-wVJD%!sO>aoCL^M8ZDt43!5L2vH+^r9-p;)$Apg(6*5XCLGj4`@Dn?6?vNGGW!z z-R8QzFBq(w^=>w7B@kL96ERvMKXoT!#mG$I0I;7Pl8xrtox#>Vk`FEWBuj(X3xZ8p0B+8WFH`G+NZhHWeMDLYJO;qE zZRNIZjwZem#e!_9h6xo`Ubh_dH<`6xJC!Lbh~%UyjF1lu8u?lOiKR}vAEL`!`9zw* zsZJyYekS}Ar7^n75hZ_Bo;;St3Z)Bi(0s4TpU3ScSpff@i)h}%j60TsX9y2JeM_lL z)+x-Vx#PQ>;I7GMGAjs1%M}No?{Y##JHsr+1Csb%e!Nuuhs#6~w05$K0E&>ZJ5@Bp zwzZ7eBWZHu+>jyJ%-3C#3?L>!RV6!iRHnBcYTU!E1k*vbmH%RD=}X{-0G(4mMf|G@ zRRwm^WAZ>t(GrlpX0c|?iTrRP)xA3KSnsBi|4co>T@#GK!Xq_{vchs9Pr~H%UE&Sa ztAY|_k4hL4gAf#z-JBM|PsP=>k|O^0#O*8qC#i#5PuLjD;!V&sBdoB}8mr;S;RQUX zr+I!qYRmTX4q)&qeRMFbb)_3`|Fxms_3?2;<&cVbH=cn8vD-dL=a!@Z_Cu&>$8nigo-FTsY> z+BaxXJj_wowI^6R3^x~2RmmF<3(`LYBf}BwugV`qF>h)wM>d3tq$r=g{RtXy|M(JL z7M(PpA6H2jr{2d!Ytyz?9t+t+plZ4_$zRJAfGq@AVNOy4v|gxI`=5@x5+K!%xHD>B z)pQ@fL|VT2uB8tDYZ3Yinz51Qu^A;;Ag3y1FeCOK#Xlzm!TN`)K}t)TOB*ggWh5iT zy`&X92!OA2s_hsT;nNGf|J+5x8XMg~-;@wV&?9~vP7e&Ujo!OP_4Rq1i<-8xKwC%JtX8G%`s$ff@oI3pPN>>n=#gQ(nRP7j^}LZzN0Bu8^B?q6&?(52dn zjRmAu;wmTyRiwl;pnUFz``0W)tGLvni;Fw(RQKO%bZ9xP*m0$~HTepVuaRU(iX;KV z%m$JB^{;txD*N87+$1_8C|S9eDfG;I$6>@27e+>iC4uV~rUICSD5Z=WC#+U1j}nz^-qQ(&LC(F9m+Udx z`SDAfDX_!=UU)jhsjXG@0NO*?pLEoT*xWW+p)gC>Gv2nb5Dtx}Il)azclhZ`RQT&; z?l#|K7D(qL)?jBmV+vGLz9DOqPh+}3-wWn!vlDOE~ z-NpsE)N#r%Ba(Z&T%Y@|BZ9u?(CID{CeU5v*Uyu+CB&LgPpF4?)0UU#1BW}4PUR=0 zIRgJ&{h7dztrA}G%Y=bdY}ynt5l!jUsPWwW@)Kx-Zg{MI9l1VTFTW7H9-lbemOJW1 zf9_eNS4X}>WtnW_Hwzg2zzTUcw-hC%+D^OZTW(uCQ6+$3`$62vE1{ZoTSTE!Tjcr(B@ z>lTDfvFr+%-%b{Q!^>DtSa=@o*vvm`5)DnLhaDw4rfvda{LHP~_{6vDJP4Z_QneCg zD#S2_9H$(w;JET}^RUC-sRJD>CiR*|eCw*PwZW6_1T-t5bDst;_V|RI_FGrouMV%3 zG+iCw@~t)H(=^B^IQ!s8G)~S@jfE`j;D4cV#FX6~%glm$_6O`k)sp7>=6{>8k(2e| z*K9uOjZA)rhAbX<*=|&myA%7hQAf7I$aU+hqh1R*IihW+=_t%(KfK`lTc0g*!xzMz zOd4dMjweR92eovtraHh`w0rbP94McAZ^jg7^ko5KO+!XzG`c*sdr<(-N8**<@4R+o0uFCAHL0GUch0cfl zbC!X@{j-5Tl}7&tq$he@1;EoQ8?TbTQ4$qi?~Gb9!Q&nVAggl!b609AxA)k_)q^{% z1mS%pHkRL)4QFc$2Env0Nwix*#BdL;Kry~Rh*NU^!vltF=~e0ONX$?`VyN$CZtdz| zxV&p&|6|!eHz!V#=wPpYuP~-q6@+g~9~!SW;ty||6^E4xmy+cr) zG8uux_2sT54e=en)hYME?0fK@&)osVrgzO-AjGN2kNN*6oyu1Pao1WtdZ^glDVUm!zvZhE&*$ z31B*LzB&8{2(l@)kmOlnD{>Tw1_Y)H?3k`LT4BV-^=VWb{tZWL!4=%p9g!Fp9k)^5lVKErDw2`v??2+< zQe&u;Pkn!DCr{ju^l&g>u-}X24FwJ(89ffz8jnSi5qjPMxEcJ8LT8 zBa8-utdEO2(N;1Q3`fXx)fF=+j2UwgE!#9;IOLhRpTM;x#((%|f?%_QO>()pb)ZI8Tid8)@KEJ1B4vB6~2wHM?G zMK~+Rbp9F7FkMp+fqX-y_i2qG)08*p>4oK&598Lu(y?LNm{58SggPaVbp zv11vs3=JqCb9bny@UK>^mO{Bj(%;rDJMy|fe!b9toAmpu@1u@)rwDlKaZFzvGV$p% zTpE}>tgKn8B~(t+wz$;JljEm9F2!XWC8%RIur5CEZxe$35v5tClg~}N=RLD zVz0mxygJ-F$ldAuBiMu zxxArccMV)D55zBN{IkXS?B!lAG+Jj%>0jJA4oXv-OdcHf3u?fVrJ?P}4R^YVlHsG! zY3-pn8A_%VER|RO5Tn-Manlehc40*$ba=0J#I88LPQFmSlz(8HmyI5ikT;Rjhk46e zV7o$%!d$Y%^NVXY<3TjzzbiyT%Ldo5TpsAlAgAs?(HKx};eNrOnRcpBC1`AOMSuym z_=T^OCXo~)oFyG5u!Z$kkjo)sB>*fK+zb zRMZt8f(e>>{>is0sW3^?&VQ2w6wj*lh2!3QT2mDg3c{9q(kK1J^7J;tTevI`)sarbb{-U+ zk^UGSYuWOZrMr_=C^)XDZ%u#_>bY`NLTe3!~va ztlP{kYJH+R(<*$<#l5|chMW2O>#jw=i9S?-RSiynPy@~405sPW4p7UgUHQ^5X7&_} z_dxBzYNkboV&ByDhs_NP+d49&S(#a+Wxd5)q3Sxn+BfYJ;jGgNb@S)V9Mz+IKZtYl zo-%Mf?L#`Ah$t}nZu66&RHyT`9c`B-*=@v4;DVv0EpyCK%kH{jOB#MBw=4CaDBUdL zaxS87W91oy2n4<$+~#5O+?T9qNTjZ{;GzLoCJHUTa1cOB&nz3!n({(ioQn=xP1)?%^X#D(fR zWXwn&Sf_3oOM-^$9T_cU=QaQC7(0yiLB}jH6Bv}r12S+!8aZ zxTH=>p?d`fWaM_Fem43P{M6KSoGl!K-BS!Yi$$Zx&s!bm5xf*nfcIC=vnB=&C|Pl^ z4Ly*KS{fI>kIf<>-P58(qzyrG=`@IN<4#RVTI>#TMz`U)gwY5oT+Be$eCG48}iqF+6s%h z6TkW0i{bN6e#*MDx=0b{|HgZ8!MfJU)`11-?s1K)$M*5JuJ>j)>r6UlIs(A$@hD%;@qiJ z6U2F>@_T#^EboSw)gV;re3tnVZvD-Q(Cp`s&9uJaeuuSAafhVe(dtE|FvlC+_Dtn> zkMxzyiZvhVd6d}Qar9QqIexgxu@(Qre}X+^SL(cFA8k6g6PJ~fET3fQgHK2H&X=%A z=U+oOJ(q{9i}4v}oN0Ri2VD>^N;(c)DF3qmp|!A3|H;9Jdf2uhh61#m4|`FSoqXQH zKsXDYikB{!(Tgq~J!s!#6Jy+V8VqWOaF~ukIh174AKP~<>YyG-Y!vvBpcW*Fa+RI= z%WA6-lwei^DlK~>R@)Upq37D)jm*c3a%U~K@MRjmGI)jvkx&iJD@AfX+o9RBADRMG zOKDkCW86SW5R48nxiNk?a1ZN&F)eLVxqpLUNPpKPdLmLkAvJ9Ifr5@?EkO;BSt(tXq;jM%18ygfH}v}z^nVDX%$|N0FEoC3*J)baQ{xQp7`I@a~fiHN?t9( zQgCnNp1elBey6n>OiBF71=xa#ES8^6zPZU*-r(039?H7>l5PUDMC;!G70P5sZ%szM zdAJY>HC+F}*?*4DNw+w0$dQXmceK=;cF%&8;{=X>(6JEsQGgt0XLEw~;V&@WgDmf* zEyNk+ZIN+?BPoyhpNFf37eSQv(>jfCb1=TwAU!<~ZPpT1UIbx$40P=te?bO59FT9Y zZ>>-`B{`baS9JkZm~#!1Mf0-w_(#Pg!To|4$Ki+QGbvL-15kg@7Y7lDt5 zJMzY6t!RdulXj1TY`QnUuZ=+ozpG~&^GfonP3M=#kvLH<3sY84p(D-Oojt*I!Jr3`| z;qZiZ>YQLN9@-jrC)w!8@InzQCen&O2&JBXmzTWUMIkDy#FczO!C%v(X|#;B<}6O} zzj!h-r~H0MzZwl$lv@0APCb&I9HZD^eu$!%;qsu~A2$3H=22J5rQNS>zjApSbjIGo+g9DjbM7 zv&h8dMjD_{C60wMaEs#$Ba<3=Ld~H%i43sYxJb_3mzr87oE@SlN(`Ab>7!?UFUV!C z%@R$_A4ggIsLWVb(lP4j3@J6Kvsa|o9W{_oZ?HB&scYu}4J$eh?C7qf$^YA=$Kz0!fdI!Qes8MLj=gHgXpZ>%7$`&JW2u@q`oH{W8U>}=+op^1THK7pn2 zz@uWvFHMh*defEe9g22*x^6nGGb5k=LI2Y{s_s%qD<+TAA*%`7NUW2>$!8a46s6`Q zh2Op~WAv|{ofAXRq(qYnti1_@D_$3T5P0!)d1N;Am+&TN{lYW1=+dF0x2J`y8G)o zc8w|r0h|kXe)ogecV@-}Q4?*+t={OXr3-YL`c!}|A%H>CIDJ^|;JftI06q3*z-;f- zs95zvGvkj7s522w5q{lc#lA^i8l~$VX$kpQZx+z@&jS0gDV9JhoMOa9Bj+pNXVHT5xXR8%1?{8 zi@giE6>WuT43qcPFMBWOdAmnRSmTNvv0D5?HA`lMS5j3(2R*a~eAza#J2R4R@7diyMbzd#n_@D$KjA>yR4S+> zH7GKL6n9gBJ>T-l<3Z=z5uqv8K6q_*Cziv z7P2D0WV|@+r3{rdn!cm?yYtu6>~8Tn4EIxrJM zoEda=`L>o9{a4<9KBTzuKXE`&7gu`uyka8)z#x@&W;5wA*@4L3FTzYL?8Xvyfq|-U zD~(Y-?QZwN0kuR*WJ^+jmkMS#5{NLGdCe7s+u5$9XCW33ZUJVbz*HDXc5%OM841}v z{Bl~PbM*Fbms*C{s~jS&biQxh(TVQKcWih{U*3IfEPX#AJ~!_g9!YxMQ7=-?Q#xH; zD(&DZB_HH&^13N}?IR96UJV7lp29fa=c{g}0*mkNVUHR+>O{qMI`a zLH;JtS)j{@CpS)*ZaL0Gi=TNGR&^kaR!K%Cj*=#0s}k>;KFLu8WDk%nJ*8~$Y$(EY zrcdhPS5Jsq!dDq23Cafu9H4DhCzPm(eB#K(t3UtNxWQ7CD~uYYUM*QPI*-T&7qeIB zQIzLycbNVpJi_QX;fra*u&!xpRWx#Vt3i(oC0&mp{`f%U&}q`7Wujz zn~-9gEAH@-epln~v|jNy+U8@*&B+l>vy#VH$i22F5VxJV8OowAtJX!tQL?y%sc#Pi z&C+d5m<3Ik_#5+Wki*qT=WOE52`!xx@Uhza=x%Bc}}@Rw-_L( zmf@uKRZQEwY zntrD0UsF>x^8v1R>zr$!wSIeVMMpR9T!o&B8AF7sIgtzUX4b6@y{^J<32a8|;lVxx ztqc=5yEHN!QN*leP{5hq?dlKKTkg7mU&z1qUML4=6*l-Af-MX7vmRYMM}p~~ z*v~w{^X1X!sPO7{9=9Sj%%7p`>^@f^-&a0{V+I^G>;y)olw+a*Y%>!yCOPwdp~_+EZ)(mR2%qc+1vRMzV$j zXkW=xBGDF_?|4x4p&TlgvXl3{m^8EhF`o3q+-mtA-j|Jf|RTm-SyOH3}jBd{qQW#`5= zAr<7tN`66s+uxPv1{f2)CYGdm&{)3jg=}uRK}JD>{T8}bESaJO$(3}ePM}1tYh7K{ zmFMw>0<=j}cR{bJorHyGEU;_3)oEwSl6g)Xo|l(Fa8M);k#~D(c)@8sce@VbP-S6L zCwiHlQ=tQh^QAgRRddb{S`Voi+Q||3unKq~NsLICcY~95aY;u-qE=@-ol(-G#e%bX z+6UKi!b4p#WzUHfG=QkD&m>J$-edbr8^4l~Wk0Ef{MHO{DXT}nyau2{4s2|t>4_*cRWm*epk;_nH7J=QbbR*Ev4CFUp{4Pe093wgU& z?e*+-a@)c%5K(Fl&p%L6(4}yQ7;g^;YYn^I<_#?L*gqgOMdRZHw_1P5SXk10bVc2Hc)IewS}#7eKgbe zczya!Uws(|xHJG-f2O;e(0CY(^K*!Y&#+S|j%T;OP0i0IUn!lh&)d+jzR)xkU~;c> zTkZ#Z%u=FYULC_ENp3{{yMP9flZO8qzkIEFY|G4|ni#7%T(9%OuYmNbYKU{$;x2|3 zqz*0gPJl|gVR7`9+naqujtQha6tV*(sD&}-;O6GYSxNp43qgQ(Hzhriw0$6-pC}p% zJIqV;PtUJmqz$eo@Vp2(8Q{|AX-_1PEC(vnUey8$pe_Y4u!ZWhx*6bRPiSfN=qZe; z(vnE|TR!Si(^n_kFwWa71{u={dUe<$27cGr8l;hygDt(k?T{401`hA;d(0cIocw2iO)jCKPRCWTchtO-4#5YLK4NRSncl7jUBR0F~k}18aj)RlQ^VbhZ5e8W<=N4)PUmA>FXEq zqZC1WqKzmfBub2Y?vJ&VM~0Dekl32*ghNZDxS!qmC8YycCtyF^L8Y@IXg_W8zU}kZzy~yX4C@A|L1xi2{h#%up>SD1 z&j5f^;RM!I27u_~-Ebv7=+LQ9Hmt`=(XfVVgMHUpP_yLR+E}OSWoV5!NM^m6MeM$h zn$(3Q6-M0*G|@Au19M&stD?l9-H`m#gw5oy`91SAT_v6V+czhJNeq=Q1-o`$H zb)lpGn#onT;m%`27SS7BfaS+nkIt=7*F|XSuzA8lWmIu?*XAGMqLCr!blY*vRIcy= zAA=tX`dX%)>df@$K8h@D(27lEN}Vg4*(h7ZJWZ2ryo+!(vr9|k3UbR-$6uHJrW1giINgVfn zWJscmPu<4WvI4>;f3T(^vIR8A$n4~I_b5^jKp;(1(Z5otoMK21d~{4IKn6&$Hea8i zFa($^Zkrew$c~;GX{x~iuBgQ=*_b5V7lD>}CZR9Ld1jPqEFQG->Ml#nZ{1HfrSHfe zUSiR}LClk;fX)7+D-E^Zz^X+NbeVv{D}Ll5R-{rlS{xxe;S1o%$~%Z~DC`S~VN8K; zZCSIIupe?>=rN0(mKiyvvhw@7lC3bmv>lm8h)LVm>utXfle1y{ZnHYNX~ID!T79@x zHEeSemEP8HYV2(mhg`|KU2PhgjW~N8!gG5n z{51@6y3|Ta&+vC#p6=xoqtnDH6tojS%vd1o;q6THvu$?!{m_<}oQ&l6_p+X}10K1q zcz{@s8DgU3SBI*d_vU<0u6Wr^F0)Oh!zNhMBf7PNdLyCKgdwqFwQ2pfJh1QsUKAYG z8o(ji6toFjw{VFwJRg(a;(3Pc&0HD5kGP(^_WXLTmI6X*W%~h9RzKAfYBe4z)u`{urii_ zO<5XP!UmuPRglOSnF$Fo5lhzBLiq%7d@%-lI(b^(kE7&EypF)2Vje^6_{}GE{$&TSGj_3%Yu^imVdK zMksZ*jEatm4pwmNLS6@8_NR6oO(pmEp*r{Hg2RDKcy=ehEb}R1^0`-OfQ@^l^=Q9K zFb8Zd)78^~o963Zt}D)Hp#?Oc`n@dQSBW6YIVVP&ylgTHq`ttAM&;%7slJ{3a1k=O z*)rycIAL7_e`796`>+WJHk>ub-)upOR%MkuhW>JyPFDAfau!e*=^!o}srlx|+R-QH`E%o{90OSYu zKr0Ny@*}0tI3K{N<%qB&C=ja%qqRTw>vms2e5N$7$Lf2CtYG*~Lcm|6yIMhM;7;Q6 zxaU*jV>kKed7gX^_eSRQv%peYz~8zB5RlsA(?p0^UVh)GpbCZ6rzeAQN5cguH789- zg4+KO6tC^e_EN2YHDnBz|K=+va*^Gyq{`QAghU`d3#hzsB6jylyCBqdR=RitJu#cR z+HMrearzhUniSkH8WIPxubWz5REg>NDDROLAQ+iv&OV((2+Cv?>q5v69J!+kNLyyn z4(^69-SWG}o0nY+G?*Mvau7)Cr zZ$>7^{hq&u2BhvRKaP!_AJBJYeQ=V-$C{MW-;ALw;DY=qE9V;k7+jZ3o@?YuOSIC9)ceNNk!+ZZwI&ix16Q_9Ks~ie5ww z8i}K{3_R8hJxQ1n!CFklf<+=AG1c%vTcxE0Q2!R}*dz$!4&Se9+rTYPCA301RxtqSNOT3cgZ)T4*K|i`4_Fjg{=yx+Xju64>!Z_JzG{i zZybb*sEb~H$`|&avvIg&5FCd|VAP&Z_RZstgSxXEpxb=lD;(Q}+)O%0HPbArl!uhH zJ)OP**~@93Bi;@GQ2WHhEbAAW$Xo6ui?e`?L{=&=W=q-gr6qkX*uG@DAD9Fcb5@Ho zu_9IAx_MiCKrx#wpQ@I)C(O67G-!pO4m&qF4=xRXC6k(PJyRHS;mGD1v-}K+)>te` z4(J7Bl|>L_RHZ(cJHo@75?rVF8wL=_t%hy~D{N`1+Fm3m2k0*!|I5A9tq69{a#|P1 zzNm0eM+BAh_fDMZOtQ8;&!0C^zs?AXG9fX9^Rz-=*wx4#(!b;ZvqJWihQzKjEc+C4 z5DFWcst}P;;wBV|BUKnLB9lA)`FF9GRgni#3%7TMSe?~8XE}ii1hXv~a|vui^G~N2 z&|b&&tMk{_zqjj%E!Num^Wv7swR?R}TIp2QRCx}MAKt!%Vlh3M-5=hce^(w0={*)7 z^XY(4c{la}SK$q5vD0wO$6z7^PtNLtbppc>pJ4u@4bHvoC(iT!yU2-1eK@PbaIrK< zj+dNu#`x`Uh;w(Zh#=$!9xQz^d+`eMk7*`WXk?KrE~oEY+YPZ2YS`C~{zbmdEdLfC z+bUmemI83SRe6iJ0gN)>YGH1Rt>ePWyC-greSd&PL5!k-is1Q`R&XhsN*l4NH!X@I zH$s9{qr8@iPo`L;kwBP0U(x$5SKs~iBSERpC*MC zeoz&V@23YO^nqrOPmSWGt)5C^&Pf_j_qtVpwN+;(pw31v3q z@->o}Xw_#}BKN^W*8WqqM_*~#n)q)hww3n7@5>QGabD`)a&wkjF$UE2q)y|)@{UI3 zTKo#7K2a86AtCfaG%@TcKn+@nno>zLa(Q9`nVVE1DT@YJzF0@A7>u3JWJ2w0BE7ci zw1roIoZ2_F_ApE&9c2;gvm&cW_{0sp#%OXt+jD7Za1K}v=nkX+^<=ZS)hPVv~ zg7vUVygY(#??#4V9pmDCf^ds6gQl|U-0mfiIIH(ToSY%xuG}g*;$&!OHmoHe_-oy5 zEB8;m3p|bTRGc@5)4m;n~W0ba(qM}h2CDclW3A^=Kh0!-K)C*FYX|J;Y4-Vbrcg|DST z-f%%e-^wIR-Jrl5U9!=ipRdpFfjihY!Hsi{BZk}b-yix+101ayEFZ^v$J#!C-C4~m z;{J_+`^T-REfs*(6IHl-^{ZPZDU;^oz-EC_83RNx57o?A{Tm4vPJtV2RK2%OwO#8* z*1UO~c)N=gO7zB9QfF@I^=V@x{_HEscX$zDgrzG6JYOlY#?3-doF*o5In^WkwbPO+ zHEWcl3hM3t;BQE)gE3|q?jJ*~#+JWi*rlOy#?AnkoI!|DM(!~9uI3(L;$yixPEL|s zkop>xax`teL2e~9tZR~4aq$lJX>7r#;`_=YIH)mj1cs6RcBH8M315fVHjj-uHMykK zNbP0~$%~>f)G0QMQ>tpVvQvPdk*c-H_EAcJBkgZ7JWeNIMYM}Qb<2$6NormZL~qfR z8kK!7)L9Xvk?h}o;pzs&+s;Z6Z3%uKvs$ zBq)f%1p|yT%fe)TE)x;Dg4xNfF{nRTS;XVQ>X)dx<^6edAzMX{5E+3;;Za#CbHbdl zWP%l(vIP8O@1mU-tex4fHO87vmt@@LQjj_k6Lg&U=N}8vFoAShDgNvZK=q5%UQfma zCMiarjH_kXK||Ud^+|U1rZ++xy$b?~FNyaCIbo$uRY$F4LIibpI>lby5*FWysk=wh z!O;T~DoJGa|5kNzn`L zKhfR@=5Fn4-uU1UhW~uz0POlcWK7g*0EF0=rIDcA&N}}EBv}O<_F6hH#dq+&`bZL2 zkJbTChi*D>!0`9iC4ZSD0>@=(bkavXTb*Ti>CyCKvypieW&Iq9 zP!f6R$kdj}a#&=3S%zG8O<8-h;wjHD6j;Ba3haP_i&NI=d85dXn6@Isv*+!C%{okd zR*WqCAEz#xR;tXw0Ln69*2KQp?l?O`5*V9XG>-KUI#uXYDrW-EQ<+#9ql|U+Flc%5 zvFkp${0DS*tkn3c`ZU}$E#SnP5&T!7oC+}yKxXkWGaEdxPDM~2BItaqb*$=|4?^rx zC6q_k!*TJwI2Z$_v1D&YEec|IQhyp)9XTK)A8((j18pp@NONC3Ghf;9P&62B-2&h1 zs%d?Bl-a+K+wDcdiZf|c7PxSO~)AY_F((|REGXHAe&x4O8!0-BPW$;oR=~P~Us}Au_p?IGlVFG;J z7ZP4km5rnMh1FM}kM6-TdMzACB0u!y*>a3Ub z_5w{PIG;tdg7FvjT+3W5`g_<5A)eweCjO{o6q6-xR=Mpj#&Z44$!`vI50zeo@dqBO zZ*fT~LjoZ;pH3$jY!o^Q6z^{QBqfk6aXU514~E`DTAEstj7@1}17Bz|@(geMy?_(> zvh70y8@}(~@#i;)(22|9v$6@HT#mwi->iOMSt8$N(E{5>_8rs{!|+#_Do5_6sI)By zOg1$y>bRsG=}nWoRs`_ZaH|1I7r^s#Tzp4)Hx{xU;`2Jcn2>q^w>^1ZU+t+p!H-}J zsJu=H`lDsGII-}OonYk|9%$5*HfXedF4m|=OjJAL66X%tRG^t5N^;zcS(UU?W?=b4 z@#${%yQR{MSycPV;F^KPOjpOX7+Gc--q5!0)9{Bq} z+|W%7FXSU;Ur+(w<=rwg=Aw2^_KA`^+zGT}nEP}k5MtERnmZev(8`zdW*c5Bh+Fb% z#Ru=@x0MSjx`#Zu9+2C4hq!iJapP#L|83S*5ordz6@IMKAZ3Gu9EqCiWZW@RV#`;Az*g8f`3AyxNCDQ)y||q3(e^boXQGa>oU%>P6KQDqWw>33c7Rk@ z<>IXC7nv2MohwVJRyocTY8Z{cXiHG!B*58Y+eLun-vZMInO01gpTN0X`5O`jke$Qs zk34)wD67F4!2q}&m)M?;zV@iSF=y{OoL;7lh3|(WMR0Dp$1&qr-`4?aofSDO6gT&e zLz*iBdK`HvIOC~CsvrgXZGF&YUk|tUdx>L|>M5&g40ltj%HU+1F&aK89DiUP8QI&( zAR8+CMHOy0xbV&CL@N=VdRNOWLgHO(F_hUI45V~eOI$Sco`CmmlyPB6!mSMPZDu&J zJ3amH7si2FhRg^){!ysQ5aL-ZGTg2;fRF6PWqg`xNcHUcJTxq`-;r6e1&I326O)f3 z)98q$yU-6zM`uk!xTYq%VkX_vT27>ZzoQTRN;9Fzynw~x%`RTZO^Ij_ueUofr%joU zcP1hIpSWu(yo4Gpc7sa*V+T5QATyAd=JV&u4)o%In&&GJWI(Jyf5S zNvc%#d(NEmsC6PV8+Q z)Zi&+)5qjr$^kD6XVKI!*Z%D?(Y~mEeDgpy?>|ZxungC)46E}@xby66ilE97wkN!1 zz@<6DZ*O%vi$^$=(@bL<7@+XpfvKtE15_a{+F*DaRk%3~A_8`=t$V?kv zllFk&exAVhvmI@yEz&|Hq4&}Gk>MRI*G|_;R0(YHD*7)Y2-ER7soqlz5}I-?-6XrB zYuY}Ud{J(0m`G-r5%#v;VhGc4nD#h^BHp8W-{Uav3;eghn;?W? zH)wabOuw#*AjEpZD}&zz$Ctv$U(||^+PI&wyO$LV3`?ogC36i_B%)JTTU~R%FV{oo zOi&Z%sUvm5e2gEgPMizjA?MzOLi1PIF~$f%rCii^%#F~#5; z?E`p<=IX?m`5r+(wxmca#^E`WfQewpFofrEgK;2IRSr9stpMU7M_o8N-mf%phFoVWw{W0C zNCTr6#zD7&El7@Z|FI7}0*LVWVW?E~TXkrUd|Gqh{Bpvu(PJ5Rd4(W+;yZYLguWB} zTZZhD7;Q91(YP?7&*&~d>2AAa`=g&R+2iQ0lQi|ZAea$6WRpG$2Ig<{Fo$h6<@Dzj zwz!RG#C02{SdaFGvTc6R*TB6tGS5FJmHsNETspe?PIIC(sToiIXYx(<{A`-g#~f}G zV(Twud!?C~o|abH(`R-t;8P58w)?^5kiy?`upV)VMA;X9_5?ug_6U517hs+VG8r>C z(-Cr~wkBN>@1uaWSC(5MdV>BKy`p+_c*pJc!+*GtHBLi>>COI!mfp`YZcYH@F`cNi z_gRmAAuF&b7U9D_>87#vWutx!Mf*0u;(}8op9ks+oFIaU7`f1C&(%x+Dk4L(?BTeV z70TvzFO1AhXz)R-9!qJvSTLj>J3M3-PVkUg|C5i_6=;7b(H>0a@vCrxVP<5;j*e4F ze2;7nAyMA2_CdZJRADR?c@`Z8BHbPaCR-O#X^_(W+ltH3?x(b8%(gv##K4qKwyiQ8 z?I_mO(>%!MmrsUjg{jeo{EnZugCuVVdSG#;95JJu&%=Iko@t+-T; z(aekddB3!k*>dnS*Ys{u>wKw7VCM*tWvlS@4~_HFW(6j9G03nET!R70SzpE(=NpqA z4^;4Udp+U;UxcsqH{ssANk1WaQ<83>aBoOFc}RP7x}hZIG(C4l>ObOU^FChwyUc3t zB-1Z4P`!nrGJSLyqzZW>XWHy(kK^~9dEcnfjvWP3ciQ;`e0B;o&W=jEeyRODc$e@& z-6Okr*>GgXIzxpF`j*F87;(gA3v_&YbCgaC@cfYKq~dG{a&-XIznoh)p)X(nWVBp# z>FqCXZT&`^2!`)KGN8X}_yH z>OtK?i7VA$#-CXPwdFI^qzsPq0;?W#YjjLcEz zNsdvoL-MIVo)y1pzpuWS0v2+IhnKIXA{hQ4j(`Q@E(V7nr+~FDo@pr5A#s}Kl3`6D zMvk3GBJ30eHdjV@&|RN8BIb@pQLkY4A>(pPsEoOW<~?%VgRVl zWk?Rj)P1_TrZ54R{fyi&h(?z5ANkG%aj>um<7l(C4JTV+po>^pt*qP zn(qZS$bYAJRuUB;Jf=FTk9aO4_@@|wE7?_9C+8i$^+K~AFf`})F7cRBWtjzC7G;V4as!L;(y^ZWCW z1EH)4sA+RU*3%DWEafiS$?vtlq*TvbLZ@J`Aby|#>n?FTCo+&;@EaY;&1~;~?p#TY zF{%P!FBg)6Y+wt28PyszFv~&T;MY`&UHk+ND5Ju@qtzi&m)aIv|8*_B*pJn@(5Am8 z%_j*?3dm>csg)fC-#ch0oxDRSUULoDv3JLi5)nnNR{(XLNbDGNB<>kdU z3~^H$zRt1TQpTmU@?GZ#xvMeL@Bb}mG6M~YGP*T}od~^>%|hLT>a-D4 zSyTE#6b^+|FTX@BqqVDXsOZn0DzNVRzOmbQ{MG2F;nsSyuKW4SG%_S{<5&D-1 z=`Ww`c)$k$`ud2V>mmflD>xl#nOSqc=-@@eX{4eaXIZXua=0vHQ0tkIIqq8 zS=)5s0{z|nX}-av&LEMplrt)YFsaj|2T^>U)0)4!8`{cBd%_QA*+Qbg_BK zH*W#}^f(7zAaTQf2N$W9;*dr2u@8XmsX}f-2rGynL)&+J|$PQMM=P86T#v5CUt=1`$jO}Yy`r=bVa0He+$LL z{*pybSd|PvW4iY*r|#<(5Ny1=y3B=w5v!q)qrxxfVg82E%NG;*33ntcbhXjMHsPtJ zLiC!1Hz!h2y!~xjN)wJMi#qdz!02=}S4N=CM~e2@v4Uf+cqTb&N)^sb_SW36N6>5G zbd*)%p70T+SH8E_- z+G*UdFE@c@26Cize)%U|r&rsHjB>T#_?z%TraSWQgp;4sDm+;;gw6kgMaZ0!I0R)v z-`Jd+xkCt`3|8rkN9i?=CvZVLgeWyP<-Bm3>d@lwc8k2>Q^avsVh{?5W$0_zVNqceq3GjFz zta$K~x@I-(ej~&>*6lg6DfEclAtSf6PcM0jN9qB;b(|J@|M)tyW-zb!YhaWGnN@hb z&Zh9ry!6roDXZ76-~eI10E89Mw@u9}GwPeFK|hW%aV^Zg%#=w^AD{*#Esqi=x@|ON zbqX%JI27x^vMgKRDj2*_))Zg5e%;CcHWwF>?y!OqwOjZeN4Jn`X`h^rx=eYDtQd%= zfr+69CF2^D5AwTWI8DDuSbGq;M`J#(3FXP>8?Isnh>QL1pvY;p&-j;TOiFy z0Yde`U+y&f#llaM);3z2w zez$eCC37xw2s4Vu#J<>rl@t*OdI>Qj7=WrD9N8j`5|x=8HWc-xckhQJap%~dF(r?s zOnqYLPo?#IAQsI{-C#d(5Lv&IPF#V>oOc9;5in0p)8J!z0zplE9-T(6;879<+u&7P z=Jn86?WP#YbnzWv(UYM91^crTX~UT>MDV?xnfPM!7r(J5HeA9IT)$N(VH2UMKL5AL z=V|GJEI@|e#j0@lF)*P=M^NDW?cjdB%yI^xas1+0KcCK-QYZhKELP=JN~$;i$1`pw zi`3}8ObwbE0i$E43pyur30y8qUqF2*>1E$M5i>G?{8_t-)zPYWIJp;c3sX`gID~l) z(I`23;Go~frRqoe`16kFCXH~4GIFM^8Y@hkvRGt)=8rg3u3VC=A0=vmF#USo>fGt& z%`1j|U-70~(r|#H$U52lA9&}Ijuerdm@qf=_liI7yW1%K39{b*@$tEpc?VNdw4Wm& zFF}R4RiMgnRTYr(sZDp;DfvS zz9>Om#{oei-CvNpw2!H>s4*k+k6x32L{oZ`n$JM3ewZ@IXf+bgSIr)A493IasreDL ztrY~9E)G&=`;gqASv2mJi~$sxmIF)#go6Vy7=_#O?RQwzOG1YvC+OB6E?cxjMv3D( zXPB<*Y1z|u!#sqmLF1CC!6YijOa4|kK2a39=jm~J8l=6n$gKQ$x@Ec2UzLZJDBmY> zfivOD8~M z8UY3Po`Q1EfEyzQZZ8#3`NEIu@M@bc0 zJcrWz934x&-Bt+QzY-FJc)5C;VjX2A*}yE@yBSL<_auX5$e%aRR9%K10q4R(9OZ}Bn7@B8A-Pn9&YiD02Z zK}CbL#MORMWKPJ%#;>2HbwfnctfKR+cE67 z%X!)lijsm zJ$~um_ZHqOvU3Ll;`n!b(2Pf#7ml97JOt=?En8_)(X+$)tBaJoon@rZxyD{DKYJMeJantt)hzm#dB?} z>GARRc+WgY&QZeV@G}|&9t14}nk{6OuOFH9d_4}scV59wPQD}^0PO1^rPab$M`30o zp@~r~qyQ{5axSzrHXX@J4`K;9$q07dMtJ|)V2i;h0_t^kAw^=p zoH1+Fkdw6Vw#-o_s=do@Jb8VUUDM9BC5Z@tusRXjt#Qi3R{Ct~OYysmzfaq(Uy)E< zv0x+|>4l36VGq_52SKbEmlnX!k zpaI!82l%h;TiIO+sKG&q;4awiD^^#xrN2wjyIz0UK?T{O5s2#fLAyPV8DNxMnkO1y zbAwvRY179?N5Z0Q5^GPk`x4+S6it=?7KR|E1&7c)cBnn3iC$qe+z?PxWbIWw zSVhLsTzugua?GlP)r8ylVMw21H<2mZyg&moI+SS%EZDLQRad5#-|b&}L|@=yR@N25 z=CQFW&j)6#`xsIHWvwBg&xbCr!{d=ErC%(+pYlGAet!0JUKF3sN7+t`{MYaraL9ZCGZ|5NpUU-6Ih_^!y_{SHr##0lTr_Y$!Be4RKk zcc6Lo;R;n(r43|Ij`4?I9 zW0(RJ$k=BDtVc=pH6H9M@^wPEj@9Mwry23(e2f8+H7U?seJ6*1J3GW<~``exkg-2NJn9ai(uF?NYqKE3a{6t0;d4LOOO|6p(cBq zLv;0FMK_4w!l^f@24avF=yNx6WAz-5U=fK@*II*gs)^k}3N-t%KaekJO2iH# zqRO@XcK5aWs=Bqdg?e0JIEN;4V_-pDSNQhRHase0OnaNVD05@(0r_H^#U3F7iEmY$ zr5v(`z}oXWYXgUcdM{3Rq5D6U&5kg9pyB-TCrOIWoP`@S*_boWoC2#B)vMJ=q6T&` zLEzXcBh|35e&`ZRmcIuav_~fDadG@pw^!obrBCZO|Az&L-1J8!BhQbQ$W$f)3>DuT zf;ZpVW3M*Yk4Ob7`(|Kyk>9umE0?Z04IRh*KG!`^LE&KJ%?cLR6KFJC+ti;gQ=C#u zWUD#+ebO9tXpkH^VNpUUviQe90n9i)A6cdEiumcePBL(rD~9*y>PuZz$TO{()7fUEW?+6qxN10%MhmgL_~( zMCa=)d|e&Z?}Vbrj9I;dmXZMrhCF&5gF{>xixu<=S4QvvmxY5H45T6Nyz9DLCO!PMerprRQzp_`{~O5n8(eF@{EN1e$0m zQoeF^MdGMTls_r?KlAN$Q9w`hb1_0gY%X|^gV0n9Q!Xim=<*YaiuW>_&WbeYHNHr z3rptL?#cp4-|=e;SfU)Zfgnrhy3&>eWz*kYhgi5HWvQFTU=_41^5bNLQJ-hiTR$^I zNv@xd<>M1{CkRjNb6MxOKIq87^kzD^+7ks~$9D>~iJ?Gysm_5+E2q<_Iu@Nt;H4xa zDdz2|6XJ7;#;oFcS)P;A15rr*ju3ZqT_xVW*L>3qWaJIj-b_>5RW_%_4vD49lsk~IdC;7Cq8NvC;kSJM zoEqMmHPfs^jmEoZWv@gCxDCK%JbC zOvI>|kq<(rNuqGwa$ZQ;D%7)numc||7uHvCmcz)?-mtN_UojlEgHHfR-aDf08FEEy zPt(WU&WS$qBV|sWhEILxFynT+2k!|mHk9Cbt$A+!DOUAhHu&hEQ#`_`$)2_5@ZyV2 zNzN_lgdumgLr2vKD8;Qd&!9#e==B@*ENd1=6IYnM(XU@sk429%JU20i-1ZQdj0xC) ztRJ5uCqH}!@POa70_HE(RZ~aqhRwf-nEmz{9T0zXQb0SoJEVz#_OE3^CMJv^2Scjr zg=y-T$4>i)#+?<90I98+ z8hlj9geR&8qif-L=4^Gwk7oU#SW^bwIN8L8>bQCSSpL;mFxO&+yt%gOj^E7Y&b{?P9P2ilz zBC4-FGyU+}3)i+ZY+1{ZiyUn-AJ;nGCZv_usCZHbI5qKdsXEA?$Fi0(^tPpt za$+&q-4XAog~*K3A#{<2phxo5X^%UEaF*4vXcM58$#o}V&PVC1z7FP0p6XmtQ7HL^ zZ(bsWPLiYUo!1QWro;d8D|@g|(Z)Q<@b#Fxq6mtIya>JJhJ&`CKt%#jJ?474Iww+=?DXn}kl-=@esC@figYY7-K^G^JU0(4M` zbjqt<0k+FX_?XkdR@ktI;9RAg^{E7O^~tT~ua)k1%;ng#C*jqwzGZk#AlT6K;DarU z6Ptj=ihpWtsY2Rd7dm5lgzU9Es?4f?wR=14I!N!z$(LtSXIlkVg5^FQ!%aq03G!ma zgfExKH1Yrdz00aD+5BJ5LZDb7zZp! z%vB0^?eK8!)<) zm!R46_19q|x^l~Q-d(6pYTp=uqRmeK5<`4<()*73Va-|%!Z-X3H{6~Co`~NHjYN{M z6_aE9QQ4j9ke{Z6jnDnVBFhx!>vSx%W@z-pk{x3*f1&JphxgG$CnBKe2$U0xgBWh+ z8~b?HEIQq@upL)|WX8ye0$pvFo`OnGfI?4^${j!4I$bT%_BlEv z9|W7p-l`_^^#a++69*|83Pc%=L}_0iK#J5GkOUm^WaZytMx4Z&aUR6&3U7?APrcfi z-)YD|lmrXYJAvgWBZ}dYZJ6gnE%@pt08OnK`%E@}cOgQzA;^qC!fs*5!dfO%AH1Xo zPD1>C2T$+7l~N9grY@TBiYsB=@BT(XoZgzWV-29t9g&< zJ}$xmRkMQZ{L4NU&l7}0>xM4iq%%8lSl-nh{c-`D+f_)Vk^hUTYYMJ2+}b;~oyNAE zG)@}suyNAZwr#V)&W?>Xw(T~yZ5#b_{+V-eX4d6*@m;K0v)*StSe|HUt@?ZwtNds& zYIW4SI)3pr3&sJEL3!|{;FRWXOV9W!j%#d=daf|+L(!#g>~ROGQ2iB zo*^XN?L-MtUVc=P^OQP6}!D(G9 z(+vJc1uOntf)pV}o6}!TAR#FcSJa$lXO0o(IgJ%2}S&4P;bLCq%14K5gnS2$^2* z*0Bw7UoEM=aS^YeO_)HDrzcjx8^*_=;0Bqfh|e_%dAvQ^+X=kT`*HU?>YYi-{msdj z-;I z0f(c<;yA4Oe(NQF6nq*#a98kldUE@^%(aXiVFg3zR# zC(?{)$Uxk)P|OGl8IfYr48G=Q-nGgp#r0iwV{|#!W%Ri9-aJ?WN4)_xGGAV7Gc)x! z1ELOoxMhD{2|f5J8ObD=+;>w=5hf(@lUAYm=niy4mAz%V%-L1jm>vxSlCgSIi%am6 zT9pRpTI5Ks{ub(0Z=`WMcRLF`ghNdk@fP8aq4;k{~nhN*(GMh_^? zl6s+*syeL4XT50_%=_0+NH`R63;1^>CNpQEgjR{B@yI+~_jmcYQZm~^44Nc5yeL6I zKpm(FEZ)!%F1XATfohGRzrzGu+Z*Ve?y`TNb0g9Xs1@ZynW*45P07bLH~_m&l6=5o@>Tyb?im)~nztv79plI!0l_r961e zAxnG<`GxGL;JJR=~v$`>GhVOxw6rPvGd877k@8r56COW ztkMcpk!dD->ltsP`AVm>45%o_6)_ZV}7|Hgrv=}gFJK{eYR z5gOG3;)$+Ui#hP^4x+_+-TTWseCaZ_pq)!7*It)j_kOC zxu;yzWQPsF@j2_p67kStt^wZw(9ae7lIn5*pN-RBDt+l(wB>Es{;cbgWS$9Siiw$n znP%Y|s~a{Qj!r}8-=jI{*vp@Q@laGw0(4f^P3`<(Kj2q*{*q*mk1|A}GIBu>io_NluN=HI?R>^}cjvxOFvN&05ui2$?Ku|2zeV(Da=AO9TbioS0SDKXP|S`6hU{;Ps>jtEYoIKLzPobL zS5>Bw$Iu6bftKAjcl;#9LO8G;2xSs+DXx(wsW2Bt!hb(x+;rP&(q2#>jpN%Iy8S8w zrD?zL|HK6mJ~n78+~tK#jEE`tCo!1EeCdmqQ%$cSEUOaaDHqIbWP4MtgNJb3JZNwG zr9<-K%gcvAm88`!$ZuvuisBYk83iCKjUnqBw9o-F-fO-qkCfI9CVc;TzADW7os*8JYa%|4J#*^DU0-6* z-YIe4Pd*x0i0_f3U3{_1u(ilr#*UV|0#=vHVtNM)ZTPE`YfUWdX2NqClI>#%kw6jx zUNahlA|yCAKqW38&GZ;4tLu5C1q<8A9pBnqZG=3wR z;9KQK;82Y??#LNfi5`N31Z+Ug*fV(14ECUVwkiO3XxmRLFf!si$z&mcla939 z#_r}wJ-w~-eLV6O&M4JXkbP|9GT>mn4aFvdpDR<<71tb}S?sr5N_OkkSD*1}Cn^}L z4Qq<4A&O2{xue(aDY+7-NoC(Y7g8nQ=;%rZbb>sMfiI~lKljTBMY@y z&wB{!NDShU+V|6hxJUySQLSnKXSwf4crHyYo5u$m`sNqwW;-ZiB*ennu`!RC7!OWj zoBMv-#F!|TN7u9$q}Ybu06{sF!gbWV#PXCL@o$EJ3iPd(p7Q~pbv~AYmJ&IEJN7V0 z3nC~BsuDW=IFFBn$S_laIQEf&v9rm&rBkN1KUl!daKjLk#P4S%0%`*B5X()pFzmM9 zzG_cA0|)~KO<{TdPP~hiE}cU)n>#mAT$MLG-QpJyh2z-!v9V`GNn~WNBQXZb5%xoq zqbaKulWd9uD`|5pdU#SXjZs69L?|5#@lE%gtoa60Jct>}D9{YEePd z^+t;*$~nt-d+{z{Os(~SVUP`@lM@0Li*Z37>b z;_T$M0|R0zo?Vm-<~U7?2Ws2tV{$m+JC*Ov?|)Dq^ZUcyFYnKn|5iOjh*3|?0GE0P zBU2Xs&uv{FN2NV+B|a(V=Qs%ay#GD~x-|uAMaVx+9yi%^-}ip}i|}ZqPQVc3p4J_Q6o*qB`d)?o|EuiOzGhSe&Ht@^tLch=x{tOj^uc@s&twBa=S9F?(K-V zQ|_$BOFYycb5|pIG_>C8%|}bs6-Guuv!|v)@(YPF<{k-=+X)}=i!n6stF*TQz)+c@ z{wWc#7>-w0HhZvt=EnAn9J+H-h)?erPTGlYxCJ==Ww0Bx-n-7v00);P&$+B1o!qOS zaf9G@t}fRluK??rMSKA8rK6O>A-B~hkg;=)tTb!<>0AcbYAD2Jq2(J3CwnK42Ys0? zV-lB;9hl2NoN(+lsxMDzgZ82NaA)vdD*;*gXdOPSmOm`WW2o&a_pSSRLACgz&NDr6 z3V#JJlCHIi1O$`5P5ysB8`}v5bEvVA6$K(Zv+u}9h5V1(z(9rgOe3IB3xR{Et1FpTR(hW6 zYW%a4PPIZ&%AHBB+nNiF{kE6y=0RC7d`9uK;g117+Oa@!nmMn;Li3fKt0@UX26aWS zV;wzq9QrWnlqsxn8(`F3A{P8TSrxiQxF#N%SG1S2d2;NYf3m_M6>GhPvYaN2$=_=m z*CKjk(V%e9aZc8d4DEgoeW(#A8Q8)|>-dY1us;&;JI8z!R{V3WM6_Y>eU+Fo^AfS` z{k{}@iUt@@7kN&8n;-h@=#J+6+)lui@Cea8sXzPsxy##7OzzX~Tlv>^R0P1;7fxAE zB1)klR?I&+cY*-|xuA5-Q^+1J*Sl?S8MG7T2Em}ONyULre9ovxNe4ju9@A89z9e~) zP33z@%?<~Ie8b!5c#*zeD@5tB5b^m4%t%X`0`sI zrU(#fz(zXteQ^9(ZC`QUFv)-ao2^d9oASyj^X(@xdZYTSTg9-0YlMgMz zkDh}|R#Ybca31H&{)ArSS}=+pA{?X+^H-v+!cr}YQ1DZIV(_?6rfZslRmrcoR=BCa z#Q-jqDl>o0b|7Q<*kX zr@h(z&C2XZ9$X6?fnl+Q91nsraVak%_aSU6;}J5TxdZ<}57WKs5mP9 zCogtG@~H%Y$<*Spyrh*)C^TWGjm4BK0R@2Wds?q}@>anbR!wmGbYaec^VLmd-%$Eq zvA`n8xJ%kSch1+qYecdirYh2>{l^e|q?cZqztbNeI=pEOq;fRz`uqJVKDE#%=SS+U z6f5w!@X(<*`OIRt@^!V_54DHp0uELgI0S+)yw82Y+e{RgZ8na*!oM_XP_n;Y$Wbay z_vW+538eSALm_sI9**?b8SG$B(mi@a5-)LVei7drJCn53k1qP~&;&LrG8@g!$MG`D zA1f@x{h|1&F%-`$KBdSW3ELmhjDj^ zV1%G9m`j0Sngla6R4MT3Cguj-kM1pJM-NlJ%O}97IxdwFcs7G6oFC-RP2sD5GU31q z^^bxH?2Dp`#Upu!Qr!OBe&q%e;Y*v3O&mDYy^R@r?LoHhO(%*_L`2kzVFP{8_(~vL z&Mz9QGpW;X+nsRi7;JKLrVi5&p#VmV#)@XY-Wz}sUQmu3a?I946FE;>>03>>&cu#|=puvo@MPNK znZYwbp*5b2dv4Q%Wi+2gru6T z^Vcp-!iD+Hv++;MG_AACi&)FNXsN?1@W>|&yi{R9G@GfFrYyX7vDe}*^xO`-DULAE zx38zhFlrfhikerY>f%4LkYhO$&jyxB40UobG|)K&&&o^q3;any9n~S9H9D5*mrt58 z-!@LgptYem2M%oL<%|&YbWUMCewUv}5_j`p@D9j@?IM7Od9a`FMjdgUGBf- z^nVY$8|M#taDIns9dJ^?e)rs`n@~Np%%vXXM~`*{ly9>E9~Q5t0S~z!`-QT7f~W! zUuL0-9crK!bDKzc(tdlmv``4|N}wb9Xx!jpU2nZa`PCy5D4+#4nfsMB21E8=E&%X& zpUW4M0%x@p(FZ|oi3g|014)%Q(t?~civpNw6~@AVUbhw48bLc3ArMLb@Yc_nU<}keES3va@QnQFXggWl`9%TN{9)l6y(5<@V~;EoGCN>S_Iu{C%{0VJq1B8@Zo%NMLKg=h=jmwXs07yOZdk5&VbNVOT+wFvT(#OWfy?Qiw<=v-PT;+QYw-RDnw3 zG}&R_c#ru%#-_evWL;NCji44wCFKF_G38&@)F#iWs2`kodDoOu2I<^Jyczm9s93V( zUzNa-WGxd0be*5cEBrMwf>vgAU#w^=`z2QF#~%J3D!U`rs>5-olwdv;=xQf5Lz+Bw zPE8m6XmLybvVpCx?eR;7F4rF76%xQ^i;aMqHy|B6!M{QpyauMiM_+PL$K3r}rVFCJ z-Cn^k=KT@#2dzql3^~c%+7@_dU~# z^!ct_A!0Yh`Qy*yCW2!yoG~qWWsa?;u?IE7XVSdesUFR_Zc>FNls#a|cAW}SnWSfj z<0ZB*`pRAvHhv_#;HS*v4w6_Ryu#i#Y#JNwxL436U11W8g?MMg#V0d+-Ls?tn6!hh ziw{W#i^l?pr9(h~cVr^*^|l-DWJZivg^{LK2o5SSEIbt45Mz$`iwnLq`GOo&=3gLr=i|(N0;sMzJ_&Jj2mT0e?Jf@V` z4&O`ZbW@HHfL!|K_xt`k_mnB4yVB29& zbe~UB)#pWnzDH=X1;jN%)n>&JmLa5&H<`%_iZYV%&BVc{W6~VzK?{yiT6S~8kf!KG zA7PJ4;h$XN#o~^qXv z&rHMx_7TT#6Xeo1l`_H%m5;tc6 z`xA?Q^4cbKQ(N8FEx|#Ugj$(&m!0H)D(-2E27&e89*jTlkAEAt-EWi~-yA7BG>5D& z1-h8EC;{D%Z>*1tpI;18t{ttzZmwsG44oV4w)lCqA$Tw&f7!KlWPl)Zg7h+BxQK(e zs=B~FGYZy~VTo>)7|>x=I~QzKF8J4P!s4JngyOxruUz0zJ(X<<2isEv<{1t#LC5#u zh2;+~zBW|W69@*hQnUwLQzws!S*x4&Ajg7aT`6!nnr9KUk@x#a=!W3Q{VQ@PXxEFi zKSo*ZE#nh;dwU>kc$io}lWu&i#T@gMB~chWAIxS45Xr&`*+J!do#_stR=)L6 z4GFF{HA_=F_>-C{9?lWioRmoFFKcsrqLh#1db%sEiRtVEfgEm@Qbw`MgMd(vfEq$SEC_j0VwyVBuiqDn%JJz0EgXnzpv?fX zs}Z$baGN^8tb0z!FoeFjfY^`Pi__RGa_Azc@I$CqJj+Zf{2unKu>5+4M%w0{O9*1B8YhipZ+oD)`vZr|k4A+Vh$@{hy%8lHhEMx- zgGXv*>B+q^ZfFwo3xzIigsuIcFM--Rd9el$5`aWVcTWl3yL%HgUe?|X)N~u!)O0~h ziu>O1u@uP5DU%wgz3T8t-$;TzD`rzW8F8qiDQst1rxe0i>~VhPX#xmnSXZth?72wBYIOt6WDz)SdmRApj`kw_?;0o1==aIN+-O|my}{b~Dn`_K`{ZsE_p!Cxz4YS;Yt67H@AcdA z0}<;%eTYF0+Nd;Ji@xJP!z-01RZS*xJ4TG|p_NrXP)*{;Pbvy#XIb5ruD>> zkQOT|n##0KFh7sL)_{ob8G6g6lUvzEyBgX7Eif2+4g4qH$#pptn?@0w7vyu``)l}7 zwdO@Uf%~}B@d4Yp7NVTOxm3O2E@+tyQ9L-+xDyJ`cBxo(#YpBNFyU=tB(A7P?t3+& zp-nNa*-eCpoGNh&j-pejeCi-l9S40sc+;q;6HrrpHFs)$*Ea+Z?7 zCe1-q{1p7COmnlz!N?9q&SxW37XZf1*n_jKFqo9$8EYwM^;8(IX>x1=g+7r~wN=uQ zB=RBI`Son{CF;9=xSiwMW?jZN^W0aArCNo|fD|bDsy#{xI~I#H^BDzXuHtWSBIT#G zN)XV|yQY$FTw1p zjv?_F1j8Bxuth);WZcJ^^_|0;YA%z!sB2kV{C-8wOC~7-H-wYA1a<*6)|Efk4+O8k zswo|??1*snBju09$>`BjTqDvj7s}%Qn6VmU2mBwf_;1;5FfBeyIT{(jL45<>O*2IjYFKRfV?O=(jLaK3b4i+8y)Am36IOpxV&m!oG zbH^#8XT0vCFt@7r;cc}T7Q8_P?#qNQRFNmfDA11yN!F&@qb5Kt z-1nv)L)|KvsXg6Cet{0^=|B2LV0>{Qyo8XaY@k!^>KIL8j<5skZHE+?GCyzQfuL?r zmJ9`ZP6m4x{c5=s2XDFA(wW&j+;})Ql6ITfi6?cS!oi=?ehnm=_+jW`fdTi|N3I;x z&;&PC%cxr&=7MT>E^=uBy4*h0g;5FZFoFl7rF^wkG3|cM24_C?(3KOjX(4RXBg>7q zgzGa!%`Iloh_c^v8Le`))c4=$ov6q8)2B+E7;mxJ*!9jo^bvKdP^6JH0HpE@aaXKv zf=EUv#>J(Mh=va>FrcgtkB?uQFvJt0wsfO|azY_;EtWvzki;y9pZV7NEG?RK#&~2_ zkD)vWsj+@hD=}>%ye;X|w)(QmD=I6BY(l;U=?cp$NS2V;G)901 zK@g?64sm&)O~>lzTke)_M4qFbjmiM9s*dseK_Et>$=>&Zo39s?_I;eHts-NV%^YL& zIVVC3Jy}C6yRIMaI#)Sw{j`8wyMqy)KahuR?qXRR4t*gJK(kOkPgjd;mG9T!Xi-;2 zgt#oGLyq))f9dASGR=v?M;)m+_IyyLPw_89PXoQmH08XCBBW+9;e&VgS$&qm3a4db zQq4BbR`VYrfEo~HWlHPQmJiG*)r8hWy&kgEoSgR!gN**%1&5Qv(4^^4l2{tf9BYx^ z^Rba?Y&t$pCXRPffWXuqQFgxk1eWjEXvrOW;A|7>Nx0S@IviK7y1Vg*0p_o6kBY-^ znp6q_Ps58MU9|qzi`RS#c>y-wvcftJqH zG-KkMK6alN06B5nP;_8POt`;^A`8rPAg#hL!+x%CR;+cYS209@VExoD(AnY#aI~IP zeJP)By;G}n%HqL6pVOi`4RzY^`o<1{x29>?EsgP%H?B#OJMsWNzISdX?rsNodTZT% z*pWeORBCmti6Y(icE`pu&_-oqF9JANwPhR&-~60DJ>U2;$WQ|Z)&jOOiFNR^DA0!c7_aas!MyARb z&|drOK>1_hnDGpC2m7Hl zl1ay22ymH=)}#MCf*}dR&}GpO^!xjv;{L|L7Xt`7)q=gW4Wdu`U_Bm2P`c$;)Zb9i zCFXaxO#AJ%F;E6Z490b0_|6*=Phq|zipHXZs!~q20+3Fw-y0BGQz{WvB2fh}2L@4F zFlB+jKD<8gS|s(hG#Q(ZjcTcVzf&f>zF9f5(0vZeq08r$NUgk}A0UWkHi2b)s$*e< zxvK$uCQEpuw`?jEX~EGkj~Q z4}&a7!CCpM+&035wzuQ|^#I!#J(^Ft2AJk10l}8UGcw^J0srzF^Yvo_F}? z=(+xu*3;XC!Bj+GUF)!ckwh3_5l4Ioh6qY?#l_Y9vieR#Qh|GQLT$Qwe4)7JS2dH` zs`qCMn?WeEXAstD>!QnVNtQj3oSB<4r~Odc_qevG#IWh5i^ZQj{YJgJnq@|`n(q5z zv_%R<1>L{;y@vD0D$a6D?&=rdz?!U;>47-wtIiMJP2NpyI$w3|hE5t5VW-8Bu3SAx zp6A#Ch$EQ&XVq4?6LE+#wcTH~uSYD}=yHcXAeVC_7dU}e*(7`qXF}$D?CfL@i4xrV zZ0wPUy>V-i0P{tbVoQgc@wVg zn?cUkK3uoSO@Tm%8sXtCk%$$U58kHQf$06A>r~qJiAJR?(C)t#W&hF0tV*`0L3(tA z^y;VDu25Oe4rw8UeC{=kTg=|WL-+DPUH%|@8E!G$5q1F;BNWJ$&da&*+n7D|+3g5B zbtg@Vf%YQ}x4RrgWGw1DZA-tYV;xBmv75jN z6$0-}%DnjJe2%kK+P`D_xCbr>YCE)Gy!9T`e|PKJJ`Zn>a@&^PqXqG>R;IbNNKDO{ z+jBDZht#d<@vtJ=v+TA_&B%-p4AtO^v8`o?2n%QIFJXMET|B`=KFe%}`UXni*&J~{ zxzC?3FB6>7{pyf5DuoQ}M5rCEUM03fhQn#+A{Xc#8T61KJPE|i)*GsU8dZ&){_g0L zeOs`N8vWyGhuZI&2Oi;xEhco>GxmS#iT;|rFHZPh@2x(}eY5cMcKT%|qV<5_H==jF zUed44-OsB(ZY0JW-gh063Z_Xu<9E>>7jyq@J=c4*(3AQud5A#P`0bGr1Ao6d3n~4b z=DQ`|3K}Qtg@V2e<(iQ#rljC7D<>>V3j~xqS9@=a3Aq7uS;yyqx?ktI9w4{a8cS5Q z3o-B=3rjfCQA_K8O1+5QdE?m8oE;BY11}7D;@DjZf)IG##NnLyTXG!b@~|C~+&fPY zU@e8sA%8T2l*YaS9Dj6HX(;i8RjPO(uqS3XW2*uzDi>P}U?9+oM5FoLR?VbqDj&`x zVScM=g%}rAsK_~81Xtx2Z4+(D)mLaSnck= zQmpY<76eT!i88UEda=NAZT1LWkA7B(iM%*8w9e;{qD$@@YNB0C>wu0z5x5Iufd6%rj`DX!vv$WHj_L)L#I z#Fc3ekYN}9Cb?oN`D649#$*tL@c@|#!;JwKW8Mm1ScRAmf3L(P9xGQn!g=#jyB zh-)NYc`t)|wtJ>M7{W>|%_ps(cA#87aO-qT0W=!n7)B2MP>#yvAbAHGGy#}kYSVaz z}#lg18g9fLdZjA9I0ITZP<`aWX3T32h~Yac1IWRS5cI;-k5 zqgN*h?%;Zh-sg+}3BXuLgrm6NkD?_vQ{n`%n1nt}ep#L<7h^d7^q?@n1IVe5pmt2x zXu9Mju8(Gl!;V>JhZr(%-n7MF5FDARO;DLkLFFaG$_vur>T(RSwotCnhCdfZ)DjL| zqW{(BNhj$2ZRmnqSE#5o{v30T+M`lhI{OUws5I}z&~^`*=jKF(?FQ`IcRgDEZ1IgJ3m)TReax4sH9dX%1$zN@h|ox1A^%S32#K8H_WJrOST zsG=b%!0C&egtJ+ez~8kCQ&et^-IN6%T>v_Gq-3$J%Ak)eV;d0_(XFK!@+ibbPs@&$ z#pgf(q7NdEMI4N95Zhn?)I9KgKzY9xg35Onkkm&6!FpQ&5-Ae!nrfy|x`P+OMx+|- z!eBwmX<8GI+*7Ecg6S2VQP_=6JL10=V&xRW3haqqF1}XA(3$JSWyWpmvNj+UDJP=) z{$YcJh7o0s8n=Fv>K1%?5MOyb(41X|-THX-@Q4Tz7JBQ8d0xeD`t|4Eg#XR4y?GBwaGOo$>MrNSZ1)$<+r5OGzc*>%> zHv3|Xu;@+u#ayaxs^rduL=>A!0S(Z`4)3!Af?lo-5fbjr4p($FZ^rWI>brJeaXg+1 zvpoQ|b`-Z}H$d{q#GLa#lna8?T+s`nuKt#`w}HLCQ_{k+$)fS^Dod}>e_b~J^duZgz;v3fnP69M6HV$QHFLNR(&zY z>>3Bmjb>Y1kS<1OdPn{SY17(URB|E4e%SyB=%V=LCkj;*ovi6;RPJsSCbM)%L45W! z>n`%a6ec=i#R(C~%vW3@!+vJL2Rm&1={d59KWn>&2+P)=$9zt!>^cWDKWiHK;~%+b z)?D*{D>J+g*=C#y%dmv_<_C>JnQ-7?WgR8 z)eZ^YU&(P1Hs2p}cYk!A#ywrazYhPS1iW1f(qZ}=oYZtb!FLZ(1*I3i7hb;i1$=xA zc>H@mBu%{9_Q7pndi*B=p`0ruRDRg)dtb}byK!?n-R#r@2bfCphGH%#cCRn6coY^EzC7V?P|QQ@h~Y0MNVHk-lJXqQ)6Fk@AgvS`I7Cle1yWG5&6_E`5LHW3Y_CnpL_bW69#Onx(& z%L|)KYBO@ek?d6-nbOfjsS>asU(k#1ghe1P4r(BJZIC&gGKwOraWtZoPE3PPsH&7h ze2TqE+m7zw3eF7NL(_`om`I5vElj>(GHovnLm@9rE_V@_loB)Rs&A7=4=r%!Lq?14 z8)6G#@?{5iq@8Ole6mDaH%Afk+M)BG!<(6Yx~e*owi~A*$ttAhk$BsYbvam|BDAxCMPlEDt}gbGruCB5~*H zc{PQnFG8E@j@L-&G9S@eGC%+#qx)ayhdiZM*Ky5rx{l0;$UmhAW@y6g%cI-}2Q=}s zMb@X?1RyJ5Yk7SX+$GEcAF())ikuP}Ge=vacJ<2wDfOpyU^@o@Gse8W=AH$DS9N!t zg_$&)p|89T*iV~Z19N9t&moV*yE8e{b*G$F)aGS*97$iRMP^_O8in7M=6MtSoYAKA z&u?OXV?1!1+WEQD;>OFBrn`N&w84Kg+KRb`wQc_1x5YeDhg=@B?6svF5FO}gv4{G( zVguHfzImYskSw6%U&Yq{l;P+@VL(MHn8%}#3UVi-y(z)GFgKFt(zF9dbztlN!3o4h z`XOYjMO#j;Fy#X_9Mdy~9x$T?pL!Ocl~Ws$!p=-|xfli=`s91 z!F99zjR^ZRs@#)E|A{Q;G~zDQi0L(w$f=d$6IS(ans|6Yg>!Kl=AErN zNd1=!kZF4vy$1r4pD>v2njf}*-MIo5u3K#FymOekAs(M_JMixXEg^W4Cj?FO*)^(; znqQy^KzOPy{71W*`I_P!4RLV5q4vXbwSxvV@$RP*Nq;Dp|4?6NB2RjuB0D31O(g-b zy45wEM~H5swJvx@j3AJ|IZ!QLP*?92nl?HmN5Bmc`^nrn@qBLf1R@j;+|AqhqSEcR zY=8By{*k7$PJcObsd-`LH9NB9@t!#)b)d+UUadIUR2yN$nG(;mzXswD7pD+=1#CDR z;k7gbq5tcln%EIr#&`seA} z=C-SO<{RYP7O;__-B@Tsj=FftKVX?~ITe4M7y8lg2J?kMO0U^8oJO*Q#km3IZ|fAz z_u{RE%Jmj-1d>}C|GirJ^JrJ0>Bw!vXG=#=WOrDkvqgKHeyFjtN1pwVs1+UvZtGXE zQI)nv4O}kG>f?7?plJbu@q5m0Cm?tcR}WHMbJSW$GwKAj))<^_Qe?&F5GLx5)G`S; zK?E>Yj!f68754w&16J+!BeG+5GRY>!v>KWc=9L-bObp+ z0C)gwgpWa!fFRq8NKRf_Rt|l8e@5={5?&i^uWVC2yyZG)h8n37zlc{L%n6T#2zQY| z;p7&n3hWpTC70nlL1_hE4OB-GlnKxkIaj!3Kq0G#W$jIAL;(I&wFsPw%}#M-7w}K+ zwF^wpe4$qpfu~gpnUkG0PWq`us|d9?I)e}y87hSRvtgB(X;)Q%KLa9^m>fux%1%Wf zgEHU=Y+*96>0Bo>g;sS$hQin>I(OlBdrhaiiSlK>HKq4{V`Qlx?Qx@=1r9H59SWi7 zvA8K-Wr$PFfKd*zW&U_xXfXR0S1JgoVsPBUhG%yM4Lj#*Vq;N&n6y{<&ihDHW}@9k zog?@?1Y>x{5$nSy2*L47+Jck3v;Ix4`IQQ8x^MtIGq4or>AX;uO3T+Q&_b1*B+D}4 zS{WNa6SAE)4{!9-Q~x@{Ns-)|XYrh5j$WV>Zf-n8>o?Y$&o{!oVf4il=|v~v|EX)e zj-pQ=g^e~8GOqZpyD$e|4w!ff+th13|BI9alkH)&bI|5Tk^x2co0M->^(?^m7-=(- zbSLsfo#VF%mKcSmNPX=pPS5)M#rZl4GbW1X$&QF=L&gb{u;HZiB3)K0(hjMm9q0)n zPn1Z?=gW518W^jfJbQ4CFGk}~tRdvXZlOWWY^EU@({M*c9o*-^|AcH(p-Z?HwWJ_; z_siq0fOU1{eN9wtJaGjjHBj2jo=Sn!n1m6U={?E36T zV;vZ(6|R%Cl9-jS~)93?D7s(-Yb@$3qBr$IbDyYuTK^U=)Pf7(}K8ScSq4k(pR>Pdv1d!qc%#w<^{!Rcj z@er-R&apCb7N?pJmug3hx!PMNpz;WpO0#Yv8QJ7blzD(@EDzYJ*&bT4IA6aA++lkT zBs@xAPWghMO`~6oX)QmvOw9O;!22&z4@lCRl9XlKx|BaDY^-UC9e`4 z0ir#vMA&+Ys60%YX8kT~CFb(rAkn!9fcKov)+kon9w1Qi7aOeA(mVg-yZClc=RA9j z^{N0QUwZ#p)Ha9<>S^OcI#CvOTA%nQKUEAwk<^x@Yn>^Zbs^LbPk551Yg4U>t}l&M zV6t=n{zifyq!EHfjY3@w6>)d)M|J9%|<9Ui(7UBt5@sS||rkJ2M;P74Q+9g+G;l zks&(YIGh}4rc_;tA(A9>{tld(LgPd%Qk1A=M3apfqtj8xb=eo=3Y1PMVGnc94`q-s z*DprgTJDgut><+NUo;p~UNr0LgD&>h6`B#nOYEIC$TE`7w^xtLon!=LHWFeP?Gd6A zk|TB139flf2dZ22NFcD2aH8$bp!42$Nzse)!Jd4N@R9EjYC(kOC}zgCh-OCrJTOr; zO`(Y5GBZp}?WNEFAQmu%FWkQesTz69fuQa@&RT&jiO8 z3%@8aU$kCVN398<8L4o^1zTSSfWPO=O+LD{4SNa+K{+1UK2C*zJbg)7wUYo_2fV0w zzkh?om_(6SpP?H?H=Yrk{N3W~T=2vy^qFIHGY_O2u&+X!HrGSEgpj$TaB)14tCD8U znXzhi1VBQJHkatwZm6g|ItNl1@G3aaIB@5^#SD4BUI{Y&gzzy1#4mbG=~<|t=mUe0 z0z>w9RP{9UrjHqY#-TSyI+`JRibezLxz61(1c;o#V^zjvM!BgFriR#Hu4?MFF+u@L zdMI4OWT<@K6)jlHe@MCwvtI{IFT~938I;a50}Wf_$+~{?^E+MmhD%oDwD#622xR&= zICCn(jazUGYOI5*itx2YrUVqdZ2Cvc_SzcR-5qK4Z#(M6dXaxPIl5SFB8A5(9DQG& zf(<9|+`}Bs{1im1f!vPA5O+!pVQgr>dMu&B{6t1+EEXizP<_biWLG_^`$dxQXX2^g zmxmj`(IsPJW51P#8z^g{o0>cU56qrO`w9r})uDNmDxZQ66TJSAd{`_n2gK*8Ale%I z#mp)IapTPC{`lu4x-KHyQ6$yZx%qDsf{F0k>Tv(^qp(KbQv%`rWhe08Dv0!t#Wi?U zWT^6UqTlEK643)+EtjD;B_yavyG!a1BO!Xb2K;~QESt0X? zAHu5RnE$>VU0;sEFYAQWqDp`)?);2S_eRGGztGx}mbNvYx2!N0{@i{`2h61}Qnetc zqTQ`ra=$va5g!n>>^&u}l(5-0wu$k7LPWi!zaSk{lj{{+yHWXNjqbuX8 z1SQXg^rzL;t;A0X*=8cW>3@)V5>G6t0634&&G2u9rYvj3o}aSYleXHmy*%U6ixG$)Z}#~;ZCTDYM-uuF;GO?(H;s) zqGrG)bxwcxVxupz&l}W61MxWTGbP&CMA>!kI~G$DX^p}9?WVR!*0Ih&q5sg=j{@I* zYv^vOiPC{`G^uNbO$g?QqgdFax=W|b!EF_{4|&2OZZdYV@CHt3N(-brhZ5C@yxcDp z*SK=kv_YRJ$r=Ba;=9Aa_q+A+!8-f6?l`EpEF{uBh!u zzN>VX2PQ*@M?SngYIs9EeFh-Ic`+*xiM~((t0uhR#Qu)T###hV%QzLpRA-7QS{Ew=Y?jLJ_(y~Mk21CS5oFSqo!3t{#&j+1cri;M(?Ms)% z5F3PrZ*P-fke@FthRCAeyH?0?(&1CYYS<5NrB~9a{FrlE*r3-kHWH=0je`T0o&xtA8=95`vZoh7cOCIdGbYU^pX3!E;gzunWsgPeEt8HgRU=!^R4x;b z-9Zq&1X_n1VC#5?pIpaxUp1T1WBRuLeBAIt@h!TShfjQe>V09{4fK2x{5y)&8ACu> zuxg#BCJ0UU<7<03=$;jw)B6UlRqfLJjFuCx{ciet$Kb_51D1u)JmT+&!9ecP)ccz3 zWk1mx_*$;>^=-ZDhg-O$_|_ElUaz=0%|>wc#KV6TDG<1CbNmbWDhbr52+pJYMC2AKiU`sOe&- zH+)>2NF|dwz#cXE*yI>j6?th5uO3LqxJ7t-q1EZ|TH1D4f+oB@k@TT(BpAiTdlKa} z86?lNbT@L4j5V-5PPduvq{G>uz3*&G79NVbj~r;iCw5A3$)n|Q*~|0hC|>(_LM6n& z(bU7hHQH^UC*QdLKMlxCc!cdL17Nfa+Bp+mFm+FRgn~HxxE9|q#mB)w&aSe8H_6MS zsD$=`q$){weU$dPzB7i>0v<`7(gxY1f~uPHaek}x+H*{Zw`k|E^wq1b9joaog_3FV zMl!!NoAPK2doMZ?HHa22YZpp7l4So2{*FdmimiwX&2eiB zI}Z{iuSesttYz&W>z1aJh7{t<#$taL3meEx>{!Kgo)RpDF|qQ6mI1~1Cna*PsX&We znc8wRSc-rl^dTWX?V@N@u3{j_Zt|ZIiicF63r4y~{k0B?vC7lN(?w=X4%=&K>Janx3~4$w&PRFi;}I~p z5EBp+iAU!R`&^Evgbs_aK>Wn|hfI!RMGmyNw87Fg4id(m6Ri*1e&>$VS9ZnS0fz4i z+BwNjHSnEWSx20a(;3fBt`tZZ4(M)yXs#x1gjfj*?s&@3i&h8ob*&&9NNVmCHq*yZ z;I5GrkJullgO~Pwf$WtsEB1x4jORV>h?_?{-cPYU2;Zk7^d~nl_l>bfV@d$NoYhkV zEWYqF|7gSS?Hv#XpA#&)nt%3rOVI2y6M;^Eh0+Dsy&cq^k8^^d*RHQfh&FUSZ->5@ zn@jwIf1=#K=vt{!HLXF>N5&Vh`p;$<2{`^{BZZToVhaf^Ww)~?V6aHJ?U7w8ufzdI zZFFcXyjz#oIdVjjS$uNZ+Lp6wYR7{*6A#Y2k|CbjWze-^jovR2EA*Dj0LO3NR>O*Wo zI$(f`EqcXPB0N8O_4;Ja9%S2`a$=p@5vk@oX+BkBnrcZf+1xSFL=6$3gmk`FFu@QV z)g-Eez#D%S3-zw}J;!D#(nYe&?HSmikStGwe!=>_D5s}#LC6453omz_Yt!@R`}yBH z$k(#eNlM+48k70rBZB@u8_nOcvK+RuZ3VlmpQL`E_m?>&$5&?z79UlL>PpDdn z_+d#|sg00vSqJWib`8G~Jqa-tvkc32QVlPtt4%J|`hef7g15q?L;!<{JEu=BbvQY- zLsVh)vO8+2Z!KBb(HI9;BtVt+`^s9}INj3t8&KoCIqH=I?}_KiWorz~e|zhu#m>(I zsA{`(7Ox7YwFYI{5LlS6nhkMZ)RzHdt-f1K?}6yc7MhPptnZiAY3rm2K*t>601XEX z!2|cX68?6dF51RRMOh|spqL<>f);PfX`@PM`5YRu48m; zpGWJPF=5*kR69K$2ar!#dh7{tGicNd3-ih=8B*quOZfnU;kI=o22?&+N3&qc&kur& zmF?$@JvLbv*sm|`@!$bAr6F8m*2IZnpcaM3&YQ+fZagxSoE+GQ!713mqKsCT2IV$L z^WmC|5@z#s88c!~@>^V0gt|h61Q9bZ;3A3oP2n~3!TK@b%5PwTjv>kJW5##4DZ~ys@#aLgq^G#i zfB>+v@+RyBf8mZ3p2=#R=9YIw>X6d3lQ(g8^3q5xl@CBGWpYA*-@9%zLB6=H;OR^M z>Ov0{tr8Ybsq?&or?ZBD13l%ifO!h6i|(pRd*meQqdQ?DGXhx4CYSd_yYf7_;qbPh z7Vuvwk)o#*lN-$m(>{&Wz^wx8|4`<|qjTBlykB$w_7Qw6$JR?)TDh3=b;|;DCFJsG z>-jvXw!i*!f00uK@cP8{!oa>iyNzv-?s1|}o-cq{LNfsz5<9N`{_RtEMgi3)3*cT5 z)E2#5mP9-_1cdQKswQ6v3(Yt3fM6EOrc@#OF{cZLI=2YlYI%G+>pGn@4)6V`OVTJN zSqCXDlwIestM9c2KHwDsfNC=&;?soglKY{hN-JkkOh}{Sny~GhF*xc>c-7$&XPPk~ z)wOn|7|Pa<##=d5(^3Bt(Ao8SK}1e>!!savG9y+ta)1#Cj%jxb@Z@Xs%cIe9KJyQo(bYP&Hv9 z?XP}`80=yr%1aC%LQJ^bUrVf6yMWqBGjay~2j@zNjWRhy5piP)vt>uIKfn zG^i632J7>BM1TJMS<4sklFHrc3;Vf{${?#Tk!vsbX2wm4Fr%yYcI9Z+{5_o53Ggy) z;a&ZW1~v4+;gcue3MqCe%X2Blf&`G4iYug2A7lZ!yv_!Q!R0M35ChsgIHYc^)iPTeASeC68XE%I0Ug526Duo`5e6FbxtA33K>PrGD#%o|TVC~BQ;?_S% ztz^)?B6oah+g{}25ALy#OQ0UZ28<6$W_t|{s;^H=r=X;gh(d=il7Q#o+9m^&$$Qd) zNJ%4Wy)Gi9(!ON0D10X(&Ds>T*@eXL4iOAcdgv7$U5ub5KpK=DMWKaE z0b4iFQ7JEk;VA7;SIunf1ao`Cc?kTrfBFqTIJ#e2T9}F+SgJhu{BQ$W)$8%={D_41 z{vNyPX`;~M*hgLG%-6X;Eh6RE2jEqA@w$|Tbr8omUG39@lTtV&xc*JM)21YwDln>O zBnQZqu=eR`=u{PHFRIkexC|XxXb{kB5w!G~#w_mq0kWq_)+huwr%IY0GHGFP#48@8 zT54|#T45S6l>@-1qq07-QRqg%GOKaGr@9yJ9x-re{6-8H<-5Tyg z9oRgyB^^_nLrdBC!cbi-*-J70ZI?Jf0d#4Fe>7x3KJpl>Eq6!{kmPLvOf(Kktnl;w z8D;>S^eXDHVX_)7vl_I38c4C*_=)WhN;~ixj1K&Ac85)7wxtri~_>@wthE<2Zh0D|re)Wmh+I7C(u4pLjV-o}RZc=#LH6S=zf z?VPLdWoHGWEKWw#bKhEz5L@F=JDv~;*uY?XE=}b*_Es_GT6f8~%?x{SExMZ=A zVquh=c>WSs9D2^IS@tJ0GCRIN3FGwKo2NaW2j5gaugdnRsc8h(yu`@Nzq`H_x~|OV zQ$S2PgK7?fgEo6QKXI$=aMLawJ3BUO%5sz;DQMs1>%)1covOzd4Ehtc#aiYidb7t@ zR>yuvT3C3;rF9~512NnX`q&)>g`^nhMY_#2xVMt4|XX-4Ut7^YdmZ6 zCCI=<(u9^6M@JG%O7ahdZ(qZN@yEqwIH^wiz4|9$pF|-V1GDyf#PB`j7_>x0`ZQw% z}4GN3=Q#vcO)asjB92G5TXY6 zQIf?yLQEXvzL}FxRY7x^!{b-SRkty`Sz9#l$m5m4M-TEqpGivMnx=M08t0p^XhB2M z55T9WYBQf%H>7ybIx)a8t(-GS;uULBhI0;SB&w$-5IXLYXCYqu6UG|hpnrZy58n!- zZ+&u@gymEYl|?Ux^^*W^>urpV6XB0Dh@SpRkIQw;gQ&O`FS=%lLq9O&am=PE7R@P% z9~U>V6ABPnL*xQdAOf`$(8qA`R#<^0Xos|}EaZgKhNvM)4Llli`p3GA0(yF$rNL}b zCD{itwZsYC5+5ngoL@OTbN;Tny)*u?iia>#>CW)?DPux5wA6%IgLg*B+P}PHAgdC3 z_m?KEJ$uVIIxEPC?5(^38Hgnb9s6H6x2f<%D|c>;EPa`;%3pE{Jp`P)ZEsH)g^AA% z7*LTA%li>e7U5?sbqB2l#G1Zx-FIP}!kl*5(NEnB8KJO*oE|EEU9suLQQ^#pfzpYL0IFG*2K}UwnOR zY{0jI4RiFi#}?jiWGNC+1j(50$8S}y((bht%U;ov3w~fLT6H+K3j*kuJF1-`-Y zN+)Y{D^l4!1nD#{)w`6Yg@EljT_Q-0MIvE*U-TACRY;BI6cE|~af$%Jkw3AR*N|Am zyarh#z4<_~mmCJ>e03`Ir#XC{>csX}GZ<`v)zKmg4^~)C$b6QSebY+LD0%whJF8r1ZA_99=>m>>HP{xxv zNtcIEbUO;Ea5)&c>}vK1wpyj%m?RvoAn-K5#0}vj)n!uo27Y5Td?*Nt{lTDezyymV zlZ65-yEud$9;zYG6vU(1{it8;(ewB~CUaax7vZ zVuIhL5+t#@4g8eMdJDEFPbocb(oz=Zm!H@W^7UPKat8x{7J0keWQtW}9TK5ExmLp5 z`N)|bF$|wSs1)(Zm;V280gC3g`QntZGem&kqo^Qd9u~2tua3|=B;t2Me|~@y21Q7! z_|rGBkr(vU5xPToyw9|k3lC_Y!rR?`OcDK;`br?xeePiM)xY2qyRAeS+2EM8NR zwo}zE*v;**M)HfdB4$1*rzRYly^}W8QC{E0FmX{C+3=9Nb+7&*IdT(uGS%+nvN?!H zm4ojqBwL}eyBftcas>a&bi^$v(h*dh9S1+JNu>Dx^RzJ?Y;-iMyEtJ1!Fg!q`-zm> z?CaFEXipLZvFy9z3PAX>{u2-Lu3-2+q$ZZ<^CA=|F_yjYU?$~vS{TM5o6^>z z;He<+3&j2TO{QDPt`^?+>5|P<^g?MKg87VBf?sLH{p$`a%{e1BSGxg(4<+o|gdCUI z@M6JNunu*-)A0nVY1+*b5wI8zHFpvt%u@x(5z~C6;YL-6C4mQIht^eLU9q{+Dic;UiU=zb=+V*!G^ zLEr1}{NgZ7_C)zk-`sKmZ*z>$)puBiB>?@9JWA00GQLtA>@4d6ae_}!mn%PDg$$+EP+m=XgB&G-h5lMKv?F~TLhb2bh1eZ_sCfM!6+bzd$PY&Ih|8^Gvo1XTy zf1h-^SQL7`x379w0CIn4SLxv#n$jqQ$q;cmQPBP%Zer9rBj|H>D!IXvgysV!Zvx~U zO(V}1w3RM18XeFxrWcfTjx*p>0HjRBI~H{0W){4OSiL5Ad&aU56YL8_s>qL-YlHEE zEj>^HoHKNnxccw>u=q4$Ry>YWU^g<$JdI8)?LgMD>VZo?FpZ&P?X_y1#9v8m{080t zzCU0EFHS%6@Mx_faN>Tya=-B&y01lo0($O_Z~l$degOgAt0@4t zX1U~OKc;uLM9I+4PJB;^J!59P>khzx*JyU%ljY{uGZ^T0H;mqA6>K|M>6UKnKr+|M zS^3mF(a@kAVxL*6AQZQ`M2;a6M(y;3VeS?jOZFA*dn15!jp(o5$7St#QULSi^2ar( zd1z1TU~A#Mw6+4NrV%Zw1Z4=KpAX< zTNu+*0PUs@7CPppa9nt|2+$PfSxVqM?9qkj4OhP?`m`U>v{6U>39Do_PBN9Q)mAvJyKn({bN24 z!@ji#+^=xeWRlF7``{zJ0EHBkE5^x@C%k!C(`Oz8YKzd8-w}pmM$tgj{OGOruo0T+ z7P2+f)H8zC+t`sKQ!%Cq{WHOP27vhXd1t8=Dvce;3Lvtes@ls3*T1JJN@tNgCELMk z>#ydzv4$MBQHIyTTUHcZGsq*zE@{KWrLi++o4rK7#cA^CK{g;G^TGtL zNi3e^(i*p3e?xwT_ zw$0IA14l0>IDqYR+pJ=X#N%#w zYjnl-6DAuMFSCxj&w;fnFU(V)LN z>mk=0*#MiFuBYV6SiOI!BO*E@F53Sak8L@myKA{@QqAA@W<9XGzI}GxyI`MTjGz0J z03XNA_|5j;zL@)^xo=?yr2A{Ryg%P}r4gQ9!~$^fU$Y-RkGdMX&jWS163A2gYF13Ob75Dr4YLjWe@R-4!} ztdaWkN1&GSyNAvaj287NWO7Q9B&TB}`I)aR22e;4+F^+yEaQd7DzyR1B#`~CHfMMh z%$;th%oN}qd`-@A^9>l2>7y94jk#qmG)y#09QDh`d|Ti&SCI=2<_A}_AKFJAhbph? zg;@1Z;8dAbh0rYT{wS>6RV{3m&WFR&45hfP)+4-DJM?`i*EoCt{m4UQM56sSgGRha zHWIQ3@DuJMaz8ickGMNYpL_kr&+BaH-TmmNZ2DL>U(32GK95b;|9E`#xrX%XAgUO7!H?fIL<9o+>L11CIa6{QO(d|$=GW%#IAjRCc)4*68L4H;S61Y|Y-^4e_K zr1npz20lei8$Ki(9w!~BZO-^tqN}PLWbmD&ZYxkVrPYM;CO2>cdaP2tkx6ae_si{KQ()mj)cLT|YaLR`9X}rzrTC28B z?GMjm0*~5o5o{0?U1~C5QDx`*xhy*3;dg#-R!qNyPy^&9j`KJhwz~`fjuHssmIC(o!>-eygBm^h0Q&t}SL_@W{ zZ&w67L%ca{bjY{EeBKb>h=8xVty-YhT!L?kT(5y3f~efAT>EI&cLT!@_y6Q@wC|s* zxLd=3dHcIzaQ=2ByO_{cdfNg;=K33L2|2=G0;Cy-8&CYe#m1ZC!YBmGeBkU*oD@hg zDq3Lr!R(H@Ff^ugS8ceAe@F`Y0L^)6;b<$&n-Wn-NR&Y5z9A(e=8rLNu;2B^Ii9RU z;%>lL%^z{|NJWEqd$gdTXz7tbx%JP;TNL zJp~0}3B;0Vm=_F+G_sp$~aUZyMfc;{lCq-6DAnzB?pL4$p-2n|X?%((_+cCzN3il~c zp>@g5HGBXP+I>S#YCru{_=3it`%Gn zK}hH!32bE`H%$oxcgTEE!Q8R1t{;q8-NE8dA367tQ#$!X;{-rtV6|v%p_dCQ`1y|C z#V&oV5LVp@$X-LOQkhr-f#EljXpL}=dOCItWuqzzIYmEzN0x9OHgt*;1r>i;_|c>4 zxYK?qp6m%MGt2vIy{;27(@zI+*?n?28gP`)4I1R{&;=s0hC;7rElMuMehARF6G~$% zd+6|_Lg8`B=Am{k0`Bc?lpw}w*FL90=d>r&w+ak&?A$kMDT1_3?ohgw)AS$gxD;^M zvDzN>@?5<-w^vvOENhdeX2UNX^5EH?=ydIQKD=>%JlNn(a@3^22XOK?N6_|b3#>!Z z-)`%v<06}TXzrZ)(-tV*$`j)F0%TFSFZVKCI5Ty{wFjc*zxOM9KDPAqe7rvhyfhpC z{@m@7^}hCFU)CRC_+Ike%e;>d9&cZ_Zob}|h593*+kIcoS^xfteu(C*xA_q)T^l+9 z0N_ib?|fzEO{8uV*1HH11<%^7j{$<`sJ6E?Pf(T;6;G`(=6Jn6 z6^h{#T^EY}ltCzyGq>qu7YLxe1r6yxCcBp_n3OOx&p8oP5 zRzEPJn}rhudMYIn3S&uKuoJ*%|B!#~-057hJR0-Lo1&E-S?|c>Z)Yo%=mr)=4gv!= z)m{r8G_K|LvVm4;?PP55AzHh;iI?kzm+yra-|yS|w@@+m&{Xp2uYcVnz1XEA&-ITs zlJt>>Fz;t)fWAO?LO&&6au1W!v8EWrL{MhMLXMUfvdqM~P{^~s`@VY>JPIl58n=+& zi8n5*7xr~t{Dt7%W1Ag`hd z*?KLYAWTTl(v=@-Nt+dMCox9$7LgmI+tZ=2a3b@r3D%}`mV5L$0|F*OqS#H zg>jSpJrtQwBc_c31-KRSeJwsZ`95ab$YnT&!1;dhRk_~$+S5zW^~loo;OTzW za25MP{K;jG-_|t;MsNl1?}eWrJAAh|W}y=nCZ2En2@d1Pp4U5Pf#wp=2#`@e4Cz*` z7Pweu7uOr}UpKXpK0X`-LxGku+fC_+BiPvhH41n24n^Z7TW{yvP0f!}k`mBTDXnWt zczMW~K&mp}Xr2|{+wCNkfB`Bwr;KA%FlhxKb5*E#0pJSJGhn`VPQc=MDEXB)6FLK5 z&8q#Qg!+%+*bX6dB?{2pP$s-Jie|W-uvifyZHEwO+*<*#M-|zmx+3Lq*7c+jKGqSI z%iHL}kqAsmS-Td^6A7N@=9Nbz@X|f6<CWN;lt2wXGn9O<;e4AKJrl9t7uy^ewc zegHv-@O%L;^DYLT7(v18SjXPHv`XWO`Z-a$A(7d~7(xA}jqc!5#~dE!wO*H&q;}K! zKsX4T{mLtA*r^3~8y8dc5-yJlx_YdESC5vWX=+;>uND>!CVg6`F8cUuDT7l>vWfv5*x~=-9oQ^ZU^blg3nb|JKWZ;WSL6JVExmVpzJ0Krm?fTqM*oD zQ@P8Y0K3CvZjPw6JGEI~iP+K+n4@`h30b7N5^xgJ^p=_6T)EvH#W&-jYaS zNNnT(toXQpI@5rUWw%TFSFM~ZpS_csi9iD0ntIXPxLpIU_hC`HUw&E_11~vSdFdEa zgC&jlb;Mc5q%i9SeXa60oAh(OE>;<6{Hd9{*QKrnby(lgmi{E(0-oV4YYVqX%x?1{ zFsy$T{alw60N28osuuCjVi05QsDMpmk}!hrNO<;hqagACWvD~rpwY%obM{~UW69%L zfJ0+q&19ssf^9ZQnXJXVX#Y6%J-DF8HaYj1{wv|IttjH^Qp%t|t-OAtKKI?|-uYq0 zvSE6iJjy~?3JjDTvR*G5g@5m=ZF*P9o4lZhyiEOxSOKX7sX(B-+(CMt0^&1pWV07E z?rEKPI)niZ`O_lB836a5Ebr#mnUgz(KhNz`V1BimSuM549|#1it-6PwUk3=aPjjg+ zJ8xI4_DpiOM(9h$F`CS1P5)N>mji6VNUn(0ks;Gi+}La%cvu}zj!rd?sM@QFnBH`m z0T5T`gvKWpmi?){3m#XpnJl@bXObi4&vwQ?l?ydpy4Hs;8<9S3qyHi&i>s<4lZV6F zM%`XJn~OgA&%vm*zEKws)hiI{9^?Od(6DM7}T$Zix>c)w>ypta0+p z!W$c?cn?*dwPtjI%@K`sjbui?gn{z$Bj1-nU^u*CzLm+5JPmJv7$bJFjOlC^yY)y4m!>5`wUkTQ@g;s+c z|7)_|@8VT=)lZaSO^=d70~AMKxmA(uXFwTIh+#H5r^b@|tPeT+AOCh>iFMG&Lh~fR z$$hSaly!eR>R!1Y$hIU<`8kF8e-!Qrwf`*sy+8An+5Kz8=q$)((LDcNuio3j>;4$b z;rU&S?%upVf-qs_R%)ddL_qfc(;4EWMz_$}2|R8U9;5OY3Q_%px6H=xB-p3!urMaY zo_=#Du}4@4HsAyrCXPGps!2gcOr0ALBmwN?L}Do+dy0lFhF&Sdzfj>|=#*zU;dgKl zuD`xh5A&VKMu`NluSJPk-;eIaM|YI5^Yq~Kr}DVhXJ8}tLk_B9@M|B{Y^nfd&Zh(! zEwB`xg#FzC--?l_A(aQW#SGtMPiDk~DDwiQ)2NP3zq6Pn$8O|~iK0*Y%grUmLYkGF zgRx@VFxynLo_?_`)iPRdt`21;Ix41EoEm4;sQeCTaf1Kh0J__Ao7Ok_<^YeSnJ2w- zD2R)I1*mQQ&g$rEhk%Y?Y>4_m3D7$8azvz`UUKqwNcdfCr|A1MQmjw| zAO$D4mx~xGmMaRC0!j_v;R@}x&xDoXwgP-kNY03048e}@S0Cu=xGxL&qT2vQpVnmP zsG!Exg>pK+d`Dc#aBKN)>r8u;pqdVVnrPUC1XIfb>bB!iJ22`(7#;DaB}oFJLO?3) z58IV*MI~QCq(hyU##=>JS=x z)Joaen~tdNJZsEvn29TOKy@Ve$Yj^wQdx#kC*0ZhkV%WG`y8>MIz~E0!c0yf1%i(H zvK}k?8*kWBP?bg`{l(qo?#s(nWhDOM^NtFC^ZfS9i%pU<^~{uO5EwqC)x^tDeWll6 z7zoqr2-DQ#f{+E)OxrBwL*Nqpb>C8EMkoHgHd0-Lk3`lLxQ+O;(vHq85CiRpJao|( z^FQHES3?0s`*n)Y6Xd%}4)uN5>ihljwZ`|S{^G69(5J315bpN;ERep7?K5eZ@9k4=S%3yv9d(iF2HDQ!NdkzIM zGx@6@y9L6m1e6YADh$i&wS&qHaHu;t#rs2sd&wj~-gLPsn0zt{d!kXXJy#(i1cY%| zCbP48X>;tW-wKm`l63^Ht$3bgT3wDTvh0rrw$5;k;utqX-h5oVXuN^O4r?Ol$zmj> zseAO;``{5T=u6?W5%QeB{2(YFB<|fDxCk5XnwRrz+O7LT>`w4ORIh4yZl#OrK&@2F z<>4_O7ynoa5Iaq`)9(GThI0@|Z})h94gvpn#_=?f;^j;4^Q(4L!GX#Y9HtEtAj?yV z%kkSe(0iJ~n8>z~q>i9?j78LMWFZG~n$FtlS7R}Mk#Z^`$#&6N$N3Lm2#Dcr$_rCm z=&>YibMgaig~G)A0eY6dnZLrxL03v7&8CymeaM7u{RaahX-rfxyEAuZ&wK$aLsW9$ zE`wJvCp@7Xo_cLs0Pdoh%0WO>{GC!?qmV-5+7}8IumL%QEc6(avm$uybl4>TbmWJE zed(<*TInNWkAbxPUN{=Dd0^U8ZZdENMcQe&#Y0pf5V&gQ)LDh-hiWzf6>>rN8PWECSE!^yc9T_U-U9WO}S>JK|= zZQewuo6l~47N@wTIH+->u>*c^rLlpjREAD#rWm?ISYWlRy@lxf&YZ=Pv^>~@z^$Or zZath5nAQ#FM(q4fs#*Wv(V`xGU7r)Ff#Y6+o=B~v#{%f`T$0I(!~q-U`r3n z_W?B9vCs@p>2g_f;?^q(P{y6mc zRVV%AL<~1FC7QZ$gs?qC`$gkR15tw}T+kyhd!)5PDDUU6Ap~j0wjDL%8wB>Fnw~Y9 z6r(wX4pd-!Qq!Q{P0ys08S?BFCsdeyqf|3az&{pZ8++BuVT*U-RUWG0|4in%Bfv&R zefB^3p+;i&~+9j!j*-m&jUk|izx;EZZB-DT}Vomb&#guF@>mre%H;R?bfpOs>HWt z?n&A4rS18)cVXSma*Y+J<@x7tbkRt_{&ndI2Wq~B=>3*Ypx-3!{`{WLh*DM^JNyM!lpAIQjWyA7>vA<~s+C&5x2%{zwwiS>r>>d>O(?5XkTOafkAO z{Sc+~Xj4RMNLKcF9Pg%euJM03Wq8+yCH{ZLi^2y0eZWD?_GpTT$QkhS57SV8SDD4; z5+vmE^@&E&Wy#NRp&I=C$Rh{w^kY@kn&>fS6wG?fQW5dP3P%0?o7x63V4(_s$dK>2 zMZ2KC)eV6QB^1C$^j)E%3*!nTi%61>#rm)%l>`*Ti}p(XL&qH@OZ@B7)_m+pLSTCs z2!dhatuoR)Y4xjcQQ_R!qIO`r0fd^aUeK*#ICX)+Dq=m4YJ@eqOvgBYEVe{D)clmi z14`_njAMz03x8+gs^m;osniGMPim>si+p%Qz#-&)nx1^_foeR98PO_B|D68HevSp$j0VTeP%-Cf~d@Kg2f87Q? z0bIg*2!27yUQGeokRtP2v*d7>{YXkvuw*<31=h9hmy10GXF~mHxR!!+Y27J^f{3t3 z&w@BM&U1qO31OuA%I(F4fKMaH`-}l$7S^EorxvuU=qMvw%h+NKpuK#FhI>RbhV+Q zhML~57v5aARuh=rId_MX;p;6=vya?vcCRZfTly82R-cCr_P?L)6S?^dJmo`7%J-`0 zZ;mbaa(%kA!uH&>-4h7hfDjb1C66C8v5xWW?=i&#xL?4Gv91G=`(o?qc#f@nDUc7f z44{QeJ1H6Dr$zTZ3sM;;lY(;A%Ubk8Aw}}5Q8hJ?H5SZm{h}_#gH1OK`kcoDyBwb; z5c|^SxoN*)g~s}{RFT|D>Rc57YIdKmhPSzisd#KTop1JM5nyk;ykIJB8vV|upoAqj zG7OX6T)kZ*_D#AA*$MM$=iR1}|=G;Dr9Cq~7$RFgJLEp>xzQ9}?2~zU$b- z4&>b|{UKuF&;rZv(wUH7y_Jp5QWgRyK>x}-1yT?nB@=ntSs$RrwLP&>YVuH3vrpKW z=%(hP5{;07Q8PEHGP2jg3zOkD*)f z=>skF^9J_s|KkFXUO{a?8yn}ECMCQ{#QVWh-zypZq2`Ja%1Mmn#uvOE6h6N6wq>o< zUb?G%DExMQn3@?w^BWmxo1+$Ss@3iJTN<4gydf`=96T{_HDu*BsdS&=_NXrFv8KZHej20HIe z1ZS6Y8@amrcWJQ(3Tl#gjA^HA){6SX@3N+)>i~riWEwxLsY5PBO_x}F4os+=kQFvY zA=Q^&BN~a}NqjLX3ej~IH_Q%yi^|zooa-SyY;QZ8H@qC2s7ONWbdkzJ>?rOIrwnq2 zidfQC(abzylBY-n3nEX*e~Qr@Y)??n*v@I?#C>Ka#-GOZhuk@Oa&3&8yS-a`6crg{ zSk~vXoGK*rQV~;WaM!R_BcoX7w=;<8ne$a?hw1Bys@w}(7k4&D znhf|dbGlLH;2Ab|aU9y`kBNJ$yjH`7r2S<3e*KHbmeY)P2~)MR*_vgA#X1}<8r`=t z2AR3`EDLJMuS_~vK`@&Lx;@K(3Iwj7tv#?{qVfb!3P~pRN?UNQEk|M#;5axE>LxH_ z>3=jDF1;i?ZaglxYgsYmUFd7n=2lT z8oc8ev|jc{fV$eQegEkLZj)bLZoaPe91tw+R19kw>O);5e7dAWGL`*^cu zAhsS?YIA`Z*nr1s77R?hCWC=z&QCBJBh5U6*IH`;WV+^r<62u7uD(v8aSXl<{SEiW zsV6byOw&|BUbRxh{np~=QJwVDqpbt$!ER-g_-4uHRUWmv` z!WM?6_RGUR}lj0ZQoEZ?(JYwy|trhJPFPRpsv;9bX7&@g#@#p0*MwUZ|UE*tg< z2B6iFma-2Rck!&GR0A$sa6p8C_|(xN^{LK;6CiU@XZTCB(?C$U0bf@)X;%LeF+nO1 zS*XBK(X`hR9wr0U$A~9rmy2(BNkM8=E6Sih8!o)SZ?n71LwCSHN2Wge;NfK<{>Hk4uty|*zk z)VKS$PI1k|x~lXav=14}tLS0}ml2CTCB{2o7(kGU zl1p(LUw|2BPm|~NG@~{GDtKmAm;d|nNX*rnr{#oHyVduu-q)1=>+Sn>ZiG9b`!}a5 zx{wCGrzef*%%;|km=gy%(Hi&~xa6C{KULmP2$=Q?dpvDp-#XW!W(yVaXIdw$0{3B` zumqm*uY%7Z`)3zqF4LPtiJ=bc6JEpZM|R({3jQG-GN#ybO{5}VNd;1>U^}WoSb0bM z#?K2xdonR7QbHifB*^#!RAn#HUk(=aRg(MWxWF0*q!0%w$L7jJk&bGtih&`Xp%!Qc z6}{k=KHyTwA=pbBCUS}P`430}N!6^@RqvFZRjEQSC7C0e1Wvx_HMT7mi33;mQmXV>iVN}& z&L*cUvNQksiuItuB}yohOthDyujRw#xhNQVGwMbCk}*K3W`&)MSc6Ful0FP@CPVNV z?5aRO>M6}_Q6Ya@h8&n?CQX+fy)|`3!4P-P*~Vs8=kL)Q?Kr{CDhQ4q;1{tLD+twL z8t-&%@EZz)ZE%QhC{VRKSq*H)3B$p}s7j2^I+HRaVjA>D0HR+Q*edEvztfXOI~>cK z(Uj!zhx-ry;Tg!kQRaY3z-hrm>*E#d1)iBol~TwcI`_g`+(-u*{UnwO zWP`!MM0OegwR(+9^2{k{h=*>O_m4{=X}kVW%iuN{KnjW4h}uLY)JwoCHq?wQ8~;f_ z6#o;0;oyLTaj}@qvXOZelIJQz5Cu`-ya_up)gqr+g~(;e!1fTgPSh;JAeeLlEWFA^ zTK3K)MBGd;hHwImJ|z;OZ8dZqNLhOp5v|{N+zsq+_O*Lo-zrAgf`I(o(%OAxW9PZC zvHjo2RbKHnTi+Lq?A&)JGrd(S+$*?V9KQKf(Fqfe%c~DN)c*IIOZ1rmQGJe&V)S zm(u3)5_0QvaT~N~$?9W`F_SEH-j`R<Wr?Y!bY}Y zS$1sj;`39;h_ql7-*Div4jC|2za^Dacw?fYD;XMUI_2EHpvRY;5WoiJlEfnmfS+&5 zqA{`ca3J3j--u&4)9ld9Z7Me23abt?cza2kDY~?%G9fu}2l7v1zU#FGpH>tR#&&#~ zi~zurh51$cAd4f5_o_P8X_3c~k}Y612MEneFSiQj>X9XqQ)7$yETtV6;2aIC|IXPF z`PCRwMQnf;(%+oMk~CqePfBmqYd0A($R)>4igRYo16M4N5u!9N*G0Mz2vkhX@oIX(&FMxH9q4?cFM-KQI1rcBq({={Of>v<8+LG z=_|;yNp*L3W>R|8UVi?~%m-uUY5N-Zu~aUOX8b>ycvn1==>^9CvwnGH(W1FxzGL#n zh@Fe8$FoyXxXNnbIrq@ZQ}?1dJstFc;-q{l6RVDYUG%m6=D;_RIh|zKaV=aS@if!P zIqHAk%H2Rn;-&5PklYtUYQ6twlB!&BX1Qu8sLD42HjT)gA{10o8OA)#RASCQ+X4!0 za}+Jk@xs1=cPgAEL3r8^F5#bDwM~WOF+^G-a&YwTs7qY=U|y=;aK~}BXcIQc5knXR z8bO9)60kMYc%jBi%{ClT!w05^-@MuNe?ZMUx7nI58%Q{5FEF zzosA72?Juqh|UEB6|oha7-@B}1tBgTQWW4PHrY1UV4B$UhJyJ z>bk$hEv5QLTtZ*$1TvdD2C5$Zhpw?q#)g(1X$t$_G7OcPAPV2?>Nw(hbTXL%@`4tIZm z4ilC0Urf?sDl(-D@N`R5EWoY75O^cRnXn(N#6nPIEHd=1nZaBkIL7m!vj2~)Z;q|3 z3;R8_ZQHgxwQbw&)V6KgZl|_wO>JXpP1~vOdGqDF$<0lkKX$T{lkA;!_FB(R&wg>~ zKB=`*u)-!b&hXrhHRJ`Z+o}fW>%oG`!!um2j)JcB&qYXUnX8s0_rz0!0K`Qm2m37W zi@ckQmL0JZ5{{BkUvLkSKaxehctXygw}VLg#l3_e29su~i3B3-sNZ3Qqr)2H39pXM$3Y-7+#9Y}#+2 zaLEYq9L9@T>oTzw2?N4*nZ=x#U?1~KU;2Y z#u3VjRE}rMBJGa=kr}3KVnRm%p4|z;EKo*k#Fhtt(@)D1^`8XD?D# z0-i$7`X)S|VutEFrR=I^&qINL5cPx)PoCmgRrHsB8nw*Gvj&`uZmX0z^dVbQiP{5X z8IigW8gjvjeXL=&G73FSv9ZpQfy&fYD{!!rwE+5||m(b{948|IW4gvXIYsv)pdA6GQa9KzI9DW+@1=-x`1o z(sM_b;3MbbgKwd^cO_ci<56$>wg^}W}D&D9s7g5l_N38ocEB#nk;qTzmRg~{e3g+Z$* z9xPD7cqG33k*p$t;PnJ(1{+mP5_$^4D0dc2*-l~r1FOD}Sp8~$kR&xPlj3az_F(A2 z*|4gE-$Ij8y;#xH7D; zNw%s^v&MPuzj^1D^+7p@Ye4 z5Jnlz{mSwWY@{Co{80P7pPCL4HSasGJHs_x3W|&cmms;jT{wn*2#P6_%z%#Xh?@Qn zBE(ON)Sk`GE*2KacXJ&K?TO4sg*3fiPf`&xIp|6cZGltlV~_yR_x)5QP@Q-HXcR@x zuS)aJ5V9&-0!}bf+};o-aRj7_5VwonUf-nw9;EUR^URsw%iHtZHd+hIiFRfB4IW=j z;gFaZa;TX6AnP(U*$<*MvD=22v&Fu?;H#+_?V?XT2|*q-8WfaH9(^`FMt{g`4-P97 zt7XdM@tk`}X+TC2eHphCE4#*WUWBPADxH!91JA`ovfjtgN@wE zI0L~IajukoBW2^o55P;+VSVzcO)@QKlh(6eR)S|L zM8iEHKPQpUx4%QwJ0cWGj$)t-k%vCw$>8{nUU zyiO4Z+b-<#eq3C8kro{r_0XxN0s)-(8SUKzLS_n{fTx`)Zk2l1dJa912H(!TV>|Eg zQuAem@9+#L?|+2vefCyA_0)+Ke9d~k?RVgxb*lZ@;)a+xZYW+Hj#F}|n3PUnr2zkr z_1DT6u?YlqJWSgdB@EV4vGKX6oz#rSwhS~mLq#P%g)9Db3fE%3;xusWg{TP=^H_6E zGv|$)pO3mDkCpbUjER5(K;>|GWm2e)AO;a1P>-2WbM_jV#$>;}kA{@9cW zeiegb8(e%n(Zp7uc?`JNGzaxzYWsjEHvOV*Pqi^C9Ppt5e|+fmFv4`ILp_uub$Nls zE~GxnI1LsBlb3d65r-&Tuu>MN41?}i-IH5%5gA^xNk2)j+@BX14I?QZUV!Ug<0?1H*8 z_50T-=zCA~f(FDDumX~=FTgyVcKYA3o>7KOS&RP;buYr*;?6A)#N||tb{%9oJ&#^Q z*gpSl+Ag3A8p@w*d1u`5V+o*#y>O*s6LT>hM4JbnPV&(W9GS5(1FQ6aVWt{jzD#}p zmoArHDH2z-Ay32%3t2CETgV2BS7_&q#KnNTQ+cs5BKxS&&o>hezu^QZiy5fnk0&qaah(C2QX!3|ot^!MskaKa^!rlqTBw;OKEp}drlVNN_ z?S>v_!7T0R$4yv@LNVOJ-~aKpHZ~lw)O2Pg=%;3(`7$3!D#PG4Z~8brosBeyHUaQ6 zS4Kqs0p=zE2m$bDF=~p&M9g-YRI6hQt@f}GC98mK$k^To9#q)@1SD0>IZOh@p>?fw zxm&w}IGE>PK)`md1SPMpS7uEJ4o9ZYDI!eYswG0&niVdVZDPVG5yl+mWU6Rj>4=R) z9XE7!WC+HgmL6=6ej_pVKZi`$GYpeYtm7Fo*ss7W`u9%h=)geA=8EOc2Mly2b;(F|HaySc^Yf?`g@08!=(-XDCiPj{Ke zCDReTqki?}%*$7NqoK89&E!B->xl1!&*c$yyXR-tDu6*5@ceME*|K0QRM^7y`7{Rv zUytq2aiv?fizE!^NcDGhe=@EbN6u#ALd2m`B4~v3TDMIzqiUnE&)++g>5nU{z`>2> z0b!f?C1p196X|T}?D=0eEPoXOq?ORbaLZWA=2#vR;J~zc&|Ivj5jNpBwRBlRHXP;Q zG*rLtdGm{$tSX96Yktv&@xE%Uw5rC8Wjo<{=gX~5b|q_@_~&&AnZ&J2Sc5GR|CCe~ zNt7i!)S(XNod34WY0u|wdoLO=oDPLsS=lU3 zy+;gQwb#B19Tzmeexou|M=6El8KWA+?Qn8PZS7=V zhbFE+T1UcT*A_ART)DA(UcZZvWJnYbg3q;eWWi^iu*VC62MHszyw4?)j?J3TnVTCF z1F9VZrYPG1FXWzgX%{FCf#a>_$c$|E_g>x=fJ@jTJ(p}bf1}EqO`I%`=1|K7@Q>Y(KucVnp#l! z`R_AIXoOZE#9+MJb*PFPIn#-*8nmHCB?&>|u6^W{<$%BNrKeQRik~scUKV7*WGaUH}b?ol!S*f?jw+Ggt zbeDG<$4Onq!XZ|l>mx-LT;M60@_BWe>V{8D4%QQFNuJ@fg}6rD-%-voBa-ct^&j|H zE@L^%+mfJ=Fd^W!G)7Tg4)vIn5IV`FJqkO#&zI}heChpOckT#owFf$8kUR$paa{BBZc#ed@y_!>b2!%F1LK5hdC?`TRo<@nq zke5b@6%n{HAuVzD6zBkm$R{qV{b744aCB!`j)Y0+mSlv9Nt6sJRBi|1++K4Mt`m1J zDO`ZOkx!m82#A7|P#|RGlZNcR5UX{w%nq#^mXp__-OUpgT>P1n7sh+dx?$O_m|a|w z9Yyf41u_L?;~}2eNF2jIebY(J zn)OYNE>#=U_^BRBLl-2IzD>F6g?+LeqZo8?Db2dlq4dYG553tzdMhiOjZ4S z4iknf=E;Z=(P^%{o6gQK43<j zQZwxDYc3Lrne@L~1HY%9QT45!sJeN1E|?)0D0fC~O!N$5WmCS)7Fjst{8uEcDPiPT zwWShy0mZ38<@wg*fvEGAedNAJ3WLS7Hzg|fG2*!Uc*g^4Rp|$Oho&>A?xbT1mW$M5`sW1-C5?*LfLzkOeHat%?KpZ|}{6fyai* z+v3|Z@wNIzNjR`QwdmH^=Y|)M{M}h~&+DcvN}R{a8EfQSYll+uRPV`6C`SX1s?HR5 zD&nN=h9N7cnqHH}$uyVu0P5Uw7PEj#Mu`G~umC_+8aa39{czvYa;UiO-R&RzS_$|N zk|w{6fl-V~gVQ(s>=nQ~dQTnKVEbP!fCpE*bV4zqxcY>-Y@>{H8kFlb(eNj{2cHes zd-jLkbxOvI$;){{PoDg$#ASOla%1*o0{y1yd(72>FE#b0PxT-ndLsO3R+vZV)JsZ+ zB>T7!%*0O*XA*G`hSspI7zT`wvDW5hB-$w{9-Tsd9so5e4YIVPJ9^yQocDb)1G6JU zX)OIzzUw_?^i>tEQI#E&e?JBYFua6IjZ;d6Rvm69%Oj_5n}OsgQYp7e@4864sg2!@ z)2mogn9h726(tQL~!Jb3Y^7F0MkO?v3 zKyK}}^V5|y9xzhh|GGWS*=N$K)0I#PI9;Y!x|z-E;PTK~!v8zOVrp>bH0VR3j$3XK z8%HZcW&nyfwBUqpetBj43uc5sTVaaQrc_3=ipuKdS{#6BO#0{gYl=L<08g<`kTB}O z30vkcAQ`!-CFveH)(sH+BCi_3+NGjo0h;K7VKmD1;2)KZ4|j%K@+zot+G9rm4vpA} zZ+z1+!{_5`!uw;jR$gfEjdlPRop(#v*|!*j161fYeXw`(i;u4D{btEvgdF{T$wH-?jaW)5geq*Mlrq%b zGME)^`0Caus=J!w0czBXAh1wRJ^^O9A0r)e;i<;;86hC6^|8&3z+Vc`<{) zaEws~o#1!~ImtnI5)2Sx=&jEe0!=Z6sogj59Dr3~Ns9>|^L^-c zko2z+dL-B4jYOX!rl5E-0X?fzhiy0-;s_)y3bPOS8#S_t6$u^LV~Y*2kY@8QlmjhX z?c(4P2kM=t&`t!W5J5mG4)zHa2CjN6)lrGD$!WmYYUhCF6;5_#O8E5?X4KA9xPxL9 zja?GZ0pZ#k<$BObKO|?6kxQ5sU9LjC3~IGdZ=b#qoiQenDRvn^gZ%8}(WGI8=Tygv zUY;8rfC_4B%^qJ*aE%@bX=xN9Uj{DVBkLsKaSudmFXwizsm^6ZO1h{B^=*o7w&Nn( z!EJH79lRkQG`lCP(4s|))MPAkh_dac6cDJ|S|$u_L{b)7HS9dgG`is3Ou2;=k+ml1 zp0JzQQNMt;Qe!+kY}wHpfe0LCCUh57^T*Ekj{*g(cjt3U(_m1`_|sB2=49bWjMBuY zrHTle&N5?C4&Rp?u1Lh%kD{+zG9a7arxK+zkqlB*0E8m zg0#=dh-nN&KeUj#Yu3Rcaf{0P zg0W{V#i(C59)=&|-*X1HK@tf&|MvF}U+wwRPE2$d%biy4)zq72Sy!#X>Cg$A!B*-) z{<7h9xVPFCDtk5J$$J*)i-ak?fd2hR5e*CWV1nh(YTP&Lpoaw~ideP(9a}I*WpM}d zUB!{-o;l_9B4V*VI8klNGjslM4LP6zO3T=BAV4Zi5<+GS4*`x|-PnwnYm@tfngVig zLDKwYsTS!nV@@nOR+bp{%z?aube;W_L^RC!{SuKvht*_jp>GWAo(#J_uoW!NgqeUB5Y4&mdaXi7;w`R8m|Fczo?;EOI4Pppm@f=;u6Wyga5axNC5l*kI_kWn-J>IAD zEApwp1|>yL&BXA{znmyP!B)4hNgMdA!tpkG$Fc-!vycjRN01?Z$}mz|w8z%Ku;ebu z;RvWpA(~f7I*3B1o`&-1Ku#3$omkT%DlWplOM~Ag#X7fJsDn{TL!ZPqH`BG}h@+Hq zaY&iYw?T~i?2H<-`Tpeh=O)O;{;i=itP0W~xWP~n!mNObi%OYC&O9Ilim-^xZWdG} z5K9H)8@L#zT83v#8JG2^-5%y8p(_y!Ekn;bha493-f||s18THaJ6aZ`YdbD zTYl`IyEm+F97y%|QPi9$aeY4ykMm{r`rX#*ZTsOINHcc@Sh{35vh%Rm6C~2EHeGSU z%J6+PI@BKpO(7K+>etYr7j!@HTzS-x%#4^%PnmQ5_ETM3&!TWuJG+H;DP)*IwiS~Z z4HrxdDEm~TeAz@Y2JcifTa>PD!rzUfTgw~jmxD}Km%K-Mhm9S zdamJ6(@;uh$o9dzyrS;-&O^oH3JlByl`Dm2E6{b(q7cvIhk_X0I#Qu9@>0wG{WzxK zi>#z9(@HULL4GO;D|5Q4dm^lt)TXzgjrXO4Q$)!ig{bPny0~fG46Qhnv2^%2>=(2P zThnaewpy#u{ba%uPu2Csq)_GMUGsMDVi;TSez>D3hR!5&;gde)-u`CMnaVM_M-wvK*=A=J0D&^*hc5xe48^8eU-(cF|E0pPFhkTpOb%`dJ>%4bf*0#d zywc22Z`rur6F6JMmEMNZDz7{c3`@y@D`AYce` z!RT2xM%?{e`BL?ck$NciTa$+BVg-~!)*tg1`J749XlFsaPB}5w!DjZ9Z(KG%mugM5 zV%9!4mRzxlS~hvD>C4*ixu`UkXV;G2u07*?*VAw3$Z_XaJv;@4JJ+p)@0YAqV$Ie) zrj<))xPP~<0;n2Dt^&*xaJrv+J%K5<@aQB#(nBFm)`%Vx_h!Szgjb*b6&hTMSo?`wDr3* z+F8AN8BIobz)XEK`e)`XhvI7rYgJN0oV(pWYA~9O2^^baqv?r;$jfd1E_fV&Q;r*(QaegX(W3?UB;q8G*O*JXyF^1DP~dK_YD~Fc!X#qC z{0acIiFYrO3@oc>0@)$F&H_M^F&s2y`BZkQn5SfyIuQ>JXsE@k>Twt6!@$LX=8_6A z%baMUmmohgb%jJBJDo5{IaXBzcPI%On3TL#mlXrVl$W+o5HBMti3JKn2caxP4K*9w zer@c4iM0=vb?V_{?ClzB?u-EO4-wcvR@node_5ntwC?4~45ZGCBXwdJ=E-2)`{%Xc zVwoJNtO+7)`1wjT_~o;C zh4Z_kAzafZKCle>`T{RG4*usOmR$KF#+lqVtOK`x+07f$`%= zz(ma^42+Bzbf-sXou+8BQ-650g#&-H%4BdeFm4u1;8%?)@4kQ zaL5w5>4xk3e(-w7V@kS_aHj4%@gXhpE)^_&wutil-JZa-1m82wbhgR;yu3>c<&l~Y;OR^L0!Qq{@enGY3W;%lf|{a za|{_T@$jvD9W5~HE`PS|T=4OUm3Xg2A*paD^p+j3yE z8c68Xo)`yjRXEb@N$N*5qN5Z?g9u^cxIaiJ8tG^IikLzSWMYt_G1^O^j5 zjtn`e(Cy|)lPa<79-`(5MEg{wE4B$_z3uGhg}W^9Upq`|H; z=y6;QGn_}BldBc@jUc>N9hyrDup0W0#|M#>;pyMILnZ7Xp&8?r-mqL=ekp71Inzu2 zTLiI7QFR4BiWXF??$LGM{ub=LwOGNJ{B-I{2M*%g-N379yV~XhC{cgKQ!>32z6Mi@ z+F^J8v`bmwx2)U0nw zkb!-yJpZMAA}CvO_uH&P8d`T&DXT2{^Fn3|j>T*QgCX+|p}wiZa94?Ts2o$4ogAJ; z3C*V~aAvLjSYSV~bcmHyrQQwz-YRJC&Ktx|irpeTP&Nn(0MRB9arq4pI-fR>IH^w) z=Yh=`-&5v=9u~${$Z?xKr)B8l-HzoM$tTw3>^nbWWeG zd6IWgK{!~gpzwQ}-z(=keK%ID%IW@p1(?@(8$jfrlfLioE0+IJ$jRFGU4r0;D=k4B zm%9wq(r-Q=3}7SRmecd!U7$Sf$JqT90wAox>&um2oI5h-=Q!ED6h57ZNZB=;DkAH$ zha_>CR;yD)Z=y287q9vP85;=`Wny)&`wmJaMY<4AQfiST1)P@oNKjU+?q=Kxd4RfH zVcsE7LI?*dWEGL!<730;d-JgdT%=x$v6_`YttKxKNOF>XRBdu0nyg99s1NEaMUGmi zawFaf?X9|OYjC54b-e_&pH>X>v_iFiJGv-NtGT0PwRatcLa<-1U!w5vuem_rL>|)E z!DwxaEPvwN&W+P{M%%044Eon>te6H^G>{AA+UQ0l4BZFT$f2C&uP4v0RoAIu8l;NZ zH;Z;bt@wMby4{sfJgS4Sr8zn7uecxAgeW0ToHJ!s8aLj7p;8kpdv5+*6+vgd4al`^ zDZ172ztg(Q(c2p1aNDXnV|!1EbmIX%XwB>;?BPFi*b_0D1z;bFvLjXkHuB z!2qyIUO1MYMn9$i!&q3?8r%vQT5d0 z&E{jWvzPZUv4l&7>{KsPjN93NZ|<}1Hu<)uw|S@gw*T`E>W6_@ynijy?N`>k!0x>- zR5~xAJ^NO3+ZRp(F3j5ff)mbFy;J8Bva8O`6%ELmyQk$wcfhI3DmDl(V(%;BM~5XD zzyDE5NsZ-}C%ryVh59s_r*k1=lbHkpOGi8t=pD7LvAt1l35=5#o3;BVf}WbslEvut zT#DBT30eHL^?S<75-LxZ~yP$2vS+~l(~9q9GtkpPe^A@xD#2ENRJ=3 zRVH8%fvKY1r9kqa(a(kVqh>jeSpmDEN6=Q2Duw~^@EQK?O5gAK#-47gV$Q7hE9m<# zEQV#xA1RHm^m=UIS)VMmCAtz0R1CHWzgpW&!q-oMMUDl)JJyiBNy53cys0R<=nT4` zR4t|~Pb-PTTh3g*;G7*Q4g!fkw#as<)^=Y3^4 z>cPUs6qXZ#1tN1hc=d-%?rYow$4d3DyDTqp75mE@?Lu(WkAd%}=-M@ht(^zIM!&?n zpIh_ahx7&CHB29Kn!Dd~i9E?dK=s#!e|z6jtRz1})fbNa-Gx8jG3ub_a;)U+DgC-3 zm*rsFy3_8%{@z-O*ZURS?QOtQ*d9&)Dwc;s!tXy>d|SGu5mAL&P%>gsHaKp#9b#GW z?UyxJds`2mH`_U~#@*WK)M!L$%YvjS-U5Dli}Q~I9qB`ml~Q?|Q1b(CSK6dLl{fMh zc|-s<@YVB%Q$34&fj@PZA^Z;;6?5;z?{nEu`tB38A^LM*7q^|4aagR>xl@C{xy-@z zE^2CmkNm0VC0J0voX^*qksjRo0m&jEMC^<8LJLAXQ;>3~+xX7MA&&PCA((a}Cy`Hg zwZC9nNftq59+y8OoUfz z_*$PT75#}#Qj^JGfq;l>{7<}@Eu1ZkD|?rdW3S+a&gpztT6AC*IbT9_X{@3UB zklkWp7^=||LW#;T^8isC2r4mxS1N(UB&eCApI0#N_xMm$ag2^ynw`z;HzGMFfLmU~ zvb9W)xkVADl%Q-wrd#H-bWq{0bYu6D5oi;U&fyw60+zI>q;e|bQSmfJT1`vCP;lJR zE5<4e36`QAzsV9Qh|t6nem5onTB{5gR5o2zKyGJ>rmEy75sf*@Syi3EgOps*7?#3p z$)T6hW#Mu{anUL}V{WX{bNLeS@0F={)?@l*_gQ$T{b#%2N5qe}s)B#N6+c5i-)_Ip z`~4&X<2gNaU=khPAlL~TM`4yw48c&+7#4d+vy*NJaL8+KJifmQzI1(luKit&cAVx0kI{Ul=lv3hQS4W3v^Fn}d~SE|~Seb0ZwR0C0`NGg3L zhU7`qYg*vPxBvm$?~7DSgrR-~b@FCs^Xc3BH=E4e0BYpUBl=F023~z98)#@hoA)3` zp5#s#^eEEEJt#vPFEeE?iHcfA10)N-WA5V#ZbKt-W-lb#d9)DkrRr|DG+%NA4xxn} z8x;xsFeD9kp58h3+9(w2?0v}|G&7b(J8C0&9h}N!IqIqn^HQ}^IaRx(t|>WkmhDvG z3eTjJ9<^r$+zyBh%OY{<{f$s<{Y~=O0jB(DuFK3ef4J>cDukwKXbsCo)pc4@)A{RE zzKwW$qI(hUJ2nVI513=i6>a)FRS3(JjZh^qv--0Kvb!lWM1-Ap7OxJo7g6+Y%Zvb} z+6~a;Q#3Ugo!@ypORJv)GYU$=(%P2)QWQ|p*`=kllULLI=L}LFURgGj z|Kw~_J!J6?-KUBDD9m5Maz3}Nhz-nJ@g(p&4x*dgqhHsKjxZE|Z&dWlco{Wq^yp!n zHEq=WQ3Ejec={Sgf&?S*``qLI2KL8X>s&}kUt@XwzuNm%YXNZvdN1zs-<*-1eZz4` zNFcTO)`v-qm`+cpO>um`u9SU4f?;SU8PV#OYTvUg7{ry*igG^4-}`uCcg1;Ov9p9bx8OKV$mfdvnTZqa>3Fwi6`*B z=v0#u;spjRiVs={S*pi1ohgVzs9zZmkb8z2)$=5`zyc=Is3}ayI#&S*pByC%_ITl1L$Io$JpM8fS2h^q|>Z?{WP)mRI*hkaC7kW(v+i3$ck&q^;JXrb$2r5>^JX0LPGurG~!W_VHN5!y)Y3 zW`MUD{hn6~w}y(}>}7oY&)R^Tg4b@REC(@23ebH&=+AP{hGC|ucHOp~27N@i%eqL~ zk%ny-6ARgPkjqP|ijtylH*h!gTK%`*+Xg!}qnJ!(1 z!pfqeq&ki%U)!uqKYlDsv0GD*LRE5Uw)sPE*lGkl39o^Eqn!vz6z)?# zN`cBtdnHYXUCgPI}yAeS-=UUQBI=Ck_!5xl!Ygz zf<{%5Yb%=nBa{4TFPcsxP=KkaibPD~P_EJYXgcR~+*OdL{(M^#tj;LyMX$rTnVJR- z0yw!%n!zCxZ-xx)?tk7$b?+bBCHW6XMgyjb12<_X|Bt;7)<8qQ1CQOuuL6*}n>~ML zK0Bs8xt!+y!KJg%XIhXyb>IV97-)8I02zn-r>Ath0yDP6bqCAB-~au9eQ!%W2|o(3 zeFm)OC*ezwnyU(OY=QWhtfAed^FLF;fw2!Xcb|5{32j(QAi{t{6O(X^YX&CvUhrP* zUkp!qT=CPt7xa{scOhDA_@#T+qpCubJ4h~x31J%jLQ|e7EJ>zgh@iRoD%tIS`}de> z7ns%8lLIzgLVtWIH(!Z`*yuqJ<{9`G`>^$S%iY>Y%g4AX7{Wm`?u$o>S3P9SAG*y4gA6{k zKqO>7c6R`%Ric|(RHRkOwUIRiW1&e{GnSti%5j18vmkJ0hD%Zi6lCYj(GpI$zt;rAfI5&Vk;})S<;UeB>Hq9)+)_RmK7eWFDxGV zPm)5alg^oe3EiczL;I|ZJz!&#()9E@L`9}77A6xGf>li38Cz+^SvGXvyr%l?V$_CV zFnAtCod3JP01BCi|DTHZQ^Wsi0T6FP$A9{C{Qe(rsz@)ouK1Q^>X%H+-M@=LE!~A z!xWu@ zndv2(S67;Sf7HJk(plaHx=rERw8}fPkbFy9t}l}n=*F80fv0e$YF|X5S_ewBZJ=4u zp&(b4!akJ{JG&;Hd{MA8YaMcONj>)%S;s?iyOS;job^pyP+h@HA7?9b2CCs8@|vsoBAk2svf#pC;Rcz_9KcuIZGLzxyQ5kRus_-&eOg|1JXd zG(G=;Qj$YKZAxr-fdT?i#ZVH_ZUA!Ovb{>_({M(H*rxD)HKI0v+VVaUm{O{qR+WK7 zpxaP}4Ff8W<~1{#TAdhuvIYG3$~Dyj<&f7+ZqubF5)Qyn0WmHuif+%t;04|wy;E8q zgRAHn4C27f9}5+P3Nkis{wKL2@tvIw9LT#Dm!YRYpnu#<4!ckg(p6inm@$OB0E)#{ z%b9;zUen85ngb;AIkPlH(Lk65LukcM%rkjq0GRypxW(ZtVc}*dlmO)+UN;2k@!wV( zK>LqPxUgAXSGsv3pzvuiXqNNLL@LWSPNfpdz>nN2Bdr0x!c~xgvvH#wasbFE$w>*Z z8rM#=3d02BNK|UG6xZq8+7z9RW_anj73BnmS_T9}27JwFsO>?)?4|9zX*0}#1HO+9 zzgHdn{}A!t2>Xd1l>*)#*9!t<-vdenhAXWzsj@gOrWERlB1j~?MJBg5qF4sBs*~Z&`)|rQ9rjWl3h7#RIpye~lsn?tkn{aP*E{cv1nM2=%Ohs|7hN54ozipc zVHd8*7sFY5TIYxFkFyX>kYk8~VGARJF|S+wAhM3&jaYgn1YWrSdZ?OesVH^pSmB4! zF8p^lyY{M91_r8Ncl>L8$|6(Ouwyuh7~e#mrgB!Z=rTFpQw_tC&~%{hI@Kb1!391s zVrkKLI~`SY{)mM5XDP6MrhTee z&Z)elo~0gyWV4Q(Nc|rv zn4(}iR32ouV8O6M`&6y<&~g0R1{cd|Ffm<4vZ}-tB|~h}DS9dee2FaE`It?bdI#GV z@!&on3VDCa*ui0=1`5iUcIOay`l;}bob|qt^U_Y0Tb4?R(lh^LS(`2<_2-p@1|+t6 zn7_Qz^6{lUSW7oK|+|hME_HboGkHEXEBe| z;Tg=5si-G|Jp$)Y3qq!}lyQipS@po@eUL8dj>qWEH<>DJx&jWv=58AR!U%Km6zUZ@ z0hVW|(~D1YiF=}0*Q~+W#lt+&IQYak-5tSnW^C|uC3V6@d+jg75XYFWP_o@Jm_SLc zYOh}2t)D_Ct$G|+y`q=ZrR+Zb=wr!5^s31)sThHpC3r4p&v=_gFRCV0#$zS=3d-~Z z4iUBw1z(%(WP-`ST(hdh6a)Ln(HdAZ!tA12jY^YrltliL88XfvNfS$xdHI}iZzt?J zGCb?BchG$yr_S+VzmQrM)wOQ z88TVkCW}2$Z$x~2GB~u=Ro5C%0WRN8JWmlyS!Dd28veOX-iB%Mke0F5Fy}=f91?X2 z=?M#H<4$|Gi7OVJDH^JDSvUFtv+6bARsmMknqmv|8vR_C>$_@StW(VpO-e6<%dd?Y z64x^rp$LSKMPlN3A_P)Hn0WsnW{~t9W;IeX9w`{+!DFyo94y)h z(Sa6sTKAGr7Rbv()(tr0CkdR|A@f}VOU0pknSjA+3E@SJU{z_t^2P!ZdU}|+4<<3t4YB@m`9C-$XxjJ%A>^D!phV* zPlYk{mq$hp@zJYYm0gwurpY(aDU6k~fPx3O{rYk?ogQzYVd-_k_F-oh&<<`byLr$Z z!Qqt^GR@2L)_+g+KfdV#o<`ikz*LmP3^@ zMa+}=E(4vF=!xs4B`~Rs%#Os5!tO`Bj963wF=L}c+L=)eDF=F#04n3ossnySGRwVT z?T8BtgjyXr^3`%l^$F;aa5H@At>xddbetr>$gK7ML)2Rawbe%L!U@6M-QC^2P^?hg z-6`%+in|wgclYA%?pEC0iaUIH-t)cZO#UR3napJGHTz!cl665TOwT7Ku_Vt%R5`g0 z(Jon59Uh5Ev}`oY)lglGgZE_#?TT;R zSpj0+&TG6cMiIB|eIFk`C%f380a1wm=d(eK|LBMxiZEk=V zb)ZiBy9<$fQHtnm({;t* zl*ZknX`j{swi@4H+AN{?`JuGySX{r*$hu5piguuK!3Pm(lWZgp8!%(N3~z)i1sycu zK{xug)AzLvpOum=IDwN4V|#-V(==Cyl@y>_rM}F=**2=^w0HlC)of0H)?leB<5N>q zt(e94s<>KM;saR4qm3{x!ey(m`nNTx=dLYOX8DUXao^*MYIiETWm}C(RaRUIyZ(mP ze_P-Sgy%qr`bsC`kbgvzT!CZ$_|I$T)iZR%O%7mZvw zCE^Xg&C|W3|1-{@;VnY0`|CW*8zc>DV&ek)A|@m~{xJL}WHeb{m5XWpU>`H0#C5{? zrlV9yS^nmZMwXK4{g-5pg?HlIL&y+TN9YJfOKzO+dNnx`fdNgKQ_f`ch?Ve}N5+kZ zS3)Ud^>+PYN&B@8z+3e=3;Zm z&tIN*W|)j=@K2!zI70GVWzijbRnOZO{o66hgm4dcn0JWnf8Gu_#{XLnN-*d?TI+tc z{w#5aXwk7rHQ=9}NCJ9IH~Zc`4g6PK2;}b+k1QH_8FQ7pL>djVs}n;JIjsv*bWW0+ zciZ=DS{cxorg6c6{sLMT?8?^0AV7L2zHUo#fLuToEh)3Zo0tKEn+>w)kF{L((Bt-x z^Z;vVE7Q-~a)It&Eq_;;&T>DyY?V1GT!f$#W3}J} zM}TV?k!?!Wof;#k>D1$H<$D%KBV@V)|I{VLzmwKP4G-r*vR*g*{^io$2sgRAz!CCfiKoiuRDA zq`zDgQJ?Y zTN-KIHg`V=p}!+?YlIJabv!JB+Nr8WbS$Z;Kn=Mx97$DaE5C9~ZFr^IE^@GvEFN+$ z+;tW}s-?@xy28yUK;+#QJ0dwX^OMZP^gb(-3%`Yb(hLAic`(wJax4&|_LitiKI&eN zpNZpNK!<4rcKlvYZA!1*azZE`coVPlSAD@oSQ`1&{-+OHCr#VuP2#Gw{T5Saw13Us zj4^ii*2kzO=5tNtFV}lO%pT=VYt(hzaM#UFGdLu?`#}gr@NE``_~ZDtU3U1N!p_E` z?lS|4&)L&Ro!HM_sNj~@^?4WgP1DW&4oLYk+~t!lYwoDuVHUNTb}MFVRpXdmXjp=s z*#DxYSI^QXm$wr95Tv^cD=T1Q+Aop?yYgZ(c}9~^SAHUZGjtBzN0yK@D$&|5APUt? z%QXJdek%)=a+i6l6X1BS(boFhNr2i}E1d`xiMCZ(5-H2%nJy{|XQ7K54}?u~(2Dkz z{|0&Xca1@>ofgW~GkV;&V4e6V5>m$Jc> zyMXa>iohJMAt+K%SEos)Ki_D-4~|$foiYWJv>@E^J^l-lTGF^~^RTEfp(cbZ1@o0D zVQJ-<*7%efDtL7w972M=EDd}FBTc3}Z`t+tm2+3a`uW<&EG2Msq9>ktH1y5cIuRTM zUBB-1!X%R2;bc`uYZ4E$@BXhZ(eH#ZNKqvYkqGN@gcn|D9zne+sF|?`MLsIw+jKC2GQv*>~ zLgqsfmN||*I+98<#{cZs?$=7A8gV%l*W-oP`j0V{Qa?h;gG_hK!6KCy|nheh}S0ui>_*dPanJnU>@o!kdfe6ags+VxZi`UMN zt~8a^MHuc7OHArYO%X7|6>n{@(!R{V(6(Q%*Jjg5r^et%e_$$MP}5se<+i~hF)u)W z)m{}_sxW6n=I9~wN!FqFb;Am}38EJc5jHWkAi3xdY`F4;N-}2WJQs^aZmP5k>Gs&0 zq`*MFwTp+Un4PeqNF;aqzhH!uR(^Wa6tqD4!BRPEC4b}N!(c+7P$WJ;E?m4WsK78e zJRohMq6&}BfvEfepb4E+6P$lKyMf~_;WmIE0WIBHpoh;av-+-vn zG*ip-=7#qb#x>&H#M0DLD^JBXr^c3~dYtRARTyO(Mo6qFoEz3(-%lZN6C{;Ocy+kU ztal=*5T>f_E}&8<@ktF^9<{ig8p4=ZRss~zAF!pSD8iN2t?vfB`z=fQnbM~E;wjHf z0S@TcHIb524Saa~Ak?dbN)W1|JN25pxyg}5`z5{KU?2IlIx)-5&p7BDz6rimGK7jR zMTpM2ZwvOuRoN`NQ*GFwtc_lO1~HD5yDj8}@vDQFvnS{7H<b2$N5T)z- zy7`ZY0epTb%R~$1&zGU$EvNfQ5-;M%Biw0x$hOa}XZ`r9kX$m_s{o8XWS>FxyRjWl zf|=6aMCuF&>B`L-vrg(x;gp~h80OHqCJFU(%=Bujt9+=ygQ=p4&%N?%l|@#Kn&qjE zhJ>@az>WFUfxaE9S8ry5mW3del3iqlhj2b*Q&R-GmDAe&rZ}-@uJb=fWdvi*bA!)I zn>h^h^k-xXcw!CG70-XVwVTwZ;gVcP)Z5)d=BA`l+I6_>?Jz=`s03sZu_a*mXzap-r)yaRGGqvXKuoT0KBD2 zKs^+77L}y3{idgspfxVoT|A;>=QyW68E!%$( zmV43roq2dt*t58>_9xFL&kuO?r;RR*$@R$eYj=|f>o}}IE(G3S+3^DZjys5RFV8PM zvc|Ko&m*7QsF)#|X@@jb6uM1y429|Q_@WFY6X@~sIa zl1J))n6g7XyQoF$Igdt3PJQKenp)i4kz8H>HZOr65Bcd6-jJLm*Mc0`@-HcA=~=YV z_r%W8#bI*cFw&YkalBX!GvamAzC`4H6UQ37`~+Q?!tuXK+BarG6#mC_#k&NTbMW*x zCp&!`oW9IlY!dtr0{L4_OS-(jjD%*8hi@3_Vxwm#gt+dYG`wahFPpPCo*prN;!L~{ z=3N{X*J8l80E$%a_mJ{Psr924fUCHbOPQoCWuR_O3G8c+wn@V~uhPlD@}@{5+|TiG z+0gXW>;fL~mb-+7Bn;JtqWfsqafYqjgO&|XmMZvAL&|cI2#L&1UoE2B8l=`QNa+Sa z;pNv_XRGRub-zv(r?BEInQ}_E@UAGTNdy}w+804Zn59=t?YiS3hpF55Jo!t=OKUz2n zN8XOc_E8@(x#e*D8y%fx-C5~Vt@(H|(GW4!5K-0retP$#69rJ@bIei_$p0l$)^PA} zS-bh&BGLJuwT(O*LQcuGU^LJCkjPh1G$Y8Gw4!U1RKeEhl6$-H$I_gbq9UmtB{Moq zd{)$NH`zra+od1D7m6JSu(&eSMG2L8UmiqSGcR3n`Rv7%_cA=3Iqb2cF-jVE?fLMw zk)b{Du#x22;6`sf6&fGe*GJZz(*zf}dk$367+3SenAMSIisZv>YG(C_%)|ZF&QdfICDM!{*ym}BAn*+3 z`0Jw>0h9RVNDTwlw{FQT3W4-Rgv!VOvmNT6R^RNh)OFD!{&GG;DcXl`umXSZ?C+M$ zCS_gNxm<;wpSF{DqNNrK=@9Nn=9E2k)x7?CJD&zPC@r9PjSF<)+I#=Q`Th0JwB#LD zfQI$fqpN{0rl5B(v_i)1blN`TpEyA&fD$Zxd|>i(L_*$g{-F)l-Z5ha)6$||t|Mm5 zBR|)o-c=%!ypHAZkTzd=MM+umcJHhB>!pjPK=p1*S%)g_j2EGb_8q$Mi|1dj%?s!o z(63Y{+a(o?pcKy67t{92)?|1+bp6Ng%fiZhme9(YjMILRAT-$IGq*rIQON-_gU+)n zq|fv*p2$CT24mY$DQ!m;ZdO<|f8t+A{8BP)MD;G_vof3xJ2A<`(9M-40I|X0JvMx7 zaeVfRL1}79XEYH>=A;YJ_%97nR@tJQnpqK=T4Q0-YFgjDh4Q_GY(=tbx~$rGcb>Cb zK(*21yoVkIuN7WbLK*-po}d08#9$L%0&ND;ddW`?r_xw31aX^^@@hA-O0z(kehAWu+xBb;hP`fkP<#bP zOr2QEja_@NJ8PUbmUdP+Mwk$n*I;_hf1h(o0FSViv)-mZo>O08E$%iM!%vicsQKor zX)h8+2R{_w$%;RJS3-%=b;Hbpe8MbK8iXY&g2Nt^%AQt1faDa08310Jb8~DyUoD_g(&YVSQ5k~m@mj4<)FB!&%_*?MI7^pI-$KNu2@k7F_e$o23 zqCLx_7cSuPb=IKCYx!yPgKU>q=6?sw|D82ahh_RK=x;DcUj8dXz|%?&A2Nn;hNETF zc20ox0`Xojp4WkkyYGljWME+i0boI3LDP&pKLbm8@Zryr<1(579ehgqNA%cw+u`i# zaSs5KoL$EimBDtKTF3M|{$TUweau<>VqDdwII!Kt^ap5h>X&84+670@kT|cGB@vWr zfIWsr(Z?b;--*uIlKu&gbII@p?wO0R>mM$1HUKu9)$b{CG7=U|H>goDL|Ue{q|)#t zKEouq+3VspRwJQ)sLL%jJox!snT&M%{C}yVxeGl85~p{DzaYpdC}zp2Ms2iGS9nVg zMRiTTt8OSnGv}~g*6CiRs&{&JauCUJI4=-~7Q>qZP^qrvORgEOF`o4|z21US8dyQR z1j&xE8|w2|OVh0=0O5~t9ESDhc@$Z=9+1eL{tE+&p6^E9KBg#q)$Yi>RfS@mzJE`z zA+u7jd8NFtq@frVw3(^mA8-7LDNlrT8p-L>DP3FMDFlw%o+kSTd?LX0wEsi(T8Bq$P) zE8|q7b-yGL<*QV#jHMVYwT$bC7=YmX!a2~mr6J_;u`yG2rNvCm!C^GMFj@8I?VZ!t zoQ!}l+ohjm1@pMzalo&k1*SIPnsG{46tEpKpAif33)Sy`wE&2ki~!aigLE!Q`tK4Jn11Pdb2!3%U5d$_5$;2IahVXaF{cbg)*^L zr^0p)oz|#opOMSY;TYgg#~3sR@Tpp`6JECW`-LCaQ>XeQ7la|gtOh%LvkgV`vG>~J zeFE=N0L%>r#8$@css(q9-hxbLsC8UYSKZ1FxX_@aWeT`*mCAtmt!+wJt7Z1?OLXqm zUxJ6Fk2c{&PyF_^eIp{E>_=7nxzMV0Ebaf)d;Vy+awGlFasBC1<;2Syx+rCAW_;JE zGKsLH;%bScC*z0A?fQHNp3U1*q(=hyDp35OG^z0;0>8TAYCe`cDit>#g47X}8x#Rn z$uZh`xuWbN_$+?NTL`Q=VCPL=EWT~e8Ac@*bU9(U__wgdU`1YB!}R5to9)1g91Avu z*ucSvt^`&n+Z3SSRz&{d8X1EHQjTUdv!sr;{7;|*)n!R4o278?%?$pL$#?G>)ERitAGShVZ=W!uiiv4dKp9-S6_+B_OIil{BhOe%&=-K1|HIy!J{ zBT7l6C3xWaT|W>@#9RY|9h!8=L^?7k4$6;KO1*?Dvd-CwdMPUkbk^e}OAUxKqil^u zyEL*v+}6%cwSkvya_Ew)zHNZBG+mKhKij^M0#Ks^uc$Wbl{o-^LpcBKZpn%yXL#%h z`TLt<#0&88(t!<8ZusUk0p`&Hd_>Y-M>R)Gen=($lv;mJX5`9PZvMd0C0tTTCZA6Y zPmRr>mZmZY7pA-T)o9jm1kb#x9(16+n!HPXUDaepmPY5W!F*!s8WeyNp7>);nY+i!Z()`YbR5!EDs zZcH81Op|QmpetRg{h^udvntU)HB<@t?@dZChclOfo@H4aTf$*RTerp;$XPJVy) z+*O8J*P0wRjhzV`?Uh>^i|(L=HBX}}_b5X9vj8_4_FWch$2Fkj8=r%6S9Y_)cuP@7 z5mb+*ruWz=6AVj9?ad?y9^G#f#E6>V(wY*_bhOB0{D`+h7 z=mv+*!xqr;)x0$tmkr>LrZr`_)RS%oK-D6W^Tj{%H#26Ti=Yy-kN#2mVW(~p?h_tA zh0l|T6P8jnWegj;SXo5D`ZLA`Y>Ov#4g@)n zfuB$9}Bi%!50TF-}>$z}j_5~eZ4 zOmB3l_0a-+9vmtVOJKpZy;JN5@dQ+Pp{cM;E(HJ0BX_bhmg3`05B$NkazWig!b>z7 ziEzJbNd^Ag*gzG7O{3T|k~o?tmmkXs4pB1F8L?Zm>QSZi+58h zSMUL_y^{-wAw5M-cZbXgW<{5O&^#scbP?ISgnOX5RhUDIi_>VeDQZ%}gHWOF`GI~Y z*kdOQ7MmAsjp+kPyQZ_X%TF>w-mV>PeH?z@rAr*)0!Ji|JaGYfoiM}XJ1VdkeDC1~ z5$&PEA2im+^SV60c(8IXe&O`!^s9F_+0-iYVJ>6_{(i#`^w*0`NhUNw1>lSuLL0J+ zGp_RBYBrHkAuKdP!<)uWydG0Bsm8+}G;rf8B{&L{S)EnQ4{6KZYfJYsz7 zY7=_ZzT+TqUJwMn|A6w7n>Hk*jH2 z&-sNz0_NU^3tIm<(&J@ixbn)jDeco6E-_&y6uJqsEF8@Z7690TE z=rmac7gS`x^b}x1LyLPTaIDI|@Xkj2W>o?4ZBwt!pXybl2j}?)e|gi$1P8MaHIQQg zc$Ym3&C!HqhlvQ_DazvgWPi zG-4WP02d!NZ~W{$*Hd6@IcKNJA65n5Sqp96Mcc}%Bhs&RiDojUO%)S=i?Z&VlB*et zzzq1g%|L5UFKSDtCbjlPu(zpV+;1ZLA$(7s@(HF*_1Bt|j@FCyfmL4CB1~Bpa`JcK zhT+7RxIhj=U>>zypiQMJ&P9S$6GZh=CpE)XDzyKC#0do+!qo7-09)=pJhHPV9y_Ro zorgI58d&X3@Q1yGwfRAS_D|xs&0)tV1*(bS9FMD`9A7BEt&h_(vbR;!noT77+ajiI zocL+qx3Qa5RU}<_B$X7t`Eqw?fEDK7fz(lmGip-+g(-a6A51_I)pUF`UX!%Vvc6#! zRTSfjMC|FiiKz^B`3w!SsmpReq+pvkho8k9oFD3(erV`El0ntsv(&$-gd5P#1q-F9zRRe`8~W5$|i{#=bt0A-!t{r!Sv5 zK!tGS%8S(S_a_<1Z@#5xn|QIIGT%vNMb!Cs*P8KH$l2}FijP8n>M06@1mK}!brvE| z$|R#>3Ung`^9?ZI1vk&5jfbhgE?zX{5ZcTge*I3Ax1A#J+3fcDDy?7Sb2(?~z=LN< zY2*0+kwyR0%YPxHfy?Rq(GRJ58}uKh@4K^8^YT}q>-Y|1{I=8G-7K@)*y~>viI+PO z1*dG#9_~(c_-i$Uw1%`)^cUMhdM^F;K?s*7=qZiM#?MG0v1Qn1O>-#Z^0M2YZ;Df< zb*uz@2~eTrs>rsL7Y;mzO#x6=|1y?zto9;ZqZ|Z&z+lA$Jsf`gMI5sYnQ5*(HCCNb z5ADC;R%&&A>hmh0S-WgR##`zQAi8|`l7Pj~pJxHAmM)~f+RLDBE;wAI%B_u9-kE6o zRCll04TBf0sE2(kQY$Q_;l$`A_&l%j2FKP&XvCq3Mi1-qjjf28WI>=7K>+gu;S|3J z{&7}&pQSB@Qz@mT(=wtTlo4kkpb~&Bf9g`x46f+Aq7qK4L1k5hcIdn1E}V?Di>B5A zNTXyzAL7*M%sUhBe7-FM^gS;`-X=wS)k57${65zxr|=z+C;58)prb))8RnWrg$-yU ziCB__(WLFtu-}dZ%V&l55d91{Kh2dvRQHic#+-l1Ao2V}(|bYV@*&}a7RbTc6_}dt z{7+pRD;(o+z4FGZqp*HPDkGOCO=bMjQ&eGvq^lL;d8i}R$nF07VnZbrc&SxJccCw3cnM3Nh)alB<6z)OT^_rhdxl;7TH665eUSJ(MG^sSe^+@LZ2klR4Bo`0Mhg_^_{j=xWIz9ZBwz3s{g&Pr zw#%y=zzB4zsxs_zZjwIg^SaOq&2TmfbnHT_|JE~JVxG81JGQ4GMDDEb^LT>8D8=;6 zyG3tgf+Q1dr6z-bvnG0Fdbm(%?)%Dpyk5Y3RH>{eqAKd!fo5qm<4l!dmE7CaT9NFU zvAZCcZYfM+3~O^I`fXfF?9TUmfyLmQ0dg$}b3%^fWa@?2%PX21P`h%?A|}*idZdYH zeI|R7X=RLt=k-{?C+S&UXFbevL1!cIfbWY~?XalF+IMgz>lLF1TCltj`&8zPzwP~<-~HhH+L{}J*tU~JpEcEe-_nJpc6Z2Av8k3|k? z1zJ1{fI(D@Bf5R?8QC_=%@{d!Ru9GMv}9F8DAPoSSDSLJ9Z`CI8h4vNdx2S9l0aAZ zU0R1RQZk3~XLa|FR4zN-tU6g+9SEhisZhSLoW5A5o&|NhPsB$axzt^yFK? zw4@cixmZrzIDcg-@WwY&v--Hf=(ImWaGx&Sc$>#;76W2_rw~_wTH+}-rLpZdx;0p=Az?1rJ())AoqKF_9r>dJjtV&)caLWTF|AsM5K4 z3A~Wfx#EsJ*Xa4eV6Dk%6i(aSik6)%p^|nVkzjGzHqYT*glJzIy6;XCcelkKCSBk8 z7ZRqsZX;KbU*GD8IA535ToaFv+RY78x};{t;30e4nygpW$CDpwh|U4 z73`N%IE*SOrLR7#hn!bB2e#bMVm)m~@p}EzLWrE^1 z#^w{8etmmRyn$mOn94{E`QpM!#FT}8$=Ci?MzW_8`F8d3e)Q2(v;G=HWE!epXZ36< zOH4;vl&`b$I=$9m%*EvNFV4*sp#%4?evFe$h(h7q?Ra1K8D2;>FuvbCq&*ll=idG&~xVOzj7v`7E_VIn8(@wZH= zG4R(iG}DC`IrrfIHsFDw%sn*(irg#KEjvlJM@~+1Rzv=m#W^#gB?^kPr;1IF%P9>9 zSFEe*^sNh%tv&O6mDw12eUL-|ZDf5|4D#Q^SGE9O)6NLAsMU?|fh$?F>}_R@i>9Ts ztc_RT>pIC(Qp(R@Ka;qBZ$pbbzW=}y3G2^^c7xaKt6xVVPK=Xm%!AJiL;rpF^NlJK23zmjZ7=q$i zU8!UT?@01v#)kMsI+$C;dSrzRF{P0xv#$vZN!jU29i4-}fzoPIkeEJ64b&`^`?6Yr zqT%_yuwtCFNLC&~->JH7a^m7r;I(xPE#p$T1kz~k-zL+Mt`T4SCaMhq|%UpfHH4<}EsiBjp zX*;E=WU8!}>>RS|Wi;nxD%cf9AI%^VNGt5t!|^SBC80fF0EBL#o(skp3ktB;4{=kn zAv1!;TceKH`3ZJT4j_A|_icKyBuZj4dukJAHH7PVwdvx~&ws6g(R&0unB;_7L`EET z{gIzSws6=opq2dD`^0sUmy?4aSlj7_8){0BP-iBsboAnrU<_!yhh9<`98~G)hOBt9UphVIfY@tl0Wc+<$CmeWxhQjl2f0tKNI|l7aPl)XAb}`ELj%# z;$8m(&(imdS*>e1=uexs%7?;5an&V!1vT->%rjj zokY@%L*V7O@$-C5|5f3)TqBq84bC%#{Ra$^!9L-^)$@bB&vu+t&hk6|5Q*@47lQ`^ zpuP@vMs5%U9CU0|M8K!@TcYzHOwWek_ru^^dOX}sa%0v1_vP#4B67xoXt z-fpeAHgq%sDgSVn^E+a^tf`{44%1{nSJ!iIYQ39CoZd; zN~vg;0D4q=Mwn1;V^->r@}as1{LsQtMJLQF0jdG!#fF4(96;8*K3QfglXt{0_@ywT zaG;{<_&Iu;M44Jxfz=^z1T0D*V5H9^Q7Zsfh)TojlP9sMLyinZ$yOD>9_(^Ot<36K z_QWG}WK_O4Ed;%d;QJc$vBV=7s}TJbaU+{(s9iRJ1o#_qHHBvXuI{*~NTq^+xiB(8 zs~Urhn>t}rPd`$T3$`WO_8W^b6Po=rAXE*PEj^sXr^YszxcGcv{~C`#^xl@m+b(xX zU5J49=Vy-P(zd=00hn~_MEuIFL|tE)$910oJ$&NGG@cOB1K(dcdjbPG^4#5Qg^yE> z0+>clDU*^~TV+qFv(*UovX$< z(MOh<&X@&^y$l{|*jh#MRT~mj*iND}yh;Wa{Fq5W4y-)?K6m-Ndlh`p{oYSBI;z3_ zeDl5a1^irlC$UrbPhBDS&j8==I(#_0Sx8{01n=wfCdLW?0L?|Ae>y<2n5l`fx-L(% z{Y`A<*P}5Fv$gF-h+1B$6cyi8C;&+>VPnvPUVTuvAOV?Qfhe(+qGYMH5B@RF)zINY z@zqGoqvH10YiaaTS9hbar^C~J*6L@9ncQnuNuZf}Fl}eQu}?NjRaJozp<yHgk_hYp0-P>)I=*jk5 zQn`4o{v3hP2vx@nS z5D3>!$bNVfaTsC>9s9!5$G_t$x)Acd8N!b_f^j0xqen0K?d@QktAn(UDyF&%&)`PS z-utr|OTD^e(BAVkbnD+=p04w&EWw=DN5MgrEywF8@vFAG{gjT|Dioiif@hDFJQG3p zFKo;jQfUCdtSarHT5&p}p<*@O&(K;H@{l~sj6T5BOkQFp{L|Y{tRKJzuS$7)SnKZ zC6c;9BmVh;tEuSQ%1MxhpD4o;8nRlc?CY2O$rQvhAkW`YaWRP&>+br zKgLs@!4Ba1hOUfkUQMnR0a?XgvILBXNRD%TOi<5htZ@K_H4YyD;ojpO$3~~$&N5@t z1`l|#;aDnv{u3a1ZzFjRVR@^I`Pk6-aPqwQ4@I4IA2aZoHt;^F#r*FulMrlGSLP5u+)h+hz zZTs!OO8^Y}_D#*GWY6(BBpB{DbJfvHewEc$Wm`jzV@k4_Q8~$reFN{|aii16JF=Jy zPqCNdRu)EbHU+P3Bx1A;msfCj=l^}J8+6d|T+)5lhT?TCwROV|7{_AJCCVYb3uaa% zf^1J;iN1}PHfUVCB@V&^AeWEf!G1}orO{41e=!zF*6Lq$yh_Q@{9QOsNR2oML$Ts>@jzvQg-+cp z+tcoaucTgdc}a4vd)HN>9jV=W{Yub zPi!daT-`e;+*Z&9xqrgl!MTGu+a?G%OAB77U6h_zG5g*Y*9 zAF6<5^~^>LiH$YA{h2oBduX;-P~*q~g}>UTviGwf;K)$+tyASZFF82(dM299-pjAGO0T zlu*Q&erGwzfrW&_v@#yE4&R#rJt>3A|EmSK+#^b`6~`AxRst6O@Blw|>5vmd3dpWL zdn!Jsu7E#JMLzeIyISOkM#rjh+3pd>mn#5ezr)t?kuJy1Q!HI^HMnunu#&-Dn!lPY zegGr>z~A`;#|Z$$iHx-NcTjyjE*n|`5+fi!gzm5qm|JKx3otZ9JBYi*ys1V{S+OYr z^*1?caq92)K7LR#ucX34IIt^) zL?-;s(wH4I=;qi(9hfNY*>k_6BmOW0EegBm(CR>;ya|5^>3UwkmRH4a*|?zR8r4)Ze0L)ueEPVs)!>&r4WMZvC2o@OOn9jZBch#evl_iBmYU;e44xID}1C( zXs&t*R)qpbl$H<hR#;p3C99Z;&?syfbU(OCkZ0(vz2Z@6u=t*b6NjfOs~B&inc4?GNTwVj^=Z} z9&!ya1_pqYu+k1eixS|PWe8&Y5*e#hm&Zzjut=V_Zr`~$7ZjyoppL%)Q^yt z_!XKkO1Vw13Qu#RP^ozXbwc}8J%P)(0@n$Y3k@pkjmlsyhbX^v8NwP-m8O7!sk~3v ze!wLarwyavd>)@LqyWRsFw3Flzg3b60f;8%O;n)_33~gEB@_UttQ#@#83M(O^<8Se zfsHkTP$hj@`mg8KBh*#*&0Wr`iNa@{8qW%Yrd2id$9vIO_hUx_qI%}?8Ybd-ZNFH) z65U*@onR^|Hk`@?ApYj0Hj1&IazU;o3lKZZ_H+l(7kheSvkY_XV6BzQWHBY}p_`KF z54lC%Cyzmt#Rr-e#5sdy@7ZUXPA{Yacy>i}_59zBXTg|&WO71meVup=d6{pSE{4!tlM&DfE`p)uZYC4!iM-_2tyUneK}NGozpxY_GAJ>yG%)fT zPhWS8xhbjU0T!0d0lyG!&I12O5wf1NkILD-0@ULt!TM+STl#v(^NBtuOEmAdT;l&b zsr?@(SQyx+!yE>#i`lF9-sR8et6%e3YcAT)X^gMX7`E7#)0^Q}a}`B>TVVJ{)+8T>x#D zNvz`p>BDj#_+Mdn9fr1vE*|!&vSy%TPSW4cn#zxGkaGkLxsKtB=;kU^3An#Sw>o&F zIIJa@A+^|=&ai$U$@~5kYtsq7cc54hTDHq_#q|q8JH-~vEUH|iUzPY^h7xnsq_A&G zn2xc-v8{qp*ud;FDAgoryZikMd$r>*1OQA zP?rt+*^DHb>9cJyjkKV+EtxFPt9#1_p`wrPrm!@{g8>@a z;Kx-D;O>IGb7=^z9=E3`pS$nAZ}%jxFR#Ff$Be}|G_~E121C++m)ro>Bmv~Km6u5_ zz-hLxA~}HY?bA@*j{^!&o(NvsVPwb`iQq>^2_e5L)bQ3P;Q4&t&dZ2SJG{|E{zt9xe0Qr4CYsgfIs8JZKV zg*aYSKuHUwd}m*TSBRo;$uETRf+?rrjO;v^&*qYYWuLt#rk4fq2)533z3ndi0+z+z z`(D^S0-r`QwpOwqDPJk+6(~?wTQDq0e#TEyCJ zJ(6_)KCxguimpP%nc`K{@pY>CVNSv+OohB&D<7|VJe*!*XsWD?wsp zn%L1Rnn9Vih~4KK&qM=QSv*c%v9o1RG)BPfgD-0sH41L*=}MGTLjx;k2@-oFTG7=l zLlq#pa5s;?qq(_y#1HI%za_Lo&cC&I58|PpQf99ud@@)U;J+YmOTq{xzSPJPpt-Wn zzBC>L>t9FW^^8snF^|hGyPl%pfGIe;h_`{zuH!Yp_SwfVPsgY2qxYxpL;t%WuxAhD zotL<;py3VY>Qxq?PYM-?0}b%mmi4`RXa)Y~dgy-e^}bE%cu!;bwabS2aKffP@rA9J zqbctY49Sn+8ZmeGW*RzHVZf8~e1Wm&U#tT}9BCV1VcvD9SH&x0Q@9dP;x3x~O?R+r zc0RbsdO%wG+9I^(lW&)!ohv(0<%tlHYMw?!$i00fI$yMkbv90{z`wzC`M}fkt59dt zPUYRYeYH^bD)(uDSn+YaNEv?PauEplR=z+VQ_f*+owg4z4V^+*m0_z)CC_3f8C+=c>RF;}m zKkn7hTZ+EJzpN;$KS*?1VTyp2zt59^bcH?% z;xroqY|w@@fdxtq(yavXBRVwp5hd8=qR&m^NLDYA@5%mEnZk%YV3NIs^OTzslv$9; znW>Joz*I6QRv*jx=juj(4{W|lufKU_@2lEfzXYiLU04?kQZ4nm`j&V34gFq!m7h`D z0wLux1HPveJwn>?fafGhneWDU) z9bA1}F29X^z7L|j5xm;)^W=0JzwMJ0uzV^A|64Y=ztuBxP$UC)JwON3S)83Z6Wf1t zaQMR=W@d?h=$z5$N+5XRk#>7S-To+hXYRXe9worQoU{EETjjVyGb)zUFONscZ9a;f`jTa%9jpr%%irqNtt$HQ)cO${dsy+dxPYUGU%bt_= zDy}Q0m=@z1is(^{$EXKP>=>UD`&Zns&3Muv9PAtm1(lHt<#i9gpvh6^PabLs$D4Rb zlKZ}4u=ozs=wBDrd}fI_i}*!qBvXS1Sj+*e56^#r`f+1i;y#lL7ULRX!B(RH^8E=m zc)Fjp65tfUThmm#B1^>QF3Y2PdfeMMO6zGYk{c2z< zS|?fjU0OdETrRi+!#H-u+|XVKCg}v%TBT8-9ZJ zUEKuVUmq2#IzP6$x%lt!AwXDZUa8E7*x;N2(qnMa*m^D)bJ=CJ5Z4jdx~q4GM(j90 z|6>2JZ`1FftaW46p-rH!V{Hx=)B64#jiP7txZM``a^broj|KlSm_X;-o+l}cl^$mbHrq5h~5pG;`t?L`&E^%djy!t_B_Hy)yJp?C4|d z%QB)U^>{PI!W{N3poKxX4DU9KN_0#a| zg`Z{P6yaErzuLxoVUZ8BQ{@^z-}|o|<$K}d`hTCHddL51@|IQe<6mtC%Vx{6%>ELd z3_q3rI;cKzekFTI;BG>FW?7PfXy#kC6eSRs%Q7(9VuwX zj`^tPt&{0xs^a!o9u0oN`oQ9{@|vmHO{??ir;OG9Jw@z4ckx|)#<%u)SJz%{x8QMG zPXtD8P?g^%^7eoC?GDjzq8cKp$o&tZmCfF1XvQE3>axMr%L97ImER1zrzxX%gTo^- z1C}RZ`(r2gSGQZXOlFVr%1*B*8V@WU{^s|an_Vs4X{`9e#!PK*g3a1r09}wVW}}XJ zB4<9exa7Vdsl-M@|KQ~l^4`~SFU`qdo%#;1qq>*6m(?xi_e$KI&uTQ9PSJvt4zHyp?8xnDbp&)21eZ)KNov zv^^A>zJJst<~r#0+4)Mm(A!Ec%GLZ0R?v3(y`lGd@6_bwmAkU|Bd!DD{+U8V&xk}$ z7j-NZgqODze*?la7{o-Vi?x?+0Ds3BoYd@~86@@Ckxd7|>uZUCbXz<%&G>qpCnuP* zN9@7jNsmDKDLORf89NBTjk52`3&h^azaxJgewf61g?z0ROL0a*C5wX`W2$(1p(pV5 zVPBWr`cZHl7x&;#KMt{=p(gV1)1io-aI09-S|7_sU+E#GG}WiM>k}d6`rqz$znGVM z2ty}@k+&0IKiD7;MRZ97v{OuCjs}n+%0Aw`D*tS6I>E&G(?W!%hAMHN1QHNH_f&jw z#tAc^Ut%uOol~1o!Uv11h=eDjm1dVBf+>l#*UZWX(t@JN`32`*MEx4IKG=i^BzqTo zYVYYs-lZqJrn-Aey3F~z*n#v zcfyk2_Un)*PbTT+#{h}1BTE?Amir@C6*TJ5HrOC-!FXyh;ZW6?K~`4`o6G^$;&WE2 zp8N>Hh!VT@m5&I_`+D^6MY)We+6SIvQwo2VyeJ^yN-?83)@iXlW}cjQbH=)H?@oY% z%+2z!yl z%hq}_kUrJTE?!uEhjV&t<>PW($VZ)I5k1PMpDa<_w#x4bh3{q-JKZtY=5{8Gre%|j z!;a)3DY#|$^(9ZD;1|K$!J5-#Zn7|3WdDh*FVyJ)MYAMN6OKyte7J5#C%-+V<=?ln zFfVGV8Tkgex8b9k^XFc#)DL%0Y$~CuqpD2{3^8C6=B@PkFjyY)T1+IOM167m>=C>E zOtZC>VmINz%j^1VkA=FUpXQJgpZ4F((9S^Z4+5-Dv5n!lS3*sM!=mIYo;?sm(#L9W z|F^NgqBda#ZB6f9lpwr%+}^f&`;-=fxotT4#^fXIqFwiB{nXn`WO$Yw$S<{Aw>%tw zJ5jEM@S`jPwZ`}AmM}vTObk7&uOYARaAs(2=5Z!LB)YJbd~FP(=r*d<`5~#7w1mho zn>*j?+a^WmBGic`-iRN~s<&VL|3O%6}iB zozULCB{c4rVJPlZVPk2GT0;C_GD0nxSuvbkIZnY|QD>e{RBVDdQ_e5sAoM?PH|`MH zWfIK|3ge-!JzG|SPcO@FYjtHv$D3|i4Fz`V?B!&>p*xcPh2c+I@GxGUFz$Y`{hvDR zazZQ?XrCsmW~hK)nwe8I&RU&El~UNq(kP`XTXC#vTEPf^=xb+NZg?wH{?*BS&VDLf z&V=^1nc(dy4fq~Y0X%rd-N794O6^;Ir_usBkr%=8`hrc4t7>?1KF3Trc?ny^d%iac zHB1WFoWYqVC%s{5YfoJ=NbeS5(+YLqzoliA8#?0@`)HaO)XoZPrw?$E&hlh?RH7|N zYgk`bDM=yz%9$Z&PaPh)<7%$<`ss5e?+E{Ll%)5=VJZoh99~Pl04r!|fJJdYfobVx zZBdIwk961N;L%vfp0$&e1~!qPlHAsc9+p3S%`tzu1x?s6W%D}6t z!t?RGyouFSSgJa4*3puKmCD~UpGTjPi=OSkav<$+zo8U49Lz`y2qVs%-1j$ht|PTA zNL>t;xLcWqaspKD8b6AL%nuNLP9ub3mK!!QoBSTVTEaVhcUrruUphA1er)1uQ7la& zE*Z6MK6~AB-n&t zA4o{aH~AOC4~bQ9d0;#_@OL+hmYQXY+|nRfd_Q>ifF-K;p6@U4{Io6VJ5)khm7fD6 z@gUx3D{}@g>a+Zq3v^QB74DXc#5P%li}sNoiV}mVW$ZTJV^yA#SMt$8^rN_KlxO<+ z9}CJUxFwBLhsyD(Wu8c@QDw7vhTgkOw!jUJ#&gIX2M=|g{Y@pu!Dka+Po5KP+4R0> z(ebd0urRj3V!n~~IFXz7iUZ2_2wO_Fng+><^9q$!aQtB6>CukCBBsZD<9u5V5*qy4 z*bZsIv2_FuQx%x;OM4hzR#J>xj!7Qv#%U|Q5zRtxQP6fIuiR-{WR!Wg4l}t<)B;8& z^O8zKkfPy1G5))b(dOVcp<%RvO!6{>4rg&h-P1Im+jYXbcGbD|)Naiu>uU(u4Y_po z78Ihh%RN+Jsjs!37-JK;)Z09+Znktnd{wt|oD`rdpi!&zIf@Q|L{(U-iDFk9jD&sT zTFLlcBY^em%IK*dh>)xnVlTAsDHg9Eh3UL&bYn=Q+$ zurz3P7q)7N)y^uM5JIQx>D7fhQZ?~f#3HuXek`%98;2&~%t({q!yZ3^mKVSM^%|#W zNklanb{8545i2u?>+qI~HmLGzFpt8*&$={AUJg&JIfl`Getu6#gzTkfolu@e2 zJxdw}HR8Y^pU>A<`vE8(#$+wNTZ_|pRN~IN`c${-dL3Bi#L64|f8S^JEnQ`kak6<9 z#W-?X-q;mWlad7ClCTf8Cc(wssqKi2sNDObk0nVV&vX`$SP)qmz`W^|_3v$G)M)P#cj`yyxVOFDB__LY)#cyKQo$CkNB5AHMWG#P0zq`&Wa5Bsu(k zJEuL4;#jfNHGMB5HZ#~ty1XV+Roa{>6Y1#vuQAZaGLX%XX9_Zmxi-0EWfzM*QQYqM zi$QCDY;CcV6v)#XC4R`wr*tWa#Xf{WgVR*Hn=z^b93Jq7ym-05oN(tED`&sz8AO2B zm;yn2Kf>7B2^X{QR+IHp^TZ=jByNix(^wf|JYiMn^$Cch|RGTL3-ZQi5q%*8BU)8Z7CB4<-rwqIBu24ylKj8%!GORga z`P&DiVeD`+qV0EB0SRrwU6p$h#*a1BSkqh*w11uMd@efDo-LxT(AC-C&#>Y%JqTcj z6Qwj26F^iKPc?qH@iRwa0(w*QW)Vl}v;-3|SZN14w|xhDQp1`ABNo}J{(^?rD?q@M z6Xf4(@Q0+Za#&*?3DH zJqVJ54pT0Zmrb(TUULRdhun%FEJaG$FE|-VWW&wm_fCY6AzXXEo*_ftkX^mW!wiJ) zTku)SH!a@%Dm-}Dc-=k=yGq*%zt5`6reea(iI2tml~VS_-Yn-AuE*9i8N$ND7+G*3 z?`BRpN_;w&EMET)y0BuYt{_=rhq4paDLXz)zE}$x@}M-XJZ;+9s$*{bj!0tsWVcJ?Ylodju(CD=0&}Fq8zJ6*9<|18wmEOD z!S$c5ORSJ|GyWtYGp!)fYu0H7feM>7Ju%|HP_yyJ+~C|H=g)bih0r8l~Q4OU~NqC?SDwKX;N^kLfsW}CdIEYQR za@dR_F9})iVejOND`$hdAxX`0i0!*LF%wg|eV_&t-3f!e6t<=-g$!}X2rwuM7fq09 zQdv@v_5R{Es+LwO3Q-`z$7VChUNGAVi2#TlmX#~GX?ymXt$akQ*kkq&^`=?$p;N}H z_Gml@p1T2rsa$T(vbVi)oPPsPjxxi%R8aCA#63e@7Ev#UJrc31UH7W5Bn&ECUbtEI zXhDa#{VZ=+nWbcnoJa)V?o$S0LpSHK7;H!{J8wUxWn{ zeCMW0sSENEDIX4dZiN|eq(Md`;NiUl-7l?&ZeawoJvUO!mWfMr546vC5M*OO2#btW zNMg~vZ%JLu;X94+?;qkw39ALu&-H8l`(A(-+=T7(VuQM!l!X1oZgClO`0KU9sZVdw z=5i$b;wa3ePg?w}-VszS80l0er2YAgGZ{&ZA?FY=OH1;U;m``_v=_#DYN&I1NXYbX zDYg3N@+YbSTZQstJoUVjdi$}BUN0&9(>w^Eqo$-NnVt|izOxsi#?Xe) ze_Jx0lzz?T&+oaFtgdv7A+3sXnt-2ZPtlMSr~QdZX@d@oKwQi*-}di}F@FS5jIK&| ziYXukOcGD++_bg}Y47y08aX}C47dET0!uDBqnDqcU#|t%znC1~u`5zXVA*m0_|&_LnogszFkeHD{$q7lZ)gr(VFbpgUA8(NDh@kyG3z5^lqeh3JV_G+^Ru8dZj*%-=!QQL zdSFjvZOqH{QhuAOLr{7ij3^#9o+t19~;WlNkRte zlWBWHC{h^AD66;^PLtH(>yFf?lDk(OF6*FO$?*hfc8Y|1_lLf5C?^%Rub}@S6PzbF z&?RLtbjU@cXt5#l<7Ia0Ya{2x*v5f^wX8x6vmE?v78|G?hRifEME)ro1&Oi*oh%3U zaTR8GUJWeP8k>OST%=)~vcyvBjQD3>yv6NAch^W6I>GP|UdNv${t9a4f$sAN|GIh{ z2&IZ3N%(|nN(pX&!=mhQp|O;B7=7$&}VulrpBany$|lOh&OlJBNA zW9;ijHOR%tV3sX)e#t<77P2Qm_AK%xEwdUtVOIHvv7?f3&@PRkpN%^Yxeri$By!dg2Tq4m4O<>eha;FSmXcXudA+>y4`SlGxZryY_?OT?W+O@9y}6Y5JLe9vFC9JB`xDhPC@3c)-O3!6UoEJ<$z0@RE;*AAc4gZV zd^GRnDLm@(^yI@(_*=mp_AerK@P*$yP-}?hv-`pR{rojugcQaL`1gxm$t!K##@4{b zAL>j?u|LDPwebAYLL3fcx833ag-fso7l|;phOyjpB5C!)>iK!dC*D0ot5|15@@qEy z*)$z2rZR(43-PjtT#|~Ph+^7vo9-4_dsHOZzh9VG72diQc`eN&x!gPw&@s<6VDj%LT33 z_5vP~wm`Yhfu<$hH0TjIb%H=24+5^#BsK0H*@`9^a&26wi3}D}vHK^kM63G5^(Fl` zi(s1x(hQhortQWf+*>k3)7Cj{cMxB;BDp2iW zLHx`W>g6XRYoB%n|LUfvW*9IO%HjXn9a~x^_{!8IAO2NgAv1V()O{k0se+T+B2fn4 z=t1VOak5ZHcukE0!p?*oX6YVreD7L#M)88-$(2=Vv~GJ@F^2%Rsg~vz>E1$0KRlgf zW+IeO7FO_NUSgBxt(vC>ghr(_?MLBmga+i6wX-(CV{R5(1=8Nldv!acI?m)wM=AlG z9olzg6(DK??2t~GK?nRSTW|HSf<5c5N)mTtw-Z5#B@894V_maWR)0T`s}v)L;k(dw z+f?x73Y-zb#P6`!bIWLx#SRX7$SK{F0$-*yd_T;hC&*@At=&v~ z=X8AIJBN&oqQF#9!C6M}3MPqff5aKvj(M&J7Uk%lmj`TLB=rKC!qOyEDG&{RyHG+T zKgr1Cx7h~GVaK}tu|C(*ev5hbwM|LD=Ld1$#-2B|gknr%+a%b2Mv&WE>sER`>-SIF z(}5{m2d}j^dn@1R)>bniNpg!LWSy{kJ*i~B$7!fANmUKC7cR<>7gKo5gw(Et`zU-< zWq3)OI+3T<5S`^t{$bGz*~aN&YyDImb0N02c+wNh&MDpey618_0Xg6v~zPfEF|XR%pY(^enurQ0MEj*6b1^0aKhPB~GLCFP= z!Z(S&mSQQT`yUdJYH1RG1|m0ZjsI;!j=dqh5d);IZqx)yWUkD36>dFA49_k=d9kq#g@T0C=7gvjW7jh*n$|M8m7Ohb4dP z!|x{?u-z*jqN-yUu$5bKzh?=_Xm=4OkrlISU21rAK965IK-;2yoT_yE_QRO}#N!$x zA1?pYR`9qooAT~%qu-6&_n?BZl+EfBFG7u(Ca}~5(|#t;h96`9Mai5;7p=Gn3I7vg zc>Kl)3kfM$pfMe(|BgG5D>utSz>01bj$ld5n^j120rKB`3{C;E|7MAAXA1adl{cV8 z->d;82>kzZBSel|vg245EmLC;Q;{%DrSKu#R6}i|kS}C-Tz? z6G{J?Wido9LacyPu%E1!SLe;eccuwQzj%jw&60Ez>}X=5i(IfAb2IonTr5lw&QKBn zyOL>=foYYM%PiW6$TSj(GhO7&<59Ok3{E7Y!UCwnLU*OBI;o$`l)oSTJ7x3EmuEcW zH2pvSHLota{X1v=pBnA3A`J%=^YG*|(uBgIagnYI9i<326srC zTgyQ@`2RDf70A>1AaYkbJ|VlA+wa=^F+j@}O8_@ss)+1i`&afnw*p^a&9uKdUBz-g znGbbyllrYbeEUCB$mst>?R~cF9g+K|Kt&0y{_oWA!sQaXIGAFUmX2<auct%l4I= zlT+p7!SVLw`QiFoUERsOM6Uam@WIfh)-2LTQrRRD+_#_)fvbdiwd&{J{hy6&2_RD(?GW&&&Qw~4D z@#v<@zsddm?1Gck4xH+0x?9GR;NMy%e>=m;sUGVLr6aW}&ANqK_F!|dtOJZB6hkoP^RXLrRF)i zlaN&MCDc#Wym}z?4S4m8Nwq9~B(K%tecBd)wK$l5JI%I!IdLC-5XgAJbhVHr8MweW z(d)g!@3ms$P}a|?X+K<~zSj3vMO1w_hsk{W+xwkqQ}&NRh~I%=Kc*McVm@a>!^8Ex z)z#Ht&Iv%eeH~p+X#&^ke((IFJv*|tOK1q6!B;VaYMiyb)4{y?d zm&cyr-ky+5{B+JARAU5jiOBLj--KB6QqjFma*UzT(OKW~?H%<`sB;z3qj)Qw!M?t7 z=k)}&h)!FwGm4KXLP!B?7+hR{&#%q<+fc>gZ20~{$7#6$4%Qclh2cGtEY>2 zfG;(ij`#YmL_A0nvUz@eaWI{MYQ4T%>iT!`{Sakjd!5|3;`7w!>~N_oVFp4uUF)^X z%C$OgxUOBgmaPU}XL9oBzGyX}NKpKKe}^Op9B#ZKBT*{V;Yzs5%v$VK1NrueH5 z(thXrgn^IfHXPCL(QV2B&mX{(27AiT=M;YPtKCrXiv_CIhrVY2ye63ZO#G_u{H$AeRh++R7hf3`Q4Nvo7?D<&~ z4S$5jv=^$`c9@W-iG*jXXlu3tMkjoSPU!EntOb{RfdSu)4_d!=^#Fg$|ki!kH zGen-9vXvDUt|yyBJG36ATixQd8YvOtu@cL4^AZE;8TZGlkJuQ!ie~sN=um&q^Wx8V z9h@#};M~=&!IV<;g6ny4f>=D~^WtHzA?Fx^k3l!3i_2^J>(jtuJpcm;C@DcfL6@eu z;bP5NDiI&her$(h{4N&v-^wm;#&Q)DU7wX*6U=>$Q!Y~GD}1o}#p#ZM8U>595yQn_ zbFn~I16Ky`-S3dAE7Wz%MNmQxyrb;RzMk3obfa4u&-~PRcE_C;B@@UKFsQg$H8msX zOSn21TF%Sv&6^mM`CV>8T8>KX>ZQ4e$cmDp05;+JuX-$BEQp=V1@2HZgOidi_B|># ztXHoz@7v_KU2$CZQ-O!_UV5|>*<`2_f@AOivdz59RCu#JRHQRs;atJ=J9)I&JLNfdo>V%$8dAp zciaB(wCed56?p4A;$S>7Y`NDqAIfMDEHI#~=Q{qLpLxeeF1LY`nA@;rN;Fat9k>>q z%5SdhFovEFVBwX zL_M9o&d1l43&A0)_dGIpY+NpH%bOn$f>+ykBziYlhx#hJY zE{jqZs=WkFgVWyYi{8h&HJ!zlR#s(T*H(!7yv6yp59o~|k+tJM*PR0Q`3Op`1!c48 zLQiDl*+%iCZnf+71be18SsRi)Q*YZ;KtQ0=gyx6$tlxTW(o{J^D1+zPxOpZ$sx{Cw zKJ#*NaB9kX#$&a*s!GqPThQ=oKWTEZqzGx>`kT?`u%Gnhy?Fx53PSF>xtdAa$d^2l z&iWH{MC)0BcXZ0%NwUYz7r8-h(+OEGcEJELp}5ML_V<1=GCKaczxXqz^<)9e)w$cY zbbN!(#Jwo5J8q1}>w~NDZIrzI(D5qXH0bYpeo2?PlnB&Ttr57rKfT4Q(VIE!7qFI^GJv!prd7C^Wo28`TeR z0U7`Ep3`eS#{z&{Yc12}Jlg-FRsXY6`-X;=#Hz+`Q~A@Ke*k24`M*Z(gmOCQ7P&^5 zL9_jQJK&nmJ5%+H0HYt~f5DtvPBPrdlI7cW)la~i_Wd?)?I=~Dyp^xe!0%CX2E>fn zRGoue>t#*Yl-sP&9`EUNVpOhTQp@$#xvluP_3@ZVjFQ0u;`fz}Cm<~-aFzzmo|h}a zt?PB-5=XK96B8Q^ETE}vRgW6z0!mM=BJu>B;7z+n7`z8CvRAkM`0?YB2}_m^N_?56 zkA&P~RUZZckl6v@1jcDIf(x-W-H0A3)oneWMm5|SQ6@fdo2fd}*ED{03w`{98^W~WnqG|tkz0)ctHSfDN9zaV$vno4}a{vQx$9n7`Vv61sU$ zZ!XOeEpVc@h3}f*WZJoFX0xeR&p$M3GF~^1M1=>%@G*C4-?XqI@V^EPJ2z)!hG4H2-S?vE9#j=?NHhu9f;Q z%$gstYRBWj6=g_?VJm}w7>idjGzp;lSVi6SAY3+bYOAs;f4xW~xhW^2!KCZ_JNGO! zU1NKx8xZ}H${xq>yGgAV%V~Bkc6k- zT25CouMXKEIWJ>c*7MS0i>E%}5>jzH{{gJ?B%GYxwfAko&{%~D?8(T4Y~2KPqA%CvP%-a_ZMX6OeOQ?u#&Ch0%uNI!LtG z*;+Ju(Vzwhs=9_!XYm))w_Kz^zbZyFSpJTG2wWYRG%N9wIV|*jhOG2s0f4nJ&o?+m z=e`BLu$*fP*e1Hvuo+gI0U*b&lv?%vPa>d(+*;*Xf%w^;$b!<+bRc$*Mh&mmayTc< zMIjJ;;a4(}YB4qS-$Bp9WQs%Hrs2cZPr8ge+@3@$Zrjrz9nbptp;a_J5pVb)Q$FbF zw|TEm%K&v38b#M!>HOr~Z3y_C5-9lAVwqqNSqSc}(6G|p6u4ofuFp@TlZGryd& zi=W=|Pfbl#N)w_iJDr$By!Wi|jYWYr$+ZHe%Th>Z{rOJgbgY7%zXEEq`6$-qVz&&$21E$N z2?ZS#<-{kuIvZ_mV4wyeeZ}nu@@Q%bEN0D_kOCy7UeyLIc^pD7jV z{U$A|Y3C78$1^oHy7|$;u5d-fI}zX67~jJj_&+w5?J)S5c5_bFn6e^rxF_(Y#p+`+ z08Y2GU$=+cENeA5HA=9`zj4UwH&*uj^orx7)(7(&%Vu3h^<|5JYLl$pINL0Xq0&gb zbc1?HN+rZrd>CXKMcjxzOB)*{gie!tMcU(ez`4Sya3y(Nx3nOcms{q#Iywu>fIEd- zN!f1{=DRY}6rIfiwhWP30^CrA+pxwu#j5+_wAXJ2ed+FTQ)kVm&H46^FGFtAd;>n; z(*6x{0mR4SwHzt{22|%Ct_BRwW;^tVV$I-xcae6WlAp4QMh(15U*O!d0HP?=+ZsJdv4+ilJ0nMs^b z+3m3-K)_+=OG;m!?zNonqyc}H-ffDM=L@gV$LgBN7;D3-LA>|X2U*p}k%kw{{u2`u zR%OkuJzt&ySaO9&Ng~?4wzq95u3ES&n(!v zIEw6`)Xrx!!)qr6>;yP8^u$H{z85F(1xML&KdNdf7BwE4>+{y@O;@j9_d_qhM{ZQ# zjiBa2)U{t;5CdKTNE34V8h8+&Kqrq=5%U0MMV%xRFueW@;1MkBbfZLn0LC))c(ly06;#2F8z5MVU?5P}S180h zqd%3Q_mg^`fARDgPo(SFKY4uk?@AZtBqaODRJR6?R9yfa`U?C+2-%kT!;3&i)tQnO zVPgioY%(_|JAFNttIlO}Bu@Exp))&#yI~F9ohIzIh_OBRoSwyEboo0Golw=dgX_T8 zS4v7s=_2L(@q-gZf8uHZVHHAMFiVHtDYfML0*Gf#y)MM?azj&*ZbmI0WGSAc)KTmn z&-Ff!O^>}Za77<$fBWiuej{sgFKNBdJC`^9m;zrSkD>2cc4#7-39w;hab)uGK<##2 z%miM5O0;!S{R8l14&8d~vwr;F9Hjq>{d8ePi45jHGklK6Y52_^fgJ(c7;FxRR=NHr zou0ob{J_@6o7<}F<=*aUFzN^a<#i*8tVR*rleH)ST{l+OEpj%sRO*c&?)s1X<~`ov zs5B6I^}d&9{W&igU523fnZ6BHx0I$$jy8r7Mo2(_Hd3YTu4jlO|5*k$cnk3Bj6vtj zScTE>uK>RM6pVh6sN`Q|;#OLuZiVrWGGLCR+l~PJ>UUo2S8Tv%JTd_exCwwaz?4}4 zt$_V>MbS8ce(JMGH*107dT(~Ee+ZJ>_+X{`Mj?1TEPTV4_(*#nyte@AL>KtTbKe7h z#xRN-wFdzp922DDIO=(U0uiSNly)3g=6%`H?8;wGno&M>z?o=FjskWfKtj}dex^aS z<&7D;QIHcYdOQZqlcr{@EznyUxmwYWfD~!~R`$&m0na1L-h=4p8wKF2TuuNS9eDB; z)jhG)oM(4@l1l!D`T@lQ|F=V7x%v7(u7h}0IEG5F{&UgM2mAliYm5I!uKAo^OFV55 UK?l8>hk)gktg;M3>fOix0f!`r761SM literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/examples/computed_tomography/97715265.png b/previews/PR92/generated/examples/computed_tomography/97715265.png new file mode 100644 index 0000000000000000000000000000000000000000..440b8b634309f4bbba912c9dcd517829c8595896 GIT binary patch literal 274231 zcmeFYg;$l)*Dm@}k`e*}(%miHA>Aq6B~p@tGzds{Nw*+KcL)N~9ny$&cf(zL-}#+$ zzWXQKakq}4n+@;Y?^<&{^NB^6ijwqmlvgMa1U;9PkyL{q1bqmCg++n|UupRny9WMw zW-2c&2|Ygj$!;x*hafUYR#HsEV+hx= zNZ{8sLj7Kd;=pjBgo===VkMr!G-`^XA>rF2T|v*tKX=8zedyZo)2H$>ui$Gc-MN%L zpPU?4;BHPg=jroVW;M(yYHDh3s&8s)TfQMtphpNGL;BBOPm-2qLQzb3vH$f~@={a| z=07hY1#IQSsQLY0-%Xc~^M9U&lAzEd{O>Cv<%Wp=|3CU)OXvCj?PY3MT!eDr1TPny z)4A=&=O>Dkvv{3MFY7|cLbJgrF01zn`Tq`l_a@ zo2J=VUVdxi29xkq{Q)yay zI_bxMSgniA?uVQsg4N-KqkOu$y26)@Bis98fzO80c`EeM;ULEt9)Lg<)%X z%SnG}dDFMDvOygC<+fJkEMZSC@bMY7%lC5YUi^ZQW_l@46K|(s9FgI3v)%r9e;9&6 zx@7VF=4?V45rd?xo>u8=gU9h-mgcjA(aA{-HMQLO5Hx}+`^6@EJ9H?5RK({`m4&C* z>Bi9g?d9Rp1*RCLN9Igsnptm@_tk1hky1ueeY)h{+9&V?n?_-DzL&^(kfk<~3dR-Y zpD<|d%8=^~o_0QP8!fM3AaLXDSKX{pynjRO=IdOYx{v~(?1VHZT(}guCD5w$hk%Fas_SILk=v4 zEgqxUVvCC}Dbja#c8CSsAV;F2r}vW$AZxfg8Ng%F|NU{qAZ4Mq`BHdE(3Ew|*+?dU zEL12e;iQMq;k8Ib)6Tc&gxoFQd%=EQ={dC4nsj}ZXKkI_^S(Rojf~a@pTr>Ta>=Wr zbY2k?kq+$Ko@F?-eA2?F)1lztU{41{#UZ1IljH-tRbeG3r%HmfBo>3Y#UU6!1k{%) zH0QfB70u}q=BGQQ6?3eMbG5cczW3*>KF8sOoqxN-wZH35MKV(%QQ%eK%pS(7y=tU* z5q7pekJpjLWt+sTxAAca6dt4`%=mG@5KBr)|#4{gt1BQ-o2ZyFlq-M z+4?oV^=NjEM98a(&K3=AZC1UyL8q_u>V;d;XVc&Hyq6JIn(Pge+vn!yy2J5iCMOdT z6C(*YdwBI;{CXGwZx*56;Rgd}-@MQ5Bq7&39KV|z&xtx1xMwK?-Z$Gto?T8~!4v2S2M${= zQBYAa1oqgR#S11khSF!g>($##6n^=FB9tjf5nHx9r@ak274!$y3)GiP#U&*KpiNCe zh%Il+%5`hsO?}fGvvwIwVZXqX#?;Z!(3mC7ez?E&J#fy#7T5PapKAICma|XjTSmro zVM)pM{pIp!tT>{rJBn1w6(3!!f(#Du_L9_OC|*lTdG}mr`x=5 zeI8D;Sn24j*90vaW}94heZlkNwO*^%Tk%j(A7D+`Qxz@_7QO!d3TyQ|@4uxR4Bu|D zw~x_)Y-h?1YTs#^nVDq?d!q}TsR-!G8ETd5>lhehD9}9h&AZ8B>(_H`_e=o46v_Hd zPEJ}}=Qt1cAGYNF6;xGm*iQ4fY>k$v7oijJj-D0ZGHOK-aMJ8{M7iYyL<5^&*4E~8 zwDJ>_NpsmULTheGNlDXxJsKK3W`CFR3u4io+-C{P~zg{_ZE08c}n6HeQBMWPR_79^nJu`K*Bk+8AZ2FqPH(5@lyhwz08 z?XyQE8ByZ>9fKf>3(_dQ4gAxP=Iz3CmmHz^6keylU=Njrug%pv@deH&)kSXiILUuK z=UFgrhoh#Zu3z{Nj!Ci0@c3}q{AAcRz#{4=0L7_Wo2SstqKwirgJ_?N<|f?Nu^r zm053+hHfFxif^Plw596(M5lKA8%8_V%s*+v1ulYT=wUKF>3emwsw{M#V6Y#rEX?i& z27qC<^p(1K`)bzXlL6NH9In0P_D4`~`#17QOnuD??#JDDhkJ=BJPu34 zNh&Dgr;Y zei$H1HshWG{pgreg>xQbth_)XY@P6LA9jJs*aS5|d;n4p=q)>aZGSkga9c0m#+6TI z;Zl-qByt%QOXqQz=9)iPYW@@~P=qtv;AED>v1kd_j+vQx-zIbCis%8{&9LoT6Zu0g zN%|kRFI1!v|ARJY|7!>F=Vaj0YfFoZe=CTAb=^mHS5+OGtuzC8YD41>bcDxi+Sq~9>= zqZLBxbG2QRWuK1u)YFFkgZ*YkDk>_Pnih`*G)iBKafveOaJIG@W*Wy5e-{XW`VqAH z9YZeFwqq@=TlYToUiRp55m)h}S7dCAZlZ+(TI z9Q)ah4feR%b4EhW|32)Zt>m;EyaIaT{mbWQ`x+<;DQv6fGe!A7IvbUcD|r$HmNQS&(D1_Rps_cBFdcSEm%ao4X@G)a zCL|=RXg=V-WdLR512A#z_zEZ%Qvv?51~L4(?L1+-xf;M@XA#|MCIHyCbFBk@Z_w=a zouwUcSH)}c5TaaE=R{c6wyWIKPZ*@ap9Yec-OSz>Kz_3EG|W0xl5&kc_c!XwLQ_76 z5uNPXnFQd*gTcV*#?`*NU4GP(yFZTheck-!%a^C?Z+q#t`?P*%y6VJhGfu1IEby~? zd-gA0d8bp7g59hKP2E1}IUs-UmqP%h=1P>KF96W$vXv8(_Fz840~@pGu2cmHcG7O(Rcj$#ir9vg091wR zZakwhMt8-ED=<$KS5>8nEoesc>fTq{jqT%ovU(a9jkkE!PczOUsi7zVwwV&f)#d0g2$W&@(s_)U zv2U(W#jpNEM#XzT|0WVZzi9Xda)Dw?`*XhFJhI(M=+NRMlLpB0d|ORrj7bE6Kq;Vt z>G8A6AHauqc;EhlCQ21>y()c}{bout7}NF*AT%8W*l5l664aG+z*_R<3(5KC=H>#5 z^lL9pZAa8E4G4&>lT=Qtw9eCE0oGEx3#&eSB_p5f^}hVtp?C!%G-)_lD~xkSl#96A=3 zr8e*8Kh!}#f+GRut0Y^2*#X3Nwf(5!NR1J7!DJM%z#bh*Pm@4}nsHwob>R`C(Y4(4 z$3gG&!(}5p;j5Lv!Ur9z42zk^nf3<@H-is-)P*g1|DzP0f#CLDlZ#Npkz^ zW)knSF$3-j3FoV)xm=hJa2e1X4JE1Q_Ez;7er7yR^fs+&+Nv7;=4L zV7DE+;O$3zADp#Lfmp0=YT|Dd0)m)XuWr^0Ec+c0o?H7sA^dZFP7!(^06dJ7vg%>a zvoYz-;fz}Vg#~IQWhinbp!rrK!Tfo=zudR+oL2yl`Vhs@L!*%L!}I*zeRW%#p~Gza z9_js-v<~g{PYfU9LSl!u>%yfUoRJ0}*Aw0D!Fa#i6nVS`6Zhv9i2zPf@35TN%y`Hvg}MLF_hHj_$@_A#D9dN=6Oq8A zO?+Q|>}hW_X_keY=c4OOD%a8H&!3q%CvR?U)Rp+Uf6rH2jVz@yR%`^Ivi!)n<=tF< zV)M6)hdWt-=Z*;F8@2oJEI0<*k+)b3Bt;9~$T(acEY82gg#dZ;xt(8bJD=7&AK_X4 z#K{wr{`1p4j6$X$pY11n5uXk}{`_TMv$ z?WLm;@j6bI>3~UG!(NT}eg{OIhg$Mt%0JFqeK1&i*fC;mOJGl$0= zZVYoX`!O{y^~Z|ldFG}?@RBPL?Im2&8>$z5tudBEXLJ+nVZDFezFE;X+VInHH+cX1!^ejTZy5oBeE`$%-JX*Q3)&tY z_mVmgqMBFw+(Xq1DXN-dxIHYir>2+}3 zEAmk3xGFC6`|xKJ{L0^O)?tS2G()FOWLn^A5Nvw_#|wYdAE2W4m<13mG<-(Dqc;V z0)#DAe+=%io&21DbOIxG4~U@00pR%jL?lgd5-jb_JO4`KK&7VFn&u@l4-9W!V>&vz zCnezyO8-e`1I77xJ>t7}UaxKB?P}#&KTIAJ+Pmi2tX*N)=w!cNuc>Sr*O#w)eYrcs z>TW=BX)v6dpHIcp;wVVczE?FM6;0y(L=;X3Ij5$kZf={TE&1TblmL_UYUl>a*8Pt~ zax0JoJ?IxpUWbbE@x(L!P=Kpc`xxxPy*d8P% za+8v7-|#xpSuem|BdNT+0!Y!g2%4kixQB2f^7d*iI#Qs|a9_q?nh}^dPqr149{H02 z_~eu!;OVn@9IY%AtX+Jqn^5GSikCGrYfqwW!ZVl|_#JqZ;!ZncWS(+w5X96N)y4>a+-$wL_USyxj76@UK@ z*trfPA+Qi%&(B3Z(S6M*U~JGAR8gF5;PSckjrd$}V%syn49{@vM4l*A6aXv?*i?4S z7B3`cCV-{3JyFySIvr9gnd}TkRpwjAarrSZ=lrup?8iLKt4I<+`sY++jBzXL5u~CjT zR4UJMstLO*;i+!j%BL4}B&R8N-1uK#9Rd)_EMH;2P1P&w{(<7dq} z$}_OEbU{CoQFz|Z#t7WZ9!>$r@1l$cOKcAn*d8+}otduFI-px5?K41o0JDs+)`@W2 znZNgkNmq@jIDM`4SZ*1bIk10T&(j#rgkn)H`969>edZs4Npry?D`(StYD){WDw_x{ zE-oPIZH-#A!%~=DUpF=^tG_=N6PUAcZ8Ib`@8wRI0!!8>S^SFAGJ+Tjf;K;0?EL|N zatAJ2lYVe_eQGt5nUUz!VccGq_T0A()v+!t}o|1o+lQPTjb6 zMst~LWxBOHKf2JXFWZ1Nx=~iq&@iW^+``PjzYHz^<+CRhH8&KMQ0w0P1(%D9YvX)+gs6CeVB{>BH~dZbOM*zz*RN{ZN4?+$aEy|w%M-?xaxFh)?vH3Dg{*?QdDrYz z7r(Rf4mn^{fgx(<#?1|m{U(jOyLs*dYzN}}-C=%S6#ut^ zf?#$xu<6SlYmuc|->aO@_hW01!R)NIvwa40w`=rRC5C;QQ$`f}Lq?1r|J+n_$bp=fs7rtW%|Cn~xDA#M3YTw}F82&T z+r|Dl2SLlOxSq7fyj}g&%nYK~5ukRQ^8W8Wblicmt~6u-?MVC1>30s=RfOxOWHH#@%47cj-TDu7Ww0E-*7Vc3Aq z1d!~p*yLKj)z5@`cstiEEdUu+-lBwnm)m$p&tz)Xz=7eX94oBLGi!K`nJEa`Pq#DAwjJU4I+CPzW$8ztFU)diLxAwsWQ0! zT+e9>K(ZO4+5a|{7S;d`ypM$2yaTFwGSPk7;7K{9oXAj_8dhdBzA$IE8YXi7W*~a{X#q1CYliu+WCjEpnmR%Y3UyQey;T|vQ^PSt7kXbUnhtrDl6FS{#kMoD zuo~LkB6@gyIDDL&n6%eMDUQPUPq&kNASL6t`-|89BLtb=f+7|=T4(kBQwPgYA}ud3 z|1@=YP=7zUwo**M#_S`MZ-0YP>c)=VCHu&TFwGfnz%6k;I7 z{7TT{=qZkN`*5Pf2|99swS8fj(pZ30iX!$YAJn1feJUiL6U8@gg1_%Mh&&0Sy{s@v z@y)B&i#gk&I~!nrd&ZE5mRo_~2DsuWtvgF&N`#S8Ky0ddMUh1JMy9^re3FkfcvPnx zpb3F>v%RmuU{TRcz|wNmxgg#%`;;tBD2uf2pIRNS1Y%?Ydb3fa*6)LOd%k-KoWr5I zSF;3QTmAv7@jX-6bh$yZ@lRN@;UT`KvBTQ10;}!|g4pHz19!VWeHV%Nd>@{;vkl@+ zUDiCH)lb2Qf$o%>=>laFn!w%ykTMaxGh;@W35k8&noxh4Y(G5@42ht*ZVn$FLjR=&-=yU}8DUtg@L=HjwaO;66$CY(m@@ zlG1WPxtrtvo!Bjeg6Dxt=W3F z?=|o^ve?Z&xAFsi2HrK(bBCUOJ@b<}{Fvh8^z;Kj`w_*iE_^}(x4o=~Gg>c2g?$@& zm>~dXpjPdbKMRfs9RI?0-^iQ*attWPbXKj`uY|Vqk=-WCu$p35?*(rvKD`>zXfJ+Rc}0KMiAdR>qI(47x-;FjqoI?s+yWJ zAe73#e;@kR$O%4m9JPED{|=p3Oqf(2u=+dz`#CYZ1m0#A$W~hKK$PnD6dQ#}Qj}T> zk~}V5wpp?6_y9A=b7q(c;q^Z0@r^$HF!(EiGbkB8FT71pdi-MRj#`z)-%Fz1=)F$d?V$R=|l9A*296_4P{+xq;O$y@%>jLkTkr`W$>8NSD64 z+i{13-umHl7yxENhvk+nA_?(OF!~LY zTIQ{v#v;(H;G_=&Gcz%#rNaD3KH>Jl$}%!?F}6V~Dp>(E_7NNnVJVoL&y$X>Gdk(% z=`n2ew3$x_-M$a3s_jgg7w}`~;FN>IG#ujdSLVHP@N9N-uQQ}_T3TA_>fE9?RlxCy zWc>os`qz0mIX_c=g9Hs6TN%saC8H+$LNDr)34qN({FOjO9OhqOt4tokLGxzuWTDJr6?bf!sIYQNlM{8Vu*a7)Un`3L*ONdp+4`$=i+!$#muu0K7*Kwq?7* zfIRvsA_XaS0RSGr)OHJ!4aZ$gD^oJ2QprN$GQnXDaA;ucj)=`zl!yB>8ImdKDtJ$s zr(1ZUBjAKmm=b4Rg6BS9V_y4Q&7DA&Wq#a9ZTZQE95Czt3#cW#D^QWIpgDM2D9Lt6v%oEfinP3xquw2eW?|k zWyuX^kNpfnSHM<}o|J>vyaYH!6z#YoD~e+sGiydy00Ip#YA^r%$b}cHi3iN5q1@Ig zh5{*_hCi&F$wa5|M8;>t)6aj#uAvfumw72n$3k8$UHmNQOH(kh}#NW1R> zcU;9qVw+|~gikIQ33zWu1w!wm@wjLy`w|%8wd3gfVCWF22_PBUK5>{Y z!FsEY1S#*%E68n20%24Z;v*P`aiJa@vsLcRFJgEB>K^;_qa?54#^2=QDzY~glIS>}#dbcaE z(Xqj>Km^<@Wi~rSS^7%|WcQPUUFvAYH+6a<9n<`_GckEDg9OrjVY>TLRSm`HnsOx%eiI?`lTYw0{(Y~RLS6Ie5ouEx- zy076>=4f%MwoA+5h>i`Ljt(zCWjxm zlY-Hc8fSwwwL0#UpeDyqI8O1dlyjD1d6;dSUtOTI^X={_2b~`$9fBEaiEeno_tMSD zv3(1u113biAjQ=9OF=D~0s|yh`9o5syat7=J{2vdPVjkwg|4OS$|}pV@B!|Gk z#gJDol5A|FRI(nYJ4u<0EN&mhcK%&+!EU!pC23?Xb!T_q4U(cO=nd%DJs+ro-)o5; zjvM?gJ}sw{FmdvpDsV9{rNB1MPWb1v^}du;4q2B#ofnU~AN<<%5Wj&5p~7Bt0~}&@ z&D)ofbwoPTAIv$SgWmzg6;#-9Zz%oc+Joe-GqGj5y?>e+LS(qSPfX!qW&OwKXa6FR1wiCgiO>CgiZ^@Glmcx8HBPbSSTOfY&hm8bT;@INC1?tk>PJUE5i^b&yt zf=1ZiAY!h=Kq0aSg*f@AqyuWtU3U1U7ztkNycW@<(ofQROsI^N~Dz4JTp?!oKe?v>#Q>)UIV z*lkttm)#|IlzEo9E)3D(^}}H2bcLSq`CSOU{0sHavsl92JZqJoHVBrX0)^~Myv?gd zpQB*_17)+N$=#Ii%4z>xCVpbr?F2E?EBmn5uFD%c!u?^yOoWIEmHerK_hX!jCw3MI%HPw>702eOZTxe(HIPJl3E1kHXDK{oqfKGnGCvFQbl+W z_h>zpN#yh^wzd7|WYMhdZ@;a<)~G4Xa+uDU8TfO`bn^~`X4_mk=jWl-@IU9VKS2A+ zSe|bxC_lR?is=Z+IXVZZ9Gm2?yI@x_KYV{qGl7Aa!y2TfC5e!iqmsirSWO~x1M`E) zhC7Sdo8*m>ed&iqL>wID@L$uk?l#VoQ(5&_D3pMLXf?j;!wm|(vhYU} zViI4+7!gd0_*y|KTtA%F)}*#=3||Ku5RA?yO1H{5L1q7ufDD`e=b0=E3^EH@h6|iN z9inlJVWI4T!+lK{9PtM4@XtUEF_&}YaL7aTXUZ2TSTch6)$r9flE1LjDn(C<2_0!* z*!-MvoxOW7Wejm-$tNo*HlC5-p=-DOgL0!*6u637it#)NetB>3b((N=6Af#~zD5?M zqoHDrxKgWZINU}zz&{Q)^;zMKI@4c8ME4UtdOP^IS0q>Rwx6_cWSe$TwcW<_IDhu2 z|V0RyeFEMc7-MFe(bH zD;Oel2z_E0HdHd^q)U8w)sYV2^XNba1{u65R(=2*6$~_t3Get-MLjzZ2S*a?m<&EB z6U_;dDfEz_MBhOydF!mdOR4b@d0rQ;M@1j0l9O7f^6|`JPml2bbyW1ID_# z$pKehx3N@UM~C@tt@qSU*~O`?g;%WEkB+J=-6&6r-M8~mepVEypYbJP&sP70uM%_z zRrdVQEj!WFLc5S_YgBetrQPF{W5{2ByepC;wb%`fD9_P+jfgvEAu7(ly>{kmUW(Wm zpyl>b_qh9-@j0! z;mm1yH#k>NCZ3qoJz+c0Xo6&SoKk>|{nj2vCIn4G#RTCymkOk=U=fF7euCAY|D`6i zoO>28Aov=GX$mr?lF2777FQAmEY_E5P%IaL|W9@m3)V2}K9!p0!3 zZr0ku#$;cUDY}LD8%G)SnaX?nf?s{pE27#8rSJC$9W-a|oKmMG@*9`Ai|C~)a>kni z&-}kw=|d@f8)RjA)0GQvN|nCxCLq#qq9Bm?g{kCZKEq#>9$4sWsVFacGL|%srw@fAjANlbOE{&h z5x@9x$}U_eZ>I$Z{X#J|uRd}ggd-h?GH51_K@ePykL-U-G5P z+=i+|n$76s#9E)Od}P}RhK!n+ys^u|f0KtM@8;Y!h2aa0?p-LiVJPnlzb@~Bn3L25 zrdRTI4=ixm8jXkAU(&3ngwAIh5d4al$EKn)$(l%dRuGT$=@3d(G?4tbdUJ4A0-PoF zA(@+1@zxl+h@27xC>M(k_Xg?8hi+C{|4NvGBq%67Q(&7FZ*z3jqZZXq!vuN!G%FNQ zMD&-$IHCmI1+9AM8*+GFIHJ?WH~olKD@0#Ik}td^DUe`g!X!B+^(BRn!V)mZF~d4e zp^jCVd<|Lh(nYLy1TxY;D*hW~&=a*#=zdzz@$M?)%hQoqBCa=garu&}qb5 zPbUFwotVjS<6DMnZhvsjr7aSMibf>G06@pvd(u3TWl~YO2u3;Br5@7 zDgxQ3Dh$uskpxHU;L!Zy6!=#BQSRS_-4oTj7Z|x7%^eotnwCfKDc%$yOTQ==q&*@k zDVt&V`wXF+l#T_*xe*@I`M#L)Qy;2+7R(#N7oy@G=<3u;!5sbwvPh|9ssHromWWK^Ut#%62GOfVI% z{1WhzxRDI2LELEsizV4Bcj=5wcYKb{g<=W&8FK^Pqx(zi!ihHf?p1^)rDp;Q>T zZpNj1*^jIV4b+~h8a%{xUQ7oEk&6#}YBj)@;IKpTt0`&Ma3pSp#emd0ohANc7Ks$! zhR|wZfmeQs~<@e|!< z6&kX^3rPz8S__pFm+(^w!}oKR6huN)`z(c04mV?ROw}(Zjvy^dzViw*oP53@Zp-pX z%u3=>P@&?)8~by&XhXV^zqDE4zI?+OA3qT7h>EZp}^SB$&pv3djhKg$ZGDR>+T;lxO!h^E<0n%Hly& zaP5Nh;k75>^v(N=%0d27h9Fq^#{z{?afDE{R1tT6w*2q9m4l>Z>Fl53z8~^Lv}dn# zl6ZR16{d`EOle%*jo*|WE%d{Ut1`t*V>yoXd%f`-Rf3;84yNrwq{vf2vnPV`Q4ipV z#?^DGCE^&LkwE|AT1D0pk`dQJ%I{gS3rv;Cg!E!;M;~ z14=X+zEwcv8cdyWT2zGeIhdb0CsonTRx7RXqy0`tE&SNwVbp|!Bvr-m)ph0Um>{S- z7+OKac}bS2mbm_2&!8vUZ_9qm;eU84Rp8e+b9YtL9CJD~wF-45;r*Zq;TaZe&&nAS zHG1NvXv6@<3~N!2{Z`WQf`OVg{oZ#27lI@7>;r4xTyt=$bQ#~wv5~+2gIc|?%^5n4x_F`1UP&Xf z%rkDg%2cYNlQv) zV^t-?QHuDUVn50*f{>9oMJ688o==b@30uuEb)pM(P;ssjCd8K)jxWJ%|AtivS|3-e z*9ky$RNEeSM>>L(0Fd62r!%d zuGCDlq|^k?n!ix>rPHqH<$gMw51zto#Y)N?(5>?2&dMWq6VbqU5K$Yx@EZv3${(Qe z<6tGhGYkq3rA5g|7=ZU{h``}5K|*~o?wqnmx(Gu?PU*L^&qbYBD!sTATS$YI_(j`e zNOpVYXJf}PT;h8yEaKZ-fRv(vq^LNX3YwC73F7gj2rFy^&al1mTm`u=6rx?Rq^$*D z_f@jhsd!luC}Fo{evXr1I~tTk7JX|UNhEqEO0&SuV~=OcqcTE!fe`@7m5iH0Wt9XG zVhjl{Dc7qv;2}C>1WnyvYQkz_ysk*_8h)Ml`6yk89M6V-;(vmn!Hf)=;th#2Q4rgw z@9-m&ai|`pCRZTBBzxt*nO#ODDELw{vkMlhkkgUqb*(7MmDtAHkw8oZBzRbK3`Gn- zM}e;&)jAqS?imXfjk-p$bPdy<%cGeK@e_qPI-Nh8AU&2$@BT1m+e9 z%Pqv2RwraH3^3>sLbV$5r0s?390+l5hHjbOo~tI;hVYJJ2HeIKL1dUwQGo^3mt3-} zJ@?ku?K{YQ#L@^b>I@OJ&sYjZa)g?Q5oqnOG4?U>zM-91BPy88q2?rp`}f1&ZRTho zCsDh?&0%!#!dY`V3uud5BY&Mn`oT1&ybh`5DG?o9uI0;xGFQ-P(%~ z4Cljb)VG!QRo`qZq})EiILpkblh3P@QC{n@;OC6B?kAY=@XE7hR}Ee5zr9Iqfx9W1 zK2OQgx>u0&tC5y^;0_s5*wipdW*WH!>*+gF= z^?Jmb$DB%I>xk@(V^mq9Nd-N{@8EGEce#~zn|$`B&BZ0lg))Fs^AL{%UX6XWu z9@8m>=|l}n`t>yyq*f`p;zWZgxC|dFi-3;Lt8OUC8?gIMTsqaH-zk4MWCf>4%fP5y zvZAWq?4DGQd}pWW;7}TqIDlOf)57(+qd}qf6)NfqVi_OIGRE2|+zLtd+kJGLUmVDf zkfc79dMe#Lzqj8m-G~J<@~?Pk#SwmPZ&{kGvm`K%jsbqnn9T{^;v?2+a75EFOz?9F zeJnVLMAV55hE4_pT7Z}1hDXr*%Y6`<-oRS9mYvsgAu^M0(GQgd&){C;hi=~p-9bw!&}+3 zxzvvvfhydt=`0_;#+N4qlK1|uJoddOX}eNrty~lF{=yyC<~PeFN1utqpV53M;5nQ8 zg)7lxiT6Ke0s8UH=+>A$Z5Xi{u(b1G5ur6XIdoCvX9yc|bcOJ!1xCbrOR6?bByv>> zu&{4;pw^|~(;~v(HJAz`Gj^*pOsnalfpTI2eA^0sNL;X~qi~+bikp<9GTjvV5K>T{ z2ET@Xl1%XTz~3loDOejOs7-?V6-zrE(Khf(}EN(Ll zgl9A^@mY$ZNP<`S9q)t-GdgecE`gnSKlw-!B1w)-+4RDMUYWxLGOUK}=i(caph8p$ zGjwJuWudfu>ht$6wz3Jn;PTVwc(fX2Pi3oihcBAzdmyitxJ1D{!*vb_I)X*cNomVS z=}jezSK=F6QYQKaX}BNfuiTuwEE$SdVooLvlNDWisTPl+;TksstBpwTfk+wG z=bC?={Bqbn=Y}#d!je%c4fwsiM=G-T!9=w1Rx1W_e2DRtN^wkGQF!xqwATh+h4G8& zAVx>JMOj5PoM;}CbpktbVTaoI{lpwAWF3J=#eGgc`+Gnn?oC!tBP(>YVeX+G1~2!e z>!lQB3`4{t(?mR43FdJJK~T_ckO^!YJui!?D%HILRd**WU2q%)QlHyv7(X?-Q1YE) z;vth51V|O5#P2Vb8$mwK7FNE}&0W%VrWQ<#(Dq?-(%rnYR3aO)Xff+(S^)9m_JprL zY3l6~Nh7AyN;Zx%JQD<;kEZ!ElA;F&Q7u6FBam@Gk0>6~ZOV}ocV_tW$;lR4cx}i6 zqfdse@2%&_kUlb7C|htg7MH{=Ec4>ri@JBzyBu^GM6DMJ|aIem~IUM;Fme8}n zFDGWi8*+T1g4XZv!m$D8sLLfWgM)yn%IgH*Z8DIuq7Xnkag7}6jX@HL5EA`8lfaU8 zT`v6cixY3uKfyCtj?Zs0DfzG=eHLDf)@M|2BX-3JoIkO7FzFYC^U){wsqv8i%r#Nc z)@T?)kMCA`p#o-s5~m*$YVP1=qI$>uQcI)k8_2QPrwq#vmeCoz?JtCq0*(G^F(qNq zetDdLxY|X(%7tRBN&=N!Avw&usV?MFu$Vj4V~NT&){3cS6FtM>lg;7v<8N0HkWKVD z?jhTdM<=6i1@40aJsG(^IiFvUBf$zE#SX*w93=SUF9ivu2_G8FGf8mC;nn-c3e^^{ zAuS{I?0^4OG3YKc*43m{C_`C#oc{F;?ZuFnwIM_LJcBr+aqt>6yP0Y-R9%|x_hM0R zeuDG?K~w*CT+VYWip+z9RO`nfCl8hvvX12wh{aVDnmR8Mx_6|1y^``H9Y8~32oE2tF6zKc#)%#(nP=nufugDdiz2br!M}aNJSC3KXr9`qr zj2Q6@#lqt}b!B5q(y2l%-)897n8PNZ!?lC*~yMF1s`ioKJU3{!p7z*w!cjun`lJD zb!)M{!M$&VIk z2uycFAJ^~kZ}8}akqG9x(K+7mutzvCbvSI7-SGK{xCl@Yf)7CoMAbkG^P47FmKQn4 zTCV2sCuMBfY2hSMGAxdB=TZ;RHa@XM6OS{Cf%Jz$A{OG8x+vBLhLg{0{t>x;g2bJo zQ4zHMQrD=8mZZzb7X4C$|8jZ!s+LbPEI#x{wqJqV#|5)0zXB+Kg;ym}5X%o{t9R}H z0lz>%zW}5{F-JKU1y`WYqp#Wg86Qm#;q$*(2V`!2A00#Kr1KkD( zsz%0&RRVy=M1N;T3QoN!DwdHzxd4iIQh;wumFUng+H;{Hh)KnF_%RM86?0u5fG31h zEGgVn5KciAnCnQ!0wI}HEPw+*D#jRi=q3hjFD3 z_9m*nK@C5M?`Y<(BfqW>M56V*m!YJJtu~g)9|iL6eMDI4uAqSOstK zm^?JPNdhMyu>?Tv;YE$IU}a*!lhudfpZzLU_y7tv)FbJmsRa&4QDG?UYXw0nXq8V< z`!#6i2tQq-V-`eQa2`4-#FNm*mfEo*;sHR?M>56x^?}1xEW&Db00^HFu@@kvz=6hw zUmkJdf4}#?1LkyhLqgu3^mj}OjR>yXJoO(he*WN}|GT>zMRY4INhZL3D8&+i3&3Nd zJ}4UMZ7=32z3Aj|;WO^JGM?}lmkw6|{Dh|znD*#4LHd|Nz?5Rl4WkS&!629d7zda( z9DueRK)~QAJ9oWSMoSq=^O>o<{OgOd=M8WRPS-BOx@jM60LoyK_~Y;oUob zyzi;1d%J}OT0^&LuU=o*J#~inoKt7m&wlpvsGGXw$Dw4yy|cP`GBg=%pa6sW;Cikz zS+qRrtIZWY3Jj4UYZl*_IrkUH`WSDF=&^(b9~D0A^7_~@^bV}@_LcOYo=J9BxWJ~r zX`9a+06nfR%PY=0v#Sk+7uO0g#Bc^b^F9oDOv&hA!Lmm`7n7pNj~)I}d&1 z3xMli)<|eFTqx?R7Fs~WRXqgD>Ut^!HP63-U`hhUu@~`54ZKnd#a6J{jg5+rw9i-S zNV}b|ysKf3Wp-jhyFK9lEs8(+BLI}>^E8X%W0$kBor34z5@a<_jZ_W7*Pm zm}3JdFpG2vGeV$CWzL*b3mlyk;g~8C!s56E<s^hiBP=}vk#uO| z-os3rdU*2f>GHOC@T}^gSAWU-PM$ydXm=U-vHM^0k+(nfDQ{~>51z;)hlAvepu(tT zXY3-9agC~ylR099Q2Z3zu0RGU;e#2W2z8{las$mYims=w2*G2J<2kblz_4}yYE{3xr5Jgr@*Hg-*?M9 zx#ykS!z_FCoPS5xhP-$U3ce|RSdiaD9ZV(u70<4Lu>Hk#iMKiA7ep99CumkJ`96gZ94DenXk`y zEuKfV&-dM*p+F3OI{45surZj@6tJ2(4F-hyFb5D9Lrk#s(e~UsnGjpE8!{tcQ>4H{ zF)2Wb>S1m-&=#vnBVu-RnxH)hR=F0}1Cbt?w_BpX=R;^+Kl~?Odi~2<2}=gL2Z)3u zTG%ilm<(M=s~=g^RD~qMDD+4n4MjC`8HX;aO+%Y?_<~pvn`pNim%F+IrlGl@i;;GF zx)8Xcr+^9-nR>w0P-=RWXzONhQ7d!raiAu+GLuS?Q*ZP2a50RR-p#F_YS_~;aAZrz zCsMh%csC+bk?pcZLH4Z+LIuDmbPmU+yV~y1?rH-V^04k0vY%#qVR39@U}4os8lQ?c zDelImcLjRad0!{j-s()Fs5LoKX=+jgx&+YnK_IASHI{rin2Ea}r8OttocF(cdHt2o zx$^JptN-ks+g5^YJf1OMFq`6V`2s-Ob9_RK)D@%Js|d)V;dDXQF&Sf4$nYvu6+sD# zRD=nDI}R~;6{PK1HUNjmj4Hb1x7=W}8n|}n&e2z&{@2fY+jGbFKQ&(8)ebOZ?r~x9 zV}0z=+<$cBKK#$gvBG!6TY&NimM)Y&9!Sj@38)qNrh1DbJ4$}n4 zw1SMh*D(; zw#7Ccr`R6NCwAQT*I)H_U;mGRyQiPOSiqy>mtOQ^{2*_ckAT1MBj37hDENX3Z5^!VV!T6wu7QfxL)si$w7mF$M|;eDO@MRXANFgMJ__4Q7-dx?dLyLO~tE_Vz7MG2Q}3qO%m0z_iC0B z7;9(9ICNP-;9^{iw7U=%dttGsb0CQAYBQGZiY^l}5(9ddAY4*S?zL#^2AKPvR)9Mr ziA&4w1J#a<4s8MK={UIoC)U&wE`>?!-HA28M5-v^#FoGnoweQp3+tyk>O5Tz6)?9R zsF0C_T2m0&H_xpQ0k6Vg5N6WMeRPy2K;!X9CyP)Yrb%b=kie=}`Mq`^o zZy`5cW&f8tqT+qhE(KeAt%``F1hLia(R!6=*S@U1_UbRW>8I)oKl&d4@3!c`Ha`9E z$%v@Zv^1^cL>CaaxJ#FqFQ}^GKA4j4%_NztNYj9p@UvYKa}(zN2vsHUm_ zW=b8?rJWD_vDqtr-@U+}yz-tqs)s8{0B5kScECZJR@yJEQn6Yr`;s&s zmsCruqS_;AmKzP85{|Bhlh@3C^VKhZ-@RXY>subV6ZqAid(Q1YxvW2WovveNn(+~@ zqx44VF(>Pn^ht8g9|I~SvF{T&)3FDYWW}$cPvR|I$L@@k_;a6R**AGxww1U0C(T>hPS+a^k;tVo1go=`&%W#FNE;6 zs}?3Hc&EJuAh|YHwH_x@UZ8iY<-ShZWj(6<`JyiE^hv|0w?0^-1kcrYZv#NEGudEp zOfVr>xyczg-YM!?h7j<=CJ?tWMI<|9<1Xfd;Jo-M^IzrTW}>-~cu1NHpXQPZIT+wHoTRAb_OzAi5AzTqF41)7xUXP???xl^oI8)k69YIXa z*f*Ym1BSyWYiB~wUItc9ckXERL0n+1DUiyJWlMrQ+e%YlO#~RWwRyBx(1t78mE&U- z+F=zI(Y|Od7Ak|{(JcuO4Q-v}78Lj#g^0iUMZkOiR6tr0GSg$Y-oa6|4Dc1iNLDJO zBI3odFZNL_ij6|=kU@b;tkSewHHuxXPIIsCrFa^}u7u-}^f$+&yq?S2ELL6ywNIRhOaM(|h zt0P@T*EB;UsnXQD#_U|s$9$(mTn8^$Rd>fslZhu?k-6MOf`L5v)$M~{`2yfs|3{Kv zc-J;n*v6+8$?TD9fZld1iza*Kky1(T^PM~fc4nxQMtXNywzREemjNqzFI@*vMN(os z27Edecjilyadga;OTgiaZ@T}r{`+2X@1MH-?k}nz0$LBX*ooDGcZBO{2e>&Nv>qzb zkxhbF_7FMo@zrqRFp^%yCsLe5ZV1OJzDtt^D&0k$Po*D8IRZ`)-+>$+16}R5NRhDs-~(U##?SRw9?!UY+I-+^-^kZ; z$D8i~w&=iv}TW%!hgDc)J$0}B4i|1JM zAOFR8#jp2`^{vX<>t%J|>ib5Tt;15AT!2T__8-G0U;`I$)+-dl^$f(YIlQyu9-bk_1ExN1$AtYcdg4 zOe&^A6;c>}D^X1GO4B&>DmIHP5GBn*TWdejZYL~v!xDIEb$uk=1ziSgoJ9)p&gFty zjZQQ)p2)vCr;~I+MlHz-RKeW3sa6w-ou|$d(7K5bP;)=9t`-3<>gdSY1{_u7s0g z8{f|*;3SPCvb1WX{XEq`XCd@%NOG|xnVS{SjnCY_hYHsyN zx?+tiUF&hG%>`Yw9xsMDFp+L1{V1HCcnDY+?ms6sx}v97^ zj%)<%>EbUvo#EiNk zM*6;BD_uu2Mz!o8v9foHfhyAW;8^xGguPux6=o#cUhkiFY(ar1Oyo|1TwQ-$;=lO7 z>wtIs<}-l!a0OiXPdt6vetA!HGs@3W!T(KA03r z@Qti>Fbl|OnGPh>Tn%=SU?Qx#*3ASoMpHF+$;qEP2?@DKJTUsBn7NpXGSJJ#vnwH> zV)+$T2bdsluAmHq+ZIk063{2r;3;08u=~AkVBr&irp<)v`fV z@WF2I40JNAw=5yPMmBtKpvb}jYubMpOa#vE(HQ{c(fhiI(PSQkmDU68@Bj+70g*`A z7U~7|>Z#`DUC%Z?i=or$hyK!wn%mkn6)3p7Xs~=^DOb9hs^{!f#Z}AiBXqf6jg+C5I={WLr2 z$C)V*g7vQEBGEey*@LFh&|470Tzr6PGcqf|RM&S@vup}4B5o$xamJHM^n3r}#nFAQ zeEQ#hH(>MA&)Dx}8&B|9Htf#if# zzISs{l1KJI*q!>NJwW!4!Mms3aNqBre%V+5$M3rG4&dq4{;}1^Rwp#SiL@R&!UbLA zGQN>t8~lcFGLybT78c*v-3Uan{WSY%d-*3m`uzRFS$|Xm;V@_~lLr~^`x=AR!o@=} zF9!?YG#6!g6|23!n1Jb(`QCK-x?A3NYrTIp9_M3oYdokV&9rMgh*L`se5}84Ih^ch zv+&ADnSC&o?$E{~>0dnl&_DRffBLUq{8Hd;|MrDX|MBB+F!zTakqdhO(+MIhmMoSs zn=%lrAmgl#YN0sP6-`ImGMivthyW_|iQKHww#B@#3M`g{K;NUG%(jhBF}9$<6CkdA z`>X!OcmCtwW2eCPUVr8f|Mp$L{5LLbCjWPom)uVQYnVOI&K}qp9!~?ll5fpm!Ss3i zz&Abf9p8ERw?Dn1-aTz{Pr+aL-fz9~16yd|$rf%Fj+ffZq?eQwSoW2`L7I;0f=pkk z=MTW@uX!J&G-A`r;nx>#m7cfePg0;@?<7Fp%l!|6AR}kK*=#>}^uRbf^4v?1p`8^Xka2{SQX^-$0B4#S zHura!nAr_$KtT~h5*E;*%fKVrV-ZQL4uXIw7F?A4BiEklBzeCD1wI=g8kS%865zxC zxl3sCSuA3u;yM2Z$s&Rb)PSHK)Yi@L!BkAuqb3#4MuS1D(lib2Nc(Z8(TM~gs|M^_le}GG0#gaSJMfVA0*4kWv6-Yp ztAOihP3q8yKa$EdyzpuwU2se2!Xq$|{sa_HNau3h0uZqa+CO5_yI$1ZNkAX+;v6Ul`?e< z#OOC)k)t_>$1kBz;s7TorKH@v!@rog3RdPM?-0x10hmx%DHjxbVSSs{Jf{l;Q z1zEHJ%ccl1PAdAI6*(>?f@Zg2ng(DtVc8Ir7#WX-mH{a+O)QD6PseL+!Ztp+*mhrR zV;kGp#x}OGjcsgW8{62%Hn#Bv8e68o=WoPkKMQ!)k9_$1Zh6C}w}!Vj>HB`?tAFhm zzWDaHHo(;~`EhGNI2VOM@YX5tlf339dCh%aIr`Esf8U>f%D;QnD154GyL;N){a4@c z=l`3RzW?=41GXvyPo|KQd01YNzK}oXebu=p!rbB|Jq4mzRI7r`8?B;sT>#uA)TwWx z$hwZ|Cg4&Ty%zdFG}K9oY!rTzu(G~eRdm&H+_5CFUh#h2UBo?^=7xVMjCLF`ClsFo zBX_i~$mUsNJlh!#i%6jckX#(eHbMgC6sBuY&$1X(*T!s#mn)N=wGw5p5ja= zv;gi{KvE%Pt8#SkB0Hjk zSy%2C7_>;E8W7ZiSQXMJ^igaadtjs;NM;JmLbDeZz)jWBm2e!zZVD&Bq}U2D5?Q({ z5(|Gsb|v;0aN_;a6JYofSGbnqBOpXz?$ucOv7~()A49-^)`JUC?8K{u)mgWEChf70 zI@e0luC&0y!ScwJE-nDmE;?jXsiS|A^bUwf#rU7x2weE}YwRB(NZa$^wZg)fU=k9W3DO zP5N)&^G*Kqmw+4I-2k_L#!!Gy7`MN*x%SqleK+6s@C!$Pyk`F&yx@mFC4k`jZh0p^ z`%d7wZ~Ts}%D|H+PUh9ZwIl1RHz_t&^{%I0UkP)dk~EI}!BVQ2nl|P)Z#S`CHJBsb z53+nd=+CbV2zo&w8YbC^5Fj`%*aj|eHY`)M)w8;Fj${Hvb;*`UP>1sX@J|M$+ z9>i2VcN=9GF{lOcs8*>3v61$`G<4(8?Sy78EN-lhc69+<2#cw-5vwqPalVrYQDiLI zxkUo7@KlMMm_@PHIUT^Z0~_VOoF1J@2UL;{ZCpv}Js2{R1{g_yXcJ(n?ZvP-vN3RM z<68Qev`eoZvK=6ZT?~uX?c2EXu&WJ_ToxWHvC|&KFXl|fJ&G(n zwQf_Pa|6Z_8%dWWB>b{^hXcuyA(z7G%wu*|pGdnCmIwXxG>sJRiopWO6(fix6)Dmq zxJyt=NmV`Hx6LJ4)^9;pimfi9o?(L3g)i#A@i(4+!!JJb@(;aZ+miEz8>%cDF6_$j z>7XDGnJ?IxvS^CYKu$q(vq>C;2CIrHk_-`!=VjTZWis}isWdGob3FiHHo;-B>~FvE z17AP=_TT?gz^i7zHIue;4dRugJ{JjuC>F6G_RKg39x?4)Kh|IPd-s3UuikfC{EaEF z_d$=1-{daILhGKz_{}W}f|!VTG0IJz^?F@IQ^C!x%CqHuz11@h50XDxEO)npCV&`f z4peiGb06S7xdGl+5{)MNndB*!+x%d7Tj6Vt_7vM^09_XjJ>*0bf@@*%G zUD5f=#~*tB^MCl~{@SyFfB55H^UQxW(t}eDkC{#F${wIcr*eFXQ{)4(cf))^2y`8F zjR=!5WFx~wGJ=+l1E6UbjWEM0*ntSkIjZY9xABQ$3krPRMSS+Np7kRi{>e|B9q_%^ zpZSme-><&?t<6>V%+Ucpy~ywc@1A})-*(?uj=t>={<}|Aap2y2-tgzY?xpX4{nNIT zfhR%OVo{yAcG`DYP&%BZy7$m~$Q^zc;=-Le_Dvtliye?FLMEO>t7O@XP+fw1FKbbm z>_?c2#Q?=mP9(U8j35k6!hqnGyT=6(F?Y$j;_hXY$t6e;xXRN37tE#7WIm{2iv#A8 ztA%-P69qdc$bZd=hnU+ zn@B0@KGvgulN*vY^7%8PJj=phgH14SB{Kg*Y!mP(6Y~*Ri3LbPJ3J2E(JfXHS|qIj z0;|w|UAHM?Q4qXxkOB%Uk&~@J+GjB0?YG_gKiujeq3%wWsRKkoiuEaj2a2d?m_P=3 z(X1U1)dbHa?mDC(K8ful^ny=A3yedz7Z(@8;%Yp;IUZ*5lodgs7LQ2h1+q-eSfqn2 z!r9~Ev@X}I3iyfFK(-K1Xf55`s#B|hv2+P_mzgvRuddk)P}tK&=V4*hQmU+5-Vz*6 zeG~?@jDY8t_>uIL*!466GO{q%er~lvR!3iYRnw29UwVvU*R2M6*BxyIc88Kakg(() zMLKt6gc`#&Gm&Z0UvV*9oj#FrYVwO( zT_cbZeJbb0DQu4Ul2OI!0x0B;ZG4>Af&!mk@o5kQUi6MX0Ze}M;_QL;b4UvKw^)Eij1v6`4OBr|)gtu*doI;~nU%fY-_w~}Mc2Iu56i=gC z5EtK_CtN1zBq_t_S0_ktAf7>$&^M zoNYYbA*zSp_;TRE-$8 zlC%?-yKxDOwR=jve^E~-+Fc2!*=Ahvh}Yuo)T%i@kD{HM;Y;V(0p?zH9%@N*tESpT z60q>9mUNgV$1=X4i)=`q(6Mw!Hd$Cz5A@xHo?0EnI-)yK8em786C0iSXeLcgPC5^* z$IRhxJ!Xw@#arS@8Vi0w7un2Q@k-J|X(yqVbe<H*LbrepZ(J5 zhn^A-KGdvaR6Wd*1Mhmwx?~|K8aO4Lo7P zQ>qS{u&i<|wCzJ@;UtavVxh&wFrS1Ds6uMH5P|`HA2fRE3*&Aus8@-ZDKNB`r`#hj zq`x`GSI-Or&$ajbxHLp%CaT4T0sC4wv#EEh{97 zEiGoLf?VLry#p$411COz3m()`P|Li&yf1mcwo#xKu#NivDx*JBIWIN*LN{2Y(^9nV z&$P-9!(G2W$Qn4<6dK4}gEQRu70NKIN!DE5Gim%e=KdzGu|_jCIRd3Ha=xp7)fRC! z@{00dTvb&HQDOyc3@7X{Hnbkc#)irO`t=l77e|IR#!UOy9*^LqU%&$h+F`N0KWT^6 z#e=YTIsiIo4H)PKBST@7Jc%{}#JTxm$u=I>(CPGjfAa-C%J1A6&l|4n%`O_&WP$8B zAVSdWEMS0&S0P2UDx@eW%LhcUTGKQ(mDp}0&IFZyI~b(mf(A zZupS{RGxYynJ+waWD9_l(1q*5>qV+Z(gCeUM=pfL!m1M+MKR#eCbjgtx|~~O#d-{L zIkE9nn>}6h9x@$3U@YB@;rPVrta%RX>7o)lvC-V?+u)k~|* zwf9W?6;cEyu?y;bQkBrJEn`S1rk1<6$_>Zy%pVx;KEbp2NXCfs75Ctmr-xqtvM>Iw z_t<<3y*+uOifd57j6P9CMip&e@=Os_30gYU0S!nZB~(!URc~5PEMr-KG1k9vBdpDODnU=@H1pen}N~PU?Vh@CWU-M46Tn3(s-ZA!xP~D{JGb?@x`zCqj$aY zWji0Z8jiEW^unu3(*6A$kk)voXYNJig%`_fNxOM_L8?KC~9*Rxhl|Znqc0d=k2#mdioI-MjSk=Dz+? z?GNU?5*#n$0);iOYD3pme&`a-ldcL!QXecHp<;TEUp_F z`;hedxzs(E`ZrYx&(67CRMzP|tBhSY==AG){07P}6z9+Q2tJBCP}()lY8k8xIUD#y zd28Y0tZn^^D$A6W$S~@Bkk612*5r%x9R!Q%rFYzoYzX*>q;iL{MZ`F&sTQyVQM0?DzeTT-YYiX82ggoWA41pWNQR5Y`u&O7_v^lg%#4hR_ zFr@XUSnJWy3{tqG*hu=NSB4}jZ~vEA93i{XMe#jVAWNr2k(tP;888)ZT$cF7FrR3f z?ak&^t5}rOSQH^EnRS`77R9s-tFCfu2f@CqO(=Cmz7q@yw@2-Y?8d70?W zZ0dECWy`@47xw^SplR8i$*8*jYi@qt>+c1=^TuDkH69+==*T7utH;^`bFXiVN0)W^ zV48ifyY%*xF9v?(*Ist%m+IT@?=^M(L;;JXBfwQwaCZLniX)x77NkIX*JKt&43DB+ z1_g#zM-}aCB@mDw?G{V>fDF93K{T~2l6wj;&m;oC6;}z3rCRfgNj^Mco@xa`=i}=M z7^zHuQr`B>YpT;;#ZT?K;<+!r=v7?%Nc2IPD(UxWc};e&`2Y_Rs&( z?XLme`$NyU`KQ{f>>wu#W)r}xs1NNE0@I0)>!J#|SkiPPqplE&C1EmBA_PJxC%Ud^ zT3ks3(F5pHQ5jGiZEWKUHnvQG&v9J)_E)|0 zuYR&E19!ano;%)Tz>|g}uo;;z0DRyZ^#fn~#@~JB%&NHi2jBS8|M@$v{J>UX;0YK9 z$8mX+E(PfOuL(EN833Fb+mD1>>Z z5(jO<&GrHCROIMEl~v(dm%HXOn;M*v`x&tIGi%|#eU z0ht85`cxVU@`Api62zGD{5~|yx`C7)hTH^ru8zOb9bB{iv{V2zm+^*B-}ERAjw5mSStz22m}`H=_h$#u??v5-? z^WE>%>snIlaU^|i>~D!d{Mg2kgiw0;rA??IJJKBcICBbW`Y6^ThFl4!CpH33Y&^#& z(u&Y|n0w72={J(zknBF_NF}L~WUklJPQF=rtRG7NXp8E zd9|&_s*cExK;_R`9#VsGYBL6hR_^Y+>ur)2TpAy;){A`)Sg8yeS^{I&VD!3$J&zc{ok~!{Ql#?-yTp^%o=X zlzr2#_bA<1L+e1Q3Ug6=_fYEpt2RKZB{c4-+@?~k`RAQY2cU=%k}LTmEkc6>0b%p- zxQYwfd9fTO3ktaA=Vp-HDWI*3xEG0mVI?A(ND)cd1Q96e1LNy<>rd&={K_l;)vI3u z{OP-X{!1qxx*?pLdi`+P1q}J3>XFX1bDc{2EjRrF@a{kJ;eT@BYo7Wu$Kk$*FelCc zIXWQ(ySk^>j^y|>(+3!h*7}01UKNB8FsEG>Ucl;vx|6J&)~p~c0S3WBHeTJn;A0C4 zd@keg&0qA+PfkSOMeq0%lOMf!#{*9=;ebys?s${E@@N0_;*TGEG8%;M{Ht$x#UJ|m z3t#(NpM`;K<8cf-J*|%{GzxT`HhpX@&TVw!*%Q0jjmrnv8^ykD#@Xm=*+-2jbs>vI z72hcncah-kWZA-X`+#N=_{LLE2I)O1%aTNct-AfqB*wx1P$U$A@vJ~3?wQ-4Gj>2+ z&T!j@JXyk!gNk@>t7q5x!Q;q^GtWvHOI*NRVn}5Sp0y1C8FUTKvfNkur7k8bLOyvn z4Hp-Yj3O3UJ2sZp^SA)3UVsgH|K`}w_Y`dIJR1qNY|J5rCx5>0;_Q}v^Uux9-_NWq zC(`J~5kJ4C)%^Kvl$U-O+$)Qb!~ht{+0ho(aoKb^uz+o93JerVFG;?D^psbqgaeB7 zgY;lG3_Fi*I2|sil@Dd_B3?P-(ntmc!u8XBOL6=?hmOa<`~KF8yiSO_u6_mxS&npQ zBFGbqf`E%!aUT>{^_7S~9dd4Oli1aoqS`Dr*?n*pn@e$ir8>D9j(2o9(-xRYuP~LA zak-IXcD>iox^%8bHmW26hc?O10*#Mj`B2TY8B5orGieTN1|-*sbO$y~qC2|GZ2#n{ z*hJbRo1EHsrb}Q~mrJiYqPSO*GE$Je(7}VSunI_onJjbmQc22P(7o%!Y1f@yU1l*9 zU@YB8y2CVSJYEQkV;chw7sFz1^+5ps@C0+MP@0x|jdgP*ZHLh8^1*Q^C zN$%`uzi_>z%RGk8qv9&Nw$1>u;CiLzQEl00>{Yt~YBQI$yNr0s4InvLT3zq9R+Mz` ztTiBh{Y%sS-@Oa?;_rHwEw@4*Pvq!&fZ2p)LkP@j7ES3YH=}8(DuR{|Kv3eSydPwx zfcX+2L}Fmk$iXqdsOE-CEE+kP6JwcYI_d9x#{2)2{;#ik)6=U*G8`7f_jK8Kytlb! zrpp(O9t8HSefRRVzxkf8sefhXmf!KwK@WJ86h$bi0Z^W176}Op#A0VFxz{XPm9Cls zLhBasVnzrQpF-&!Lp%2%4B3A6BPh$dOL7#eMBIx=LF;L(IGSAhG9FhlB2eBaGB%;~ zBhloNaFsj&2Tetmc<26Z^yUcs^I!j}AH3`IyI=Ij!`nuO3XZ-)e5Yr8>B% z^K8QMjThd1`?p^EuIK)-XZ^!ls`q|mt?W=oowv*v+;F-0mmHrG0(DhV{iXq^XEYsk zMLjNei?&CEw!@4Niim(JmVus#YB|@(^Q|jEjx8wgIg7(Lf6*_!=*K?cY;SMUcYOb! zz2V)>6HZF-_Yzr#@P#k@jyL?dzyHZd47}paTU_7?7QS4L5Bkv7K--2U#d)ea5BdG_ z=CHh>KK_7QjcP%yPYQ%+eHS#ir466>Qd2)m2MF$#yGd7ehO4w|_16j-&}>OS&cjV( zObp@zKokqXlZhiM2Z7SFmsJVNNJ_e_V(X+IR>TB`yx2=C+nPiGYwiFL)By{*#s!0q z;IIl2aoDI}Z)VQJmasJnkTY0)boFbMi04&VIW}h$0XEmkqqgFMRRL$eJ?pf0Zg@q{ z@f-zUb&}4&0~@S}L4Uyq`G&I_$lF~TSgxrLE2hAZ2jWf;qL2UpAOJ~3K~xkT#jw-{ zKrp=WSOHB|EQ4}99S>f_9X2!?R=j{SQ&t~rI4J{8m2k4~IydLH?i1}!ZIrLAtP7CPxz(M= zO43AIpklf3s`KE;Oq(o?4osyPYrpVnK4`woq&cz)a5bE?#WthZ88jYeG}mnwhQ035 z5nV@^Xm?Ub3U*{JV08J~YTc3(gy7WTkbnttQ#=}LJCd%JKFSQJG|f|;T!Prbt4a+> zo^Kmsg~*jJVccES+{>N3IFe?e+2IZ&iuZzeR&@6o;Jtt6h0pz-`}+Go_PGBPxAEDC zDi%e$rX>WH4M7RYz$-zAKJzp<4=);GpzAR!GWC-YA#ievJ2Cid2at#N0pFR(@tkD2 zBHiD5@k4*c{??2CuUAbz`u=XW_W&H&w3hxE@%l~U4?mD*@9i!F|MKCNzx}OuUio#e z<_YL_2G30MQai~1^e$Q6PYMK(Lp!%hvQxmIDM-p@gh<8$pr{EVMe=qi>?1}d4rF5j z4}!aEwjRX7@KWSx?;aRj2@9a$8*GBS6>Z!qv3mV#p~<_MgvLYX{X{dz;qtwG^T70f z{@@>f^=tprJvY4#SXk9~eDV0hGwn{Sy05FZ?YSn2u6dSiMZk2&3E7PZ6EkX1%CI2f?s;k zkG~qvo1(9ACQ8q)lU}fPa?qpcX1Pmwyvb-$e4nO7IiUq$4o*fZ2_h*R)W%=P@@2e{PqvzQyt9wcQ&$SPnDY>&z_Fusb>TvIRz%>+SHqOO4|bi4)!35 z<(k?afL=bP>!(D7u7~66fAv!UT>AR={%?2w$`QBs#p#($ZgXbTO|-DvqnOyZ7py; zNRa{=u?|3-ay6GLZ`MD4*Qft?pZi<@-}U0xe^&Fp%dUI-aD0C}dUkcc?M#5&;cxuJ z=lsk6^{HR*!Ph<$z|kK(h_gBB1Ayr24O}47U;TsL0N5#!y=N6#yats>;W-zeC5seraAL#IY-K=7FxY}b*>VPx?|m3Uzo613D;X^b zk=q1vwjX>_p(IMYmFSwu78m*}Df1r_!Lwo?33ZQoc(+M@GO%9Cu?#CmR( znIKT`6{i%5q#Ryk<^=$bq^|fH#Pf83xb3ufoV#R_i(F*i z-F;*q*JP`IZIbk52spk%pYXr)o|CrjqxrBT-0W_dA#V@ObtsH z!?ygCh$_6Y9epgXO9RT*>P}W9Te>x(k=RZZdI=&*&$u*U1qbQvCTj)|Ao$aPeWb(0 zg$5+em3@qFc0H*hj0e!s0R6I0(_jcsc{y=AW#?N}+y@YADD3+9E;Z7$DU|!uRnY7@|Kke;U2(JA#&P5p9VrqV!i55bVRPhr zja2$iQ}Y0OcJJvJVS1xT7>ERKlOy%y#=mo8FS~nN$EUF>xkC68G~P~u=o#0aOus}; z-9PT+2K=ZAy&c8j{5wOQ%T|vj63Hfl;<6MzYdHHyBuzYN2%JG8DYZe9QgO46FYnwO z>gm%edqDuy(?#W>mF7Mq*#`a$L^y3~>HZtO@~|DY^0=IIkM*4fXn9C{&3DtqaNKkK z4ELecKFkTNTSqA$lx@(^#Oy|jK$L{bJZ>S*>PeKCMVm<-vq?CmleGvb*R~HfablE@#wN|_p&6`F1%w_g1+`|qP`ZHAzSc$(Fl%?3+*3!F2aso`px7fCNU8Hp$J&1 zU1gQa{DkyoS&3Ys<%I-t8-MeXntR2!{=8xIeDm7-EO^h~tsLY>NltO*n%g1txV+Kz zv>14q3EB*)_1~K@^rc!)(BrkY3(*1rMU~p0j?glx zw+U%_tY4?x0d_%WLJ}n&o1zajb1-^(oeOqa2Cb@*hiC?S?atb|C14yoLp2(Qy3!-w5U8B-6}%7lJxbe`FLK_2=dbVz6V+fn#DCKWL`e( zC9OB&L97>DMr+N3{HkfPeRRX*iN7<|U}u?`d7+u~q@^<#Vh#}G9V416GyB7LD|Hi? zo7I6%Inv+4aH7M)&n<~*30gxHSo)TH;yMInunY2DwUL?GE51Te!-{Miy(7Sv&(iqI zgpK#Qaj0l@sm&bCtf2-&a_Hk*D!zkPMx^c)nUxa_@UQ^t`8EWgA3s+^0<_AXC*i}>Jn{133``&(&1aHSl3%E(njA9e-kB%qOrWUiBe!^zn7;YLih&_Mj5`}hbMfqB z_4P>UjpCwW!I9#ZBzC;8rI+N$&-rl#kpAXT#&?%H3|j!0BVScBdKak-gdzc5_a^=! zt+SiFAnan3wNRw(qRap?gjsRU9Z}|uEhnH=gXq`=}%X^WwsiH8BEWe$qu z;#zI-r?WIYrJ%}-U?~WAe5i-HQekva`H|hCCI8}@@aFxc|wGW*u(Wo_uZPQ=V1@T zIY{@@jFDo4;c5Z%&5>b86r6Qp&wbu_kX;4Ss}cgyjPAiz7k2mA~-M zA2NNf>_JqB^*o{{EgMi^*?#&v2R#cc9tja6LXkeDgmx?qv3>d$Wqf4u z`hQ;v%UcfPdj)S7=A(ADDVjc9Y`E{&o{SVwaI$rMx*Gb#|us#0f3~1ED3k5 z2VQ#bB+agert6f?s?Gwn2lhT4lbv`iDt(f6#f6fb;dmfR>5tEBpt6scA1@wTn3o!_ z_URp|(WCK%Eig>^=AJu=4bk6beV^#bB=>a?U7d5U)1I2L^^@#OeVd>3K;ycBs3iSL zqnmV%QC6c@2fe>_o4OljBuLKhlz+w^sR2Z|fRYd_CAp->sDoD`Lprq&NvHTiENwy^ zF@K~yg#62%>!&;zW$#x{%wC7h(=n!d&*_fCh4$y_l`7wLxh+qsxMMN&%>@Gc{KbD`(#Vr8i?n@Svd7~649loh-cKBcd0_g_~`3XI0&!6Xo*8JmS$BO(CFBE8?0BOrfr++HeCAnfMw zJhwqc?zQM_C!g#w*tvCi*K=ym-v0Q`!RjFm2x6L}DDcq880W z)YB)gAWcU2e$5vHNXtoEnu|4TBNSn${)NbV&|JU7tq3`!y#6(-F|YceIhb^UWl`ZN z4oW)jVIc?x<{%YJafe#|oZ?!=2o&*SdmuIHt4)(+CPcuj@3)WZ%iG;6}`lgYE>=mCv;ig7^CwnHZi%@rBejBf^KJ z5CTr`xq-*b!289M&cH7y!ZNFOhifb^zX?pwjC+taS7J7v!hasY=j_O7qRdKGpl974 z+2m@TS-VmTq^Icd#gOd5`djfW%qHshQ~jBn*oj%DiI)nKt=&#T7>0)>ol zzx>pOU@5%B#93>oGyQF81&#mP1`TZ{)DC6UpgsgaR~_kP^#W?i_iiQUHMV1nlDIY+ z^fMU9&QZHPGZqpH1RhCpI zf3E)uY@nF^BjS1PN^X3U9_TL8iK@Ru{dh>o`?2WE$(Ph-daESQ?PUtJ`wA03G#G^# zePlSuF~ifSyuSZ-ut?ud301;O8wq1~sUsQ%#wP>WM!(2CPo)=e{)r>x8GcmPx~dsB zgs4z>7>>CV2s9GP50YuS%_lZ|A&W8=mT3)n@_bBGh2+(&mUfCGgtvU&(IP?4lR|SN z{k>{vnQ7q)|Z#>iuSzGe%oc$)wUIrmP8+ z_G5At2fz&98xP<@ABdz3o{tR(Ml$zFoz>?>Xw8>5d<6eycK3CbFBP}FD zBFMnl#gZ+A#pLTWWX|Yj`Ax8rx!NL<&C*qnp2C{l(#|KQrY1KK(H!qwlxuPmA3(|M zo1keIz9?w{d?6L0!$MTo;X+lE zvuR{t3v{&g|H#OBvxBIXm26}8kw1S*q z6Af)R05K)Wk+zA4X+>rQ9U|(qqHsWreNi(4wo3ddnJ}O(ssOZNyDZ~J@<#E-eXniL zp`s(`^t|+Wfs;Llfc()}_|H}~#fRL7m$T-L=huOy0>n8!m(9pWb7tXXEY)DvMgBBv z%aJq=J7{mk#1drYd#Gy?BBwB;S6M;D^wr((kQ>@Y+NB^c#f_Je)Mn-S zh4fv<}Mr9xv-c0ym=?PHkL@2FHx+QT-Ghdl&CeqiEM3un4%2bmx8fs=t!}f3r?#Q@o zmBhITVd{@gJS0{c+P~W((FsB7ZQEMdpI$L#ZgSd<4NTR~x8)U801WL7dHX0_}*nO3cI&{CiCPjZ`;qaw$y%VZrbHdV$ZlDVyBhub(nbv@)5#_~j>`iP`BL*S5m*=xx1%9ykVc-B zAQ-t*RQ_jC=WsRewW02d0ZX1I?Ym{841dQ|jj7`0o$G>3$e+0z5^8=*?WFO}O{tQY zq5`iG`=pNY`LW9`AWdTvr?y@b_SxHoq6+(KT3oNvEF}w5BT0$@GOZgm!t{WUTy6Kf znkMNSB>dpIwaNAusP?00Jp*_ZKii+XuzP+}+W>>*D<{SGLthfilqd@Ei5kZ3y3eM>7&gxQb3fg{ zH(k-w%^lB)<88}uW-ANt^%@bn|FIExqWIgR z1!z4r!&evHj~3{( zLnwlF&nsz+L_!9;zRTCVBszQme^ztW2*KqyzvRdNe5lQ|_<|t{h*ubSIakLt4{ysW zlJz$uOVJ0H<KWCt9HXNGkk~?>9DtZp#7tx?I3{qFrm%c0{WdWvS&zbxA(eezvXeTtd`8f%q9XITM-f6&wm) zsPiN?HyVNHR_IxVMXjL1**8K{NzOX6q!I{Id?Yrv07IdC(6=Z%^h`CyhZYT;!ngdh zv|4RNg{$839_eZ(@d_hvfzczRi8RPx#=?mzrsc|p5e#qz0;~30ns&p#LImv(dz;`_ zv^0+^x65%jX5+Q$xVM>l0M?I*f0gQ6SWBI%+&{#d_kK@s2nM!fuUJZEZV=%`yIdHw zWZ;Z}ni3wqXF9{7sc@K!B)%mE2L=3uvf5w1Z|-DhUee<$6)N6&6W_*UaT}#6>i$s# zVXmmCEW@C()RH*f$fa|Si6cuw9+ zflP9LwyGS=QS6wz()8IxBr!vO6Q{c1T!F<6#8Kz?-B?m$HxkL2{woZmg&*r>U5yOi zjkA+YZ_2onwmy#+xDH5$@l5g-=j3I7&iKr9vw$K~L~d8!REobrM=2-1+&m~oEEWU&50YJgg)rR;x_KtDRk9!|GGMQct} zpiuA%$A(aTC}A+Cr%{>^du+Rq(er)4^NdJs`{6M~)%JtfX{&K-$1Qr;B#D8CJ{vi} z8NNl9HQ-RsiDM>1VU8F`gP3*#jTW$6%>}`jjk|)nnAphSf+TS7^Q!{vri$}N?-r2P zUd!`vp!2RS%Lf-tQ{4p6@&p}Ji_Ic*xZ`xV|GIMu?kudTMKO^O($357=(y`-+qbV@!|>ofxDB-y4^1GN1(Fkle>1}$xp za&*X;W8^W^21CaX!J0BRcpsbBvt>ofBwDPjT!K%rIg}sZ+|yB*l(K z3kk9u;nrSE{9CUf*&Wf_qg?+xVY@w#kwK;*&K~_s1 zzV%*o3U)hP^dmy+ZLD~)LF)_vb=&W}2)F7LIqXaxq0$btIFgk*(&KOVJ!Dv_{r?Wt z9nBtdCY9^T4}KDAQc@&d_#ZB?VSDMP_YOirH|m)1Mot^|WCv|+>Se2vZyE?A73 zavaYYOsM(>ohTEjGd(|*H$a(U#ITur9NOJFIkvxPe+RtsWR!!Hb%(C`Xt*teV~VRK ziDeEysc0Pb<31nQ`6b}I7E3vu^12t<@UtJ?7<2i_%5T;wyp(|m2f^FC(uS~uUWq3N z63T98Yq5cyY4OD7NUNw>;T2S5J|D-pLRXNNdV<)>!m?*aAzr?JAi6Q

pNy`gYiy|+7 z(_cnJ1zrqrvxmoNjFrTIXbaTQ#F5wC076;DiHPa_F*ZZoxU$cOI6*^sMl*WM^4avK z^U=MIL}?BTy%Qmla=qh!wE!Gth94%TMUHhfnxxe`e@@%A_Wo$np_7-bG?!U3U`hPo z#LJ)1gaq@s`b<{U$YuO`+q}_gt&m7ucD4DS(00e^=Aagf8xJ>p%=jD#Rs?IfeHo4Q zWK7fUO9*-=w@+ts8#8sDuPvW~KJ^L#;t~ar_w>dYWDz8u2o*&f_4XQverhN}I zei_`dy+Ba-Uh^sQ?{yI1kAN>ZSTrLz-Gm2}*>}03p7c<(n3nvt;y(FHD#h1*`q$I% zX9uYBV61kP+bE!-=hVU-ugjjAKyMlBg9y z9S=9>7+hDJ?oXUv7CZxH*aL0cOhtq8#Qw62@EUatHJSR}DT`fW@WPOP*P!>@P`N{- zK-4>k;Ri#IcAwyOurKh(2fI%I+nmVEgBC0?-Gy2$gpj*}oW|*XC&(F355Gf_huw$G z`3hx=-8Da;erVF)?Ek`N{|`xHusccvQ`CB0)&ynG^zIOOKKtA__(>@S`w_06-cxw* zt*Kt7z%e2TO@wLTy7S6`8jnM&EcnlAQ_>+}GjGM;BQWK9uBO?FUq6u=1f>(#NDPjw zf+lCL(^1UAJQ(0Oc>@&cQjI+6|L(P~{842ZZft@j^7A@a_#)vJoP-1PPQ0q{7Hqbvyy%ZBaCdNiJ-tH``KA zOgb6v|0`>T5zP~%+%tH4a#s^{HlV!f^@|IAWUG0B?>JZcNPl?Op#k+AA+ujFJJUb& z3c4pEdLDE^s&8-RpguASQOkGXVje@+*X-2-kj88!hR+oRRF~P!>@6Ef*Ik}8#!(!a z42O}m=8)a+q-@aSXaEfh$MTFyla3%`KliPZfCUlup4K+4?}6C~(5{#kVSX0-I8-#E z>d$lEmU?1_gg|DwEUDnqNIclDq4LAh8nNpiJ9TyB&!{)t2gC-6?qj^Du;lw;F(-DWJ;6^8_s z9Kfj+yh6957QkalYhw#a)nMwAylz9xqqL_W8q`iAD)~q8PZy9`G_}XxHR&qFj~n-g z$rZY45uTFo%WM=mWQ1`ae2A2}{K)H7MC^%fCx{^nN9$)ResUB#7JJk>ekX$^YX!{$ zwUjJZo+R{h?8WKM8GK16Z;Dq^!@Z|kU{tt=D0H^ zHRagQIDvQJ;AO8}>5B)r z|HEIWk$-qBHGcjs_V9fr5CX*#-MsSs5~X^^cir}p5pZL{7@{uIe5y9uVG;ZSQ{R$eCi4r3_ z7$BiB+uh!+z4^aqo;lXq0rAR4r%R@s{dz zbgeTS(^XZj8la@dqD<0pdso9z<)cb8sSQwwpN zX=lIH;{Qx(ih(cl(q}rz>gQj_F{q>T5m*PUcJ$!9=J6J2+7jLUE}1vN19pa2J_1QS zrIgEu)@4bYOw)WrG;jg|f{axtJk5v?ev6<-(qq#OAb=!9~a+b%Rxk#Hi zsm7!|Gamzk&I*40fqu|=Ll@0VHLh&noQ|BWc zKucX+gEB5hKH$noQ4_#fm3O9{xsH z9FzuWFu)1vWlNpJIrIK$p^(2)d}i8?qbAm7&{0JV2b zY<2i%{f5)zd&lkjLRM0z_$rj%tOqbNR=H~lpXjn>u;;S4Sx2&2xL(sz?%$k-YY-e% zGge)LrM+JULr=|Ardpr6YZb-ZA2M_Hrhras|9#{6d16o0)$*6rMNzC?r>9wTNB`Vg z6}r>3^pIW`r6Z=p)2Iv(Hp+q022wX(A_N<2QC|nkMJl5jS=Lht<^0gul1HxQr&i(} z{x3aR!{4~|DxlZ5u<%0W#I#XIt|77_v#~I=-$vOA9#o!eDC64ki7^~OT+2kTLYoc{ z5UpjM3w8)X+^(O^cOrmRm0w~p<9vkx9w>@!SJjUTSfWnn^CGa9t?f+qwjqVeGDij1 z6K8}?p%cHIz?b@-i*fi#>h&7{zf4k8w9lU4&w#Fr9|BNGNbS?8%1Kos%wzHS2A~AT z3tP#f%GZZOPxXr>2$=dfe_=`vI-o&oH}VETVz0QK5n{*~Pj83+zRA5>*ngR&dA{6Z z>pGvW1vokaZFx@lhmW4uWBy_JpTvq$vz`9;mB91wwX0j;To@IfO6KAA!fI0hF$C5y zH*P)q_p8uAlgNfP8;BzVNW@mR>ql-V85xYECbq`}UteGr&2$v<2fC-`S-{Gug~cAf)!{Br8?{dvAO7Zw-RnG{DPkc|@eq4`Gi1x) zjzd-$mJYU>TjTNTq`&swdGjffqk9^9um6!s)6HqxZa|>PiaDI*3F@4<3qcEtYz)=L zS5_ZyW}UG)kx{ZcOkjG$`K+9YA)}7%O#Eq-!oiW*FY-$eyP4dynl!LxN2c?h+{m7^ zE=m?7@FCf^dlyaZ_O;d=^-0 z6PucjYC!?lO4OTAU-?Lhne)WU=cflidLN9{4+hakKqXB4`6fv;OK$;XuruAfXiKSG zMsHBU?rEymOgY8e1iue0AYU%s`iIcXPDf+8v!(rKF?`ndRp1?>F#-RXXK&P}vzC(_ z5cOo7{tYZfP)sPNxqqH?Qy9Z}1r>*^=EYDEBp6Rf{j$@0pB+kIrGmg6)AhL+j=M8m zX|_la2A2!ZcH6(6T}qs$K`f%{WS%Fj{qYK_tlk^aF4@AhASwNA9tzb;O=A7XXCbZO zh=cM0YZi3~L8DhZ!d*cGM)<4~=qk~m;{Vo_-X%@xF%Icnwj5xR?_4leWX6fgA0`1M zPAz^+n_z~h`JycSq)DK&Atq1*TK7-Z0&c`kcD|eh`qln378btzg|X_w0&w-ZYtYE2 z#6vh}%Pfd`JLMmNDj}~g?cg|nv=sX}f(()<0_6{BN^4DcUAt+7EaUXVK12m3f7t1}58BX_xQ@7YoE>}%4jpfstT3g^ZICo0(KtO+XC?YkZ zwdpbl2nzSMPq3v05?hus!OOhK>Gn}p7QyD`Mo4ON2mh0U>D_@Y5!uex*?%?v-=_>- zm7mVi^8fkVLr+rWvQ4kA>T6$r6ID(OyIpy5-Dvq5^)<@dLAI^lHiGlp-gS^NqRw)J zjiA3g(RVfo^R)}l9;(5}Zvh6~Fy`_&>t`hrJeEzl1d{!xY_91nXdw2<$|p)K1l-(5wVaH8xo8kCkD+0406Ywi=bT zsxF-CHw-M5Q{~6kU=RCmG}X`+%pF4cK%^5sH#Sb|F`>V=pYz z<%`{N;l+ zGM_O48b2)WRXMj;Z#BAGE3!(C!}Unuy7Tbs^|OzvKLW9nJVH?Td8MFjP=4YOPHqWa zO~Kwl#34uX;SY1b@Tki7 z_H7Z)Zc``)TDVxnZy+T7dLF+}5YbzKrMz@?McRisk;Vk$AVp)UEK_}7 z&i9I?9IG|^bXs9v!GroI^lw5YA5SC6fAFE@)4C{3(QsX_yk@cOQI0NAnRr1XQfU6lX9vON$+3Ke5fompo%dF=KQyEtmIy0(zhA}XpJ($Sl-1{+jnB50 z#Pv8LHP`)GT7~Svahvb_dKmvjgic0t4l@~QYJ}^UHAAJXx(y+>Cx>SolkSsL^Rjt)mrWiLxUm4N6RbQjDd~Wz9{bt3RP}_ohXh7K% z8sWB}EbxuNo@^=u47Sk5{+jMMDi#r!jUJ{I-lnJdw=FACUYZC&mL#l@W8aaV2A_6H zK1r*g$XkOP&z4>}49Coco7xQ3aw-3b@@l+~TLn`ZhdT;gY#77f{ae@zc9cp{$C~;E1UEqRAAQR!F z|JxBJpZB|RS!P03N~BF0gj)m(eEb<0Pv380UY|UD@jTqqVArMkxQrbmPXc!ojrRI{52G#*7wQ8Cur7DIpet6~N|?6v>ca)@2Y_>3yuQB3Ntwm6VI!qeA8 zVt@h33N8?Y6$lEg>D088Mlmw%7CB5H`mTB$2wibI+OEoYpqIz4aRsq%5NU9Js`6BC z^(^9tMKO=lSkOBBglMuH_@(n&4zj9H!EN_;K6l!=j}`U9AzC=-EKV1#s_~ddsXW(J zY&U>SS)+S1g{7R@>$|tC4+i(K&sjddoGHFMU_IKtez{NW`WIz;V*V$6?n|fW zZ#agbc2n!*H+j-^%+1!RIo{x$=2D+z2nu$ZZ>dl^kVpN#L}8kdaz^ObW77i#$-6vr zJM~nl7dfi!%9pGZe_A2>g9eEjp> zh~2d4C*plsDx2B7#k|G0V7IinGO&e|f*cbb!jXcew03@lD@C6>_=I!tm2FX|=ri3r zrqv*Dtm^H)@K3S*^o{32v77LoW9%RXesZ$cx7QR;0z#&$r#k<()g@|8>>U|v+x|(e zeEFHLU$n=gjC(nGkRJixVoy~Z zG(YL5L7fyH-`3I+P*FFjJ19*y@MiDpfQPwi2%)$t{aU1xMRRqm;aXGschD{LBr;CX z;B;F->d{pDzikC7%YlDZL1Zt~g*z6);9cjPy@(b)0`Ctp3xH<3cf(QIk^=F5cWJ$@ zbzyRH^P(Q}*gl^-BZ=QCnUL=o90`fq*n^e!8b`)Q*`_m> zec}s3;z6-Q!rAK&vCm`IyGc0IeDz{zf+3Hk`9L9F{+bTZsklyONiLAmD*@fH+@VRF zG@{^FUUmMX`z65RC^dDBSQ4xC>sZcUqWb}ohhq8Lho(USC^(AupH19X+$GHe9>!kU z&tRo8in(;KDFfB(*|rnjswTnhWO1xgu86UgRsl&vRJZhTYl&&gmMj;(USmaWcz>!> z{TJQAbc6X}TC&o-Si90(Ew$GYW1~0N(nO^^SL1{dm2|%8K-XZIkOXcocqI1x)X+o% zm)2?V6+Z_X{)$__L`3x&ouIkZqA%q#{}W``g6ngIf$`3_*1UfWuBhgITc|rsi*|Vc zDMnDa%a@VYhkkop{=h*MLaqeWic}z=(#QM zCO9|np!lxT#Aki+@odrbK3nW>tfSin@=o73L$Z$KkjHUJ_UDP*z^xgfFyweBZds=W zQ^PSG_qF#3>(llq#sL!DM3H~x!HOY2H*SkbY&o@I9&Q9O)>sIM<#Y+f#fuUR0%N)L z-1Q)*zqs#^A(^Nyq812#X0D$HJcxIr(X9m^4b*q&(>TnRRRCz4_bbG@CQYqKZ+CM^ zl*QDJQ4-{e3B~y|%maBNNAt}xZ0FoqFauFaehlV1i_^1M&JCV!j~WzX=<_xw`%7cb zRf3_v!Bfz_--JjhyU(w`Q8`E_&j0XpI6qEbzxU;s!KMn9S3ZPCS404uHW8qc3xc6n z+FoBuz&I9C(SLm0MH2Ebi7D%v@#7yq$p`nie}f?Yf7;pqz<;lV?<((4&mwG}D{su* zdwlhd-h);Bi1asE#cq3qA4^k}I!vE*Paw`y=sBkozlLN{(%DO}27lUy2K)n!KkU7I z=VoV6EcA30QipU(c|!csfY)pj08lGPB^YnJ-lf*h)-eAZm_ue->Txzwolqx{jZBe2L&1wsW5 zu%$PnnQ> z`|MXE940&)-R^4nvE~|q9y-RCLks=>u)bhXjh!6_@JeU8_YaV_!wJFlW@4zaWL^;^ z4Nh7JRCyp>$p^j^$ebF00a;we>LSdfakM^R%mP7G3(RnUgj^6+YAjCNKM%!BZNu(h zK39HC?Wq3VEYd7CKfh0??e{)VbI_-*C%p#YNaGCcZP4@h$@CSst^(U!n}nT!fLfE9 zmLymD?%QAdhCCTUgpiEB!HQj&XyVYP-*Nkpof8V($O*EM+KOOy!=#&s1u& zBXc}Whn?mPeAOf+PrJ-hx%t~?@3TvI-wSEo1s51I<0PWqgQDm%kP=A%sZCNT&P!nT zM>KIIuM`Ju)xy%o4^42H@MrNG`o`xUd(H*s8zy&uV=oUI0_#U6FA3Ku_a*$dVL|?lTiQcuz)3T9o4kMX!Qg;%HC`0rrvP?!73~!6#Hj zYUC2!<$(pApL=q1v~3KOC^-=qkCB2(x=L{jowNDKE`$A#D2cv7Sj#{JQZ&9SDSQ?B zSVTnXerVzPiAdO`-JRr_L+1J%48{>U2n`m^p^qEcd)a zwfffCx77hJW(6&Zihauy#Q0+E?2k-`D>yCW$>kVwqLkaq(bo5|sY-9;y(zdXz2n9;iRY-3cl*)5|janl>>k1@cmX2Z+#qeM5>0 zD?fx3rysI^Y4C?r{D1ZU-Z}I*XiDp3v3lI@l#K`qC6i*?MA|#KApKYF+ah$5q=o09 z4`q&26Lfq%@ixE$38qo!A405Re_9~TIWXuo&M~dBJ;|$B{>>&DUJqE<+;uN%5{gf6 zwN2sAS6`&?8M;}2YGxsCyuV;!+GGNq%3(4~E%2J5NU&sWf-RI$G+ZtJR}1j1fGr5r zxV>m_bx=Cz>o_rE#+Ilu@Xe5RS0}jIDmQg;mRyo0vRZ5B7al()UERMQc`>6S8w=st z>R3XPisiiry?{;DtA9&70c=+vpAn#1vPDsPkoT*AS+VxNLMd=u=!7ginjsCKu9Gbu zq*B(pWP{+G6t!ERg2tGx2uh;lJ;L=L!+PnNJ(2OJFyv2Ff2N}L3WvqL>0#9XUo2h5 z*d@|Ir0U-b!@6Y^P{eOaFQ+5YUmq0H1iU=8UcP+0sS)q6()C_ySXl3P=<-{1%PefO zBSJE6l{fmWSI-DfPNNxvnlmtdF5<`!M!C*aYt3RFd#%otK+VZ1uU?|2r6TaXKuv-< zSq=3&>N`+SC>Twvw|!hLBg$qn>*U^~!}p}=-16Vr+J*q6ed>?gMn#KFH{1r}bhFac z;ah7fa_C)S*0%6aV+E0*7ZFI*6?xn`sSVhU-vFN~C#pXF`1geMu+#L}zVq>QWi4TD1^1QPel zys_*!mT^)kK5qBLo1Hq?X{)8ie!h)Hyi{}@2rIZ$`~9RYk;Q?^PerH*Zg{u!68_jP z_Og&2=!?GjwISAFK6mW0MC@g8Z7cA>qX%X4OZUkalMA5W*&w&OtSKqaLwxmva z#BG06iF;X793oZtJfVFw^JCK?#gx@1} zn2zyu`TGo3&)H zXHFB5Q?h?TR0QYo*w-(KJh=1hchx4B|K9xGxKHpBCEYRVc?p;pdJHH;j3)B&y4!aA z6V}~A{VEFE>(bd%|qDR z-EXX$iDkm_D9e-^_7`1#a?*wPbx4+w_u-Snian%fjxK>T z!!q9AK4ZLo)ba;lx(3{(EmqhCPsnC(b?oe9x)RnJZg2T`Dp$Ii=LG93H9Z9~#(8|F z`vw{RLQrp;5?Mru665h%^P@x4kpY2*j~B1$F2YaAmJQ+Hc9}pc-odRA$?DwPe9bZ9 zsnGEJ>UP2a7GfsnY2qg2P7}MX6y|Xm60=at_>hue;CHMA3Tqj-~wH z=ai(c_}E)S2}$W%1QA@NP%TJtu@Y&-R5TWynVXj_tow+Of@4(ZG@AA7zr{id%P=%l^IjVw02kc3Wg{1$~!gzdIP5&8B9p6sbbk>I$Px zQ?>hP)_@568(KpiustCZcw!iE_oE+vqFV7d!%%8E>zA10$;;HsohP{Uj$Df+0&jA! z8&GSMlp*kfpJdBaSB!PLHmP&*B}GY&-XV8A zI0uM6u^d#i2g-I5`H}2E$SIW%f3^etjX4h>PMmw9fkWr?G?U z)s}bm$a5|W>&Ry53t>meRhU9as}XMNwo)(?PoJb5J0=e1v7+gb@A687D{~0E5BT-( zb|eH5?s#zD z99{z*D6)n;HY><4=@2Ctb8$=B{WKVAIc-y6= zF(=f{e0)oA9j0NY?K#_8C#7d`ePqzC&U?fKV9%P~{#vQ+@M`~9C8%Bcr2hjqHbrQf zqp|D;gY}?jJlNziBheD$ZBC-?GWtqa9mZSa0JnK|`-7VHUF{ZpwUU>zlezQ{1CaIdLt7sUH`*mIhRIt8er*9ZbB>)AMJNgcOgN)af3X+GM{c zV~u|GS=uAJy=b*;C52tdOcHHxj`Z}qA6m)WJGeTbJ6X-G^O$gPtsnlNs-Nd5v`KB* z<86(19;qbk)^-X&sJ<@}E^ZFtrqr(YMYHbtJYzL)g+k-Sy3A)@EKX1`KHW|vxw=1f zy=pV{aladtHpuGOFfow_mAj$AWk3#yeT&Mzl;m8?8o70@)A0u1d~t^CS%gfIkme2BtQ^U2+vppVz2oE($VNgK?Af$s=m>7%xQTYW)%9$vz(EGT9_k z+k^lg2m9DCKYd$|d6V$$L&jTK|WyvkGdv zi?(D;>ERSaVy2$H8lbA5Y{*0iIs!^ct>p&~DJAa3gzjAyhn1K|@eFEOY<%6)P8b6{oXwi8x` z3klRecDG_e3g>05UPth+15r4l;xZrpjkwn6y)*|;`cOTFqgMIXG%duXY9!jdD>89; zdCJ^lo2}wesmkWa*EXiWA8rzHJq$-2J%2L413Gs01m*D2V`WUC$v>KUS^R4jH&o!| z2zxp66nuO7wIR_aj!(rM30|>+P}0f`aeTKlVh^QjU73G8G(&L2q0kWxb}3d!X=LqgX}N&4#F= zyaK{`ocnc#uAAj4qr+)`;6PJej^7#HhWFj&kk!QRDFc!AZb}I=z5pAG3N^i_t7efn z_^)To^!Bz4>uL6-9{#jq)#X?)>g?tT`#bTfjXrH}{7VP=Ddy|cN7rEv;NPF*!>oQ+ zOtdrU=`s13=2&bKZq_uQ^dEJM>6+rDm?m~Xfwy_Ya9Ke_02KZtR@4oo zT*M1&f+Zg*4PAvBotTEGnr9b}n@m&ik=VD~^P8I&Y;=6Bex#oL0_L=e>QE)mVn{Jm z6GN7uoVWyn4{(x^>7`k{9ztcJJFpZ3KYWcEjE@v#_|)MP>x6lCd_gGNyX8XkS`eQ5 zT#FLVaqg?Mq6!{s{gi>L+Gfr$B;-sRn8c9ruuxlp(t@SQfOqKb zY5VmBP&&uf#Kqkms`Q4-nU6gi% zoJZSNU$&G^+o@OS$J}Xz0YO0~q{^uvEHO*B58IV`7@eSvfYHCz7O}4FVSxT&BFGnRB%Bp#>X%)RH zl@4*~+cqs!24^{U3}u1gu0OntoMAgAJe7kmecE%GewoS`&BYh$zM2x$WYB<^GfP2X zdXIctDSPF&L$Z?c@noF9;^btWr&b|=eVY||*@Jc`NajsF>19YexMkfX%hr^bA2Bx8 zb-S>rn#?pG0PK}_gqXzNC1=c^X#2!3ytqb8 zCJ8A+%Vz)kYCGj;e3klw^^=RtkM-1__4M>2tU&Fd?Dg-(n(<1-WQkxJ{%{j2bt2Wk zZZR2E@A$KVyV627Rqqfla9iNFmbYcS4p6CqKp|c@ONlrxzg*i* zr*wQxBfYpAh`o=)!HlS!i6f;BWwN?t7a}ZXCgo%4M+ePWwMdvBK~BD-<2HGBW%{FJ zz(6L$5zz)hk6yZ(qaQ+#4_QlP<84{zp6EK>XR-bn(wLxBircH_%^^DS481Id-n5n&4UAW zLQnp(rqgx(uEcPW#vt5v?8^&p_~ z=5PE`bs|!3<9_hIUcffU5Bg#DPdaapXjdsEqka8iNolnQ*_cuP08WLeQ_qo*^D7`Z zKlc+(4@%s#QXfQCKM1hwu2C97jK4Bx@=EI8n*Hy2rz{cBPS z5r!GFq@QbT#nh=cE0jyQM+j(|{Dz*s#xT=~Z;OA+vq*2e^#VR7TvnJxSI&pKfxMWS z7{C2!LQmhJ1o{AA8#lXIUmw|VG>!iSGh`X^r-##RiMPiLA7f2pcSsM=Di^7bWgnJd|D z1Jg$hsD+YWHZW}r*JL*DXwh%v-dcx~`jB5fLa#LWnexW2S(T0DIv{HWmf@LI4hNJB z*3F5_;ts7>q^G`gH+q#(Guc^9bG8)(jbke*bEQ8`hNh`B3di5PTa*@WW<#KB{peTL z6)coMEKceM5BDID2Ez5c+z##r4HWO6Oz{|%Te;hHH_dl?ofmvfQ`i0KWn&{`L-KOp zxemodh-Eqw^<&fdo;!-{-`1h@}A3UPR!5w+1 z5l1u(VU$us%FYE(2OGA#DJ|B`+*J9t&#*i-T04Ek9P(~03-_6N9q7z^d^G-U75T94 zrJxbpeg4e%1lx7;7Rq?a7p74M$RY&d@r(anY?K#9*8wLaAlOZa)M=-6?8l7MK~8xP zf^1NWF%LIMCLTdHAc#P(_M|E(a#?#W5Wr&ajfRFPU8l4F<(5u0^ozD=-+6s$aaf3M zQV{-{IO+O!q`t-2ID)lAb{J^{m-F}~L|7v!+5vn1cJ;kI397jXQkpmNE)BPV!T|N} zE?>aqJOq>HqZ~+a^PwgLc5=wkdA|4lP{@t@)N)n$x8Y0J;{$B7>Fj0S<798Db^-Ba z`T#pIsWHAS)H}XaJbTSxvOPCT;@Yf{S>YIpYN_CZX*J3xWYJX@nidPL($Mo{Kkxw!f_HJ_I({!&1;vT=F?ms@!PTbqmkBi$%qYcH9a&yOS?Y zjvi&gewNFjXMX#%5unE0-!>_?gNSNy-}if(=nPj}UXdb7P?cK2T=U!ab8!Kgew>b; z0k>u@aPtAtfHAr`Hj#XBU6{$VD#h0+nk!zZOr>YtYv(<0F=tm*e@@q`= zzm)i+9#j}OUzO8QHJVzeXfd)ayDn&j{5y79;2Ec7u02Ox_Y{n5B}OB~TJY;DJfW}D znm}DIbzsmkUG`jMxIAF0)(VdW0_NHXf46Gg4<{dI3$!!#&F>rKYHzeBGgVlueJ)c5>$HY{QE@B_KyIXt@o$q~=Do z+;&cx=_8XMW0H~Em;j&7%VDLlvf)^<#-hL*SsQ!u*plw1uMebyIK!9DMAx=I45T?c zR2^zQtfr1qg>#8qwsdDQ;N>cb?4=D7T47Uprcdafr%!R_1tM$p*dz(8FHoAO9Bn43 z`v-D0`LxNLmw#Z6+tqV42=ut_L;0ssb#&NRIDiUm3UYia@aMzV^R%ur4-d~Li>>1d z&o8b-NG}XSj?V!B4=hLABd9`yI$!bMS7L4tH*M>E5A(7m<02)&2a5VAswGSF==9Yj zZUhv(xZ{=}M|q*h`c&R5RxSYnpjb{!(TE?V`NS+piDLAjK113)$xDz-1kC8FDfx-! z=`il0&n%w=pV^d^cpsD(5E_Tt-FN`lvI|#^&7q~b@lUkMN_0%=w0~%Hfdneq01zE{ zi(0y_Sv9w5V4?!0V^}%#$V39H@W<=@OE2tR3wE`{7c#RC-*qE{V*p^=I6aJoQ-NE`+`o+JHpQYrCE6NU;Yip19XKnzbwMXO5G+o8j0X6H^4eR;~D^%Ja3Uk?a(R<9c7S2K@ z?D_6kb2Uck2MZ&Yj-yVQB14!yc;L>~esW3oHlseXlhs=+1z zAkW{5A6kX&Q_(OdaJ59wL9*oggpGn8QAyJvc$D;~w*i|_^ZKbJjA-vfn0>l#fx&S{ zg(-|a@ZD~Q`H?hre(?gx%}lrs^btLeyP&k7D(DdtBsA~!K`r3i*cWDB$N|yjCLD)* zA$4QlG5&Kv%i^v8m*6CuzAAN=?UV<*vhw_)2xDFP^oUuU%KYorQ$2^~gBv=f|95^; zzf^HJZ**$|CRj1LxsSkbDMxetA|9M--pz%I8c!wA@hM#kIMi1iOSf|G{COtB5iEbw z9$sk%fcpxaC+({yHSefbCFoJ+Y*b5T_9vxAc#w4}a=)VG|K{A)Ca7u8?0`E8Y99t_ zT3db}PSirj~JueiYJKy%Y(sw9PFQko53$+1JMG_uQXD!KunbFwurIKA~D% zsggePX7HqXj|NYAQy8?B{K;%Z9%Vu<2GPuHc_fw^Ov5zntno{F2>y8vNm73{u~B^HVJ{;v_QN ze)}qc%EO4zw|rKBPED=lBgPo0@g8%Ni!7P910APid0pMDxDuaWSB(+f?U(#Ko|Mlo z6~ogM>UWzz|6nt!Q(9cd$@uZ~mJ%fFP3A1|t3s;cV7fA92I z67VoM)b;XESCNP4G|Q2DTr0Aj7H~pv_TsbQ2kzOTAfFit($`mA*GJraLP7dXr#Ssu7m9BEt5pt|y;s+TgHU?n#3EQZ9 zqM-UNJ74!ZK6Wm4w;~k?VE+8|bR`g}>74!5A@q@UO9|HR_^at|JwE_GL|6>i)rW0j zoVA;^jYt{@;&+V~9OkwoJ*#-=#?)zhMOLxi9y7)$Ugv`WZO}=%vUK~C zdoAACAR_~ZBcL+B)MPV>5)%#^7p)OEBj7H95GUO@Z zeyOD~Ver#>ZE33#FEmPBQ?}&7=qlDm{gzhEYp~{Kl@HgwbxE%2Y(c|;PaP=Nx461Z zJ27SPhH(KO_~CDCGYRr?#fl98+pa4+h4;r{f#or-fBgg`N$`s%Ds3lGgw}o4xACk5 z&0!}5mL4(6gs+bEp9>^}TB8!1t`*tEY(Vgp&_hE5Dkc0Pv{ZSQ%p9e&YNN1Lp#)?# z$DLPc6WW|VX++D{;MM*2LdqcdEY=kPVSyV^V(wiJD)E`vL{pjZ1_E{)V=1^J(d9+ z+8d%~T&!VQTMuzVECByUtge$~m}G5&rX)ErBewSE_ko1w7U{`|OkJ!_`aUd*}E2VUl^Q^IA!O(7uPc(HH zyZ~z4R&C`z>|uupca+F75$+aa+UzpgW_sXig=anG0;H$Ok|!Tu>s`AP^x`M{D8Z=) z{^G1Y9)+me`)(rzy>kEen=#dA8I63K1c#rCFhaiWm%XlwJkb7TZO1_ODQ4Gq|3iD@ zn=F9;mJmh2-)^D6x-H^&YIwkXFyDR~4cY1Jhydo@Z)w0jbtROYT1JV1gbZM#XQ$6E zb1s*d8571i#Kz$~i^VcrcFn2!YoU7o% zJ#RvGcXjp2HeMX!n~VPLw<~9IfOXA{hlYU5p^XP)*t4xsY)*SL*;ikX$*X~0SK{Kz zV{uMS@sf2Wp!MKAmi7?E?P8kY$)|Snh8DH?=3?`gYp-9NlUQmc&Ig~Ku#8Ml8PRd} zBf(N~3bdNh6IU+WOb8#_)x#Km=(?2Bq*er*QWY1S9nV_7#WXe|O$DZ!Wswgc(GGth^*DURqbvc~ zAlZ-O@6WQRvvd9-{9i4A0x=CEcXtpnK0m<1@v2~UYkGHwk}wAAsnY}y54Blnj=_SX zTiO#Q2!q`(_GnkPdc(Ut2pN&s8b0#mk$d!>fQWmUTy#m4C6N4jeZTW-U)@la<3IpP zzUbK>O8mM7uB)IBlQ_PAA%t+{5vV?1UfP*0g(mWl71oj)6jk_r$-ZC4uZ}S@s;lIY zrK0ZXYQ@?kgPz-=u9Xg|?|cSnFl@8v*ePvKJQD(`aOT7da*-b)#$K7`Z%$bpcJU>vERFU<;pcVjIoSM^g)2wv*a zj@0So_9J?TcFJQuz2?b*{)l}zrGtEAcv@BQcNHS|Wb;1(F54*!!QuIv z>cQn;oiGReCQ%KnpxwXNvgt{-_)y#7CNnp&9usdL&)7Ls`4~53>`0BpU1H>F=V`-x z0a`#Z#74gC-$x)#@ZSwwF%;DkYY<}#t%4kHn~aM_m>Z8$t6p)ZaaQ+Lfg|YL><&gj zin6$R7`!%rw){c^fE~5?PWm`|P!Q)?gH9L2%zUF%n~u>IKGxT#DEc(!BLcKG_; z*W)=005qfV%-7ZHdHLmpKAWdumR~4A09t$`Tcv+?6_?$9p!$#c3PQm!g*uuEk_=1@ zn^Tot68WK~GD#erR5$Dp^c zvEl96nSN4*iagMn*8tg<9C6)? zh0dQ4n8<0?GWNBilpvT$FfoJAljAFZ!nQ~d$jn={1FRb&U&%Io)L|SV5{ys?5p~-b ze}Gj{ZRwxh`bazCPij#nDkDFMggBv@f(SSj4;-xKp#0zUaNmNhgV+8dfcl<)Qh0>7 z#lY60e2BNDHRX0(R!l4q7b?>ivQnZ%zsg>+&c?YeQ$@_nQlX=+)l45$R$AJq-g5T7 zc~Y+u+`V2r9a+T>+8-9c?Z^?-R%-&6SGTNLO1?;YW&_f4q;sP7LtgJKxKP7HJp=-EU%P!?s>2Hk=dzd2&8FUI+62wl4%{ zu#`GPr+Z)Ajk{zEr&Ye?jGKJ?aJ^66`h(x*3BPuI$=g%Br4sjNU5a-yw{W_UQo9cF zz-rSbUic!mJa)rCH)13AQp2GI9~NmnV*)XtL6Fa`a9jsV;Lh+-nQSXjyg^7Bl<`-M z_MXHre<7C%e;$a2R08`KK|Hmdg{VH&GFA&}H#wtvIfEH{`ehI~_32zJn{0<~6k8*M zK4Wg{Na#28_8Uv2phup@mjZ z?>lid1pZ0z6MU=qgt=9M1v?zd^&AsAHG18zd!2r6bAMg!3`CA7y1AJ?4rq?(890+_ zm^wNVUuCF}@(m2hsgn)32|x8ef-9YN)Sb_F(Hk1Q9vA*1w_jSVjHq>(J?fW9#633n zb?3CR^S{#sOGeOw>`erWI)bn2&QK3Q_`F9OrO&|Q;48uOlN@s2yj?^(pN4`*uc~4>C^jI z>yd$kvz1pO0vv#0d1nW{II*k_{P8YA>ORAHou}Y$tzsi1+{=AncIftF8p1@rNpu$) zVHJ$f1qa;*{J?j2bUoG<@qB}fU={JXK9gmS$1%1M8QVsjL~~x`)0e$!6D{DUh5>R5 z0y;Op^#EtzRIrx6V+C5w^P8q;m4t44S28>5l5KnqHDJx^b?Df7AgZn@Op`bIbM=9Z^Tts}bFdfa*%5amQyQWpGPq@R{f03V64qN#uO*(lt zb^g^I&B>2c0lpJ#w`-OPC&|m@**!AF^D~w^l=L2!Yp;cWN0m#duCE}$m%5a4FH)BF<0$EO^w55iYU z#V);d>2TnDioglpkcW~R+*2gI1DJ#|3sH%~6 z%1=%vKBpzE;nQ23gWT?d zemwZsHB-Yg3Du7BGDQVWGnWLL4@CWmG+)mUzhdF)?6n=oW1kB^T?1myYpAdfRt{z_ ztjr&tUreTqO8=U=OSEp{5}hsUIJAG{11Hz1w8%a~ruoLop>kds%Isz15xLCc*? zYZpR7{zh;J75oc4Fmxd1RP6g9vW&@Op(t^-NmS|ei3B@-28y#PDyQ zAbh>PNE3aWI>lJF%5LX(tIFEaP{n&zqSk6`C$?kBi#vm54;8_b{2%Yf&Wv6Q86LTe zM&%gFgr;O#{tlFi*z65C@A02zEB>*%Gx7W2{5u+@W;@&s~9&Qh3ENuy1H>%3H}(b-=-ohCZi)b}o_JNZ|* zjTqDMowxK$Vu42jfT;$7@b9?mCtgBW%(bx~`Xe=BN~U}r)zCwYvs&TsZ~;HgzwO}f zay+(@0G{m887&FQQ0$Ol0&yTdJ6silwTAa_9Ycf{Dwa@!!BP8#WpC~616R4$2jMxI z6*Ikd(T4gMtF3}@??IDx%NrT&gcl+Zic}@6Kpwt zI5mVd*JAr?_ew}de|=>e8opy|!$-rik77XUiW`Yi?T`(HFZ1CuGmg70aAE;`7Rfs# z6YO=sd#G&TM0XR?k;Ee^?}A{tT3zDJ{`UC%cI)uAfBxjDKaxS$rgNcPZQ}|Qf5w)9 zW};X*J{@X55F5*YlV587g!dyBFi+csoiEXbjN$~L=j^?cW({KS3~C4kC^=x0LtZ)GOP2o@I;f^GafM z#U|Z3D>>=XIdgHYrYUL^bEe#J&SzL#LfM(=CVE*r$BPbkx`O)#Xy%Sx|GQF)Z)Y-0 z3M7ghTej-0(BZG&@u@>DWLaA0o@R$|x5J@rDL&}8DDx$!*+g_fuK2X5vA0JwZp*sZ z>sGkPnC;(h%n@I{50;MHXcZxTBH$xfcUv)4Un-h3*sZn|yR(cyQO@ezmddXb(%@lx zPukgDrgK;S>9dv03Zhgyw~I>mX0Cr=E!pq{%R$}SZs%81P%}w031~*IuS4WwuNG#U zvQfG5ugfp7Fk}cquTU9FX|w%MtFc&-GV~;Z6FaJ=VNXF34Q`Nua{GK%9W^U0+rMLD zC~aW~91oiw-5KP0HVUH{mR-j{TI?5JwT014C!wvX06 zJ#Yz&G0`vKUaGne*c9c%80Iu!eD656kRbI^HIuow5&kmb18b^tv0M2C`%#VX@yNUf@D;%3U;tjJXVrF62gO1r<7CCRb0%scxV2*m6v))xm9p2uhR~3_G z*aNN-vSr9`wL;$)#*~9g@mvQGxbL5r-@~Kh=Lp6_nh$;uZ=L>(=fxkF3z~my_$g(y z-3mbvng2o&&@bvcaJJU@9Pn7-=yTxlk2~TdrM_+Zy^hG)LA$+$51nrp-?cy_p|Bt9 zoS=JAMDpSdn!c& zz+6$QP#aOV(&zkfQPDlb(g?&O1W$Jk0Voj^@)0=qV~;XxM08bjG=}M!<5N zn@oxoy7@ERP@)#B)(e|+w8_D^xoY?aox80b{Ux9vT zimD1a9W~A2odOQ$JPuh77u1oWNGtH`Lt`NHCv*12UyE&P7WA49$GgOnE$1f7c`N$D ztBRtM${KgF$TvK3K_FTB*>qLP9ocb2Zl>?piipV-tFv6Gx?)wpDPp;0g*F^|2D2!v zmm#e4>$e)kufCzeDH*Cd#1-ljv0!_(H%ch$;^x@olrwMvrCxOcE`5`C*?NIJ4k)J% z8&rxXs5?EL9q0Tj1r0_#P1X@A^|hCt%J1+?$$OrI!~Fhi?w~5QvNZdAOnriHY{w)vp}v zf%>;afeRg1`Ry9!63Y$qOQ%|F>IY-4W~10!WLL)9_Jy@na@5Cl~vX1KJ~A*6dom z;(m2D)^RvK*TDYet#(e&L5v=A9$d|Q=v*}({~r0B7G})|2ckV&kAgV7+c|bh&=7LH z{4YVSTPl3BNe=Ea6Aoo-DZ^%4e>tn!I+~X;-=$mZpOeP8GSh8ePDP{r`8N98RL6cB z4^(nil~3VUT%tm;m3L*@Id1M12`u?JfaYjn*7w|juk?92a5YUhp&`>Cj^xB1reD1@ z|L^*P6E&sSZlW5>&k9=VfQQCI3Astd(;w~$1JN)}2q)FLoqlqAu>K0&(f%f{F<) zdyLTp8I77V;en_PAb4|xFA7JFNSp=ifx>hukp=Qzd3-nyOi5X<$EBh|PE{+;cROoM zvpjjuwsj~Txt9Z^4MgG@V2wBD;CxCfoOt_1?|Y!r0;Y~J`+Ir_n7ZJto;vut3mkZ? zK5SA-YO0G~`2&ZFY=2;M_qqo;%!B5bZ)|9m$gFWswK6l89O%sp8WS$;>fFx z_qI1n`8;hDZc8aWpAhwKY3K17=F(Qhv61Ao&qz(sKpycXZwta|ttvoIcDM9Sy01N_ znZXO`@&t%-VthpoAGcAYYDe~hiuANL8WFi?3LX@=TM*pLMc)@u1%Vjx?ai3I!^5t) zG9-HuXu=9POwzvzQfqO8-yZ;lnzx2zSX_{7M&Y4 zQ#V!b^|5Q_6b-Vn)$KNQVaZt&ugE=K&7zn-2n^=WqHTxO94G z_pq-`-{Ek_-G6m5ZhNxg-j=L3ba&1TF4`jGtc1l~*)&)9&?6hb zWz$bR{C+f(CH`i_$$le)n%c0bidM@dQLXECsAklTpE=#K`T{pe{sB!CZd~Qx*hkbY z)t7~Bp-nU#F){jxc{B{~)ME2Vb4CKSC&O4*?UwPwY<@||r;*W}2i}NwD zZ+4g*MZ16h{yNAh%X9*kd|2DZWXzP&J8UQP0V>qoQL}Th|GpE@c(A0{0q#4*Qn5lMndwCPTeIy+QiiQ<+>#H1r@pC&=SAKUrCf93%pq&qD}7~kYU69vc}*|>eyfX^P0%uorEP0;$oR_gIE{Y5o9TivAu$Feq{qI zLPg~ZOMU{l2vQC%A{;3BNOECGVdA5ywpdYQH$3#hqauc9v#3rgo3GV<^d41E{_5%F zpvK{BE38PerLyg4j#zU2FFM_o!xceIKgCNZU8)=5IIRmY1YZuFgb@iH z;M?{kn%pGG28%1~2MY&ViTG0)2eJeJ=tPNhN#}uKZd)0QTR?5mW6;J-%gs7I7yWbZ zbKTadj(=K?!|=anOnrSje@Y2(5vsD+3_k>@Nxu;9T3c0iwr9?eG6;8ZqYpyLavtn)>Fb_ z@7a|cs6aTlHPAtafvq)l!S7A}OoR0#`}UQUJ(>2x_K834AvMgav)ivXt3TVlY`1#!pGocQx;7zAu|tg)ycpJGoZ!)g4Y$O$C_U zaMwMStXMZMY+i!pVZXTpE|$*(yLm-FOt=R_TC@~j8w~Oe4)q5YE509n8_83s50a4i zsZ7X8IOx+FAtpbMRYbpIQy7w~8b6fBuR2N{I-1OE;~_9VC(75xg4KcZa|mY}y%}no zz+B9%fx_PUz*x))ismp03svY;_-vE_S<7zMoxBnVqT!Mbijbm`o{YaL4)-=4D9(Ni z2Ee@{j1s;A4!aJH+6ZkJ1&nA|Q=ccpLI=rJ5x>1qH=RKONjq;lo+quk50px+xYl-L zlHYJWu;>K9Rk<(N%HgH`O9J#wySJ`8B%&_g^4dytZk?K^Np+l_@O^}6C8)pXDcN9~ zw#lTy^V;7BA_vLhL-Iyw3gtkI*^+l{Nrr86YsN^IgtY$hqo> z;#eIMHk^)FE($G*!%|Mkz^vs;SSrp^Zg(KBT5W@NK0SWf7uWwKbouGVw`j}265Y_cb7tA|4NC=Bn(0o3UTs?Mkhlf1Cih1U8J}jA zTKNPS?Mszuc&6bxuIu1QjE!@Vo|1tqJh_U1AsLf{y%RhrK6{Y^Wsm;;n&$zCSmG=Z zH7C@0nqE1D!CxLiLV1I3m(qBtvI0odjGPtXL_8~E-#zoG{Hf#CY?PQ_9%VBZJTjGG@ zFX?P3TKMy_VUz}L9@=r+Af{7@nzMJ1*6F-e1c%VUkGzc>v7f2m3@*Qwo#iIPw=Ujr zq*D19rGyAR2!%&jA>fiU&cC(uVe8fssh05_{CgzbxF4D@yW@>p3tvL7iqQtze`7zK zu=Tzo$@Tu|XjC#wSNqmv#q!=nWWYOXMZY~gy!;0AE21>i<3UbPCM_TJbO>ut9Mk;Y zSZ5$gPr#*CS7ZO^K-`oFr_uf6T_-`$4VG`g(?qk-tA!MVwVmlAwl4KzcP&O#s5T(~ zyUQbzqo+>y`GxLP-p?0hz}r`$?w21YOKI-=+*8W2r}}I!2kxkw?j0`K|Ezv^y15+* z&tDd2fIc}7{Ca<*A^}L(`nCGnnErsC5!?ih27<^_ye|zqry=7j22nWqevwR|^alzT z+>)N$e$V*-)dHYEnUEVt-pMm33MIxMHZ`hPng?>s6)T#W2T*99P zFGGskjPqs7UHRpl==;k7;+i#C003TMCHcVXqf47x8Z{3#@A3}jAr$#i;5!ubT}L`p zF#3yXJmi+AC7!vIvZ)P11VR*8V9%b64$bw{P@AI zPzOp7x+r-9}L#Lkm(ZrA^P2--jik%6uI0`#Am1E2h1k zpQ+&?lx^Z>;oyxTFY(s^>HVLtl(^LNBk+8FIk7)7&0NgUbV}2d#z9|MEX#z` zQU-}ekxt@#KfERdXkSz3X8y4Qn0Q!?*CA>*J0qbl&D^B(0rGpQW%7Cu7VYoY6N=C? zQ2`&>>pRT!r;*}r`Y8ZCY5LVIe{}OJzOVbfh;|`uDhh2FsUr>Ud=O1r+PDv<06U%Y zj&X`h41UL|AqiNQJ7aWo#n7f#tr)Btm3NUY(8)gsDTtgMdYgKRiC3m-J~fKXyBwgL zfEdZ65MK9(mFwYwE)r3HmHY6db8Gal+x_?g=(=;%{DWE&GJw8k z+Y;^n3U-CPbJy{PQFZO<3bw(iGSiy-xSFmW2WVg#2&?5V2=tx}z|)lGE*%d6dyGgtK4-lDTPoJ8lnAdOo(y5nEcUsu6F)%DO$yOCFZjz{t@Q7* zwVmmA&}l>CXCwLDZ-|zpDpS zmnZ_NN}cV zn{4(=sLW5lBYh5nsHKQnV#=nHvtMWXwdv>j)**O8mLYZRSe$4{VTF%4!KP~#Zy)t< zEbPyHMxT5~rr}0zd%KC*4~`|&Ul2*%DVb#d)+{8@;%9XtwCr(dO#6Sz+gmzuLfjNz zesb?}VaeSz*GxYm60v^Aqi zq+^P<$X`r3G|$G_P@tbpm82%s`X@?iA?&aY*Zb=fii{N6Ij<@m&8Wv0Pn zf1eDXd1Dg3P$ME@BMS4&dwE_2K8w9rN$n=JzaiQTR}v-r8!BZ!PO=gV%le~T z>q}HVb1wp+UHEXk*Jt->1ezZ6V(90uTtPH;8koFX9>HP-S`~iH1q8%oCUch|6yyw0 zS4#f)R!b#6riMCp;B#=C-{VHd4e5~At9CAov`X|jJP#%gIDz@sJp?Z%AY^IZY0upP z&JXo3`;Z=fGo74moec5+L4b;wtsL}XlIP8~yUhaWU4<(nlEu$gaHHBK6jb>w#PBPS zpzUGE>Y&Zc%td|EYdzYS#rI0a=O~fAc~6%dtQ)7bZ3jKKoDNuZY6E-iCsRWGwFgsv z4}_&?Cx;u1m|Z#r0#nBRoIW8Z7M-2d6pm?Fvy)~S(x@96qVFXunEwth4TE%8QARW$ zH&4OEoXvzRh<8ACU0c%_bjybJOw8y5Thg&Nc4^HqN zO+zkTz6jacS>=4Gl5P+MP+Nfvim^%LG<#`-SH((1)|(@5 z2%)4@Rpn9+G}#=aPMe_Nao)uFAWlaVY~uP$t>!mZ0D_!6lK+|%tpol#_p|HGXax>Hp-?WVI?lp|O(4CtmxC{%ftKOQnSG;{2S02ycYn^pM1eqifnhQTSGDxD z7X2L=nW64PU_#S-Hye(_+d_x8X16g&Dh>I7fy1VNJLwKog`_d%`mr;-LF)(W`*4Og z%uyn~zi~L*_|r?p{*nn~{pewK7jhP2+&T$s(nYsxq~F)g&D-^2(W0c9(JnL=9HmEU zMqT+>6bS-Q?tA6(&WS1rF?e|;rcG%xgl|!^Q0x(iBd~5peJ!I(Ouy~I@vJ%2p(2g) zkH2UUS|WmQB|g-dT+)m*Dh*jQJ2D#HxTr9M_spExDB_juC8>xMGo2bE|X;|`Dt}vNk>V9tG zes1q0bt;lwQ(OD*;K8=cW1BcHv3oMHl-$neC%mJy?|!GndPd8eXDWsqv)!4f?{7lS zV^<0~UGxBsCuu|Cs}Tia2><37V~bWK{wIV^$mc?7ibw_>H{tN#o|Lq@45$^#8e!9( z*Z!`;D>+-@Ep%mBN!v&l^2Hec&zDqg0Sp~1+ zsP;KaN?Ep9xlT`Y^4*LaJ6n={jFcqir$G2UlpF)^=?bNTq<<-1h+qV_-DazQi7?wU z!2}fKlHDp_V!R#Iusz@ZwD*B(y0?Yf@u=mqC2B+#-Wq-8+n4|wh20EB*4J1_4%l$( z{X@0gzglWtHK%plI&y?g+(~!mT3si#;_oZQ4S!{Xiih;D9XLF?qEHJpT4#@57_dGD z#}&B}vSD}{QXtB4+Z!;DSY?q%wM8`r{cyyzC>uvB6%9Umy*1gA#+OBw4MqdfR2frh zADQxzh4GZ7Z3QCOF3o~as4)5uT&?VDMnchMM{pY$=G-VXYks3G{DRde9oNp9R$Qj} ztMB;`So(hJ1(2~0N1(^~^{Em~dqj)yLM^?ABaMmHT2(OJp9CQEEf_OBb&mzb(xM8K zPbdBm@)r3m!xt_^F^+6_F4%8te^@bYJV$24#)w;128!GYbbg~T=4v?Y^~)3TIR5Mz z6)bdFfBNMs;U^00oKf2AfXrks*p=Z2+V|FlXnoG4hQU?{H~dlvh}>E`r8MkWvl1^8?rw3uO^g!d z6X$KgtnC4(b{H8sLGKPiHE#lXSwy6^N>5R9HHhakt6dO~b68oA;|ohLLdX^~zOXK7 z8lpPy3o1JNZ%ts`gi)C021tR06N;8zs=%;Vt31M95UrK~Gni5uC&j4VnKQ70n=`CH zuuMV>LqY{+SN5Z}WB8hr>{eyGHBDG}U@;7pp#qMh zOYJ1?%EzvXbm_;3>K)SUun)d@2m&BhkU7gT`C~|h_VU_ckhwBQ{> z(QkD27?ZxjGyN+o@WEyK>m5BnO#kigOs}9l-;%pBw=}(=X@5uu0GHOA8XPWQ1hIjhP`F0+&Mz8cPMZK(|8_0!W zTn_x)8pg49tH{~D2IkKR7Z7gX2CK4o2Sy=*MU%styd(0sKLSH}jsP6A&y>%-E&)H^h__4VE|_CHeo?%{zh%Ae z2rOm@`R!!3&vABEtwzPpJLYWXq&>iXzA%(jY+qmc!yaep>&+UlaK*XZkGo_xn@s9!BW-0 zjp;k^2rfd! zhKc*t%-PyQ+#x86ShkA?v>;6UB_JBFta8R7DP5YF|DVSr2^m$(=$<>LMe*sVcj4Q2 z$7urD{fhdO*4jEYE@KFqF%+#_i>jr|89h-wBA~sduY)>)zP&X3#fnD+twA9D`vTY> z-NQWM%Abu&(xTf*+0Os1cy3)d*912Uv+rXtd#(ra_7c4Uq>z1G!`goSCZ$xCn5QsD zp1Ul8#dresltXEVr}j1tw*7*K;we0J4G6tP62GUK>ck<*nO@Z!iMf``HfqD)tn%7j zH+Cyj-7Ncfai_jgy%ZsTY|>iW6W)`Z%Jogc@?jL;x^T0J52k zgpnWqIokrkZjitfWO2^)5JP%ZRAzGLK~x8DR%vMqJ;Y@1Z}v=(q*8DG3b8EZml`T7 z2kpV9dL)!g#@>r$T?z1CX^xGM6>cNuM))tuJp#_#5{wfYb_bF5W2c^hFtMp{{f^)( z?uEq*!2k^MBB#h+x|cO&P8wk39J2{-jA00Sk(dNsYOH1`Le4_R0Pd0^ArsX&-MG~q z_xn?=-_d;&Sp_}DEJIV?hp!!xk*)~aD$mY5sc`__bGsFv{`Z?gvZC<8^f}+fD|0!I z?-b^CdR4eqK9e6fvHthh5`)x1E~KRihZCou^v))nZL6dtOar^@&n{oK+bpflO*$Hc zUgqNsTi)WJPuFfcmmN<%(0X##ZQq}!k(54nKp}N#rA1&m^Ia%x zh^#UwwaRYXOU3j@k-n2+pGLyS)1&g}PP9utEz6$3-gm=Kf5bS5LrztV9q>`(9u=J*3hs0F-Q7a`LL9nz-_cpLik#VD-X}sY}v&0~p{RK=a~IhbxtJj_b`l{9qw6 z0gqizE_a7|9>=CdikKX-#;mh7MTh4>HK^Ql7(@gC34?!=>u`hU@niE3*fSNd#l!k> zUUc=|gnn~h=V^j!2!G@!^NgGsv>KGsnk>ZS$cJ&UIXvAJWC-+~U>tqu^>MhsJq6r8 zLm?L_SJFM^a8+?s!^`7gLbTFQTh2tO5ckA~MvB~qaO4JnkUiH@9-~k$My+JVk>?Ir z#~*mM)|5M{nR3<>*Hv>iz4o=!y06bp_Uj#3O*wxW`1wW~G`IC$-~3xT)N zL9RBYJDK?y`oYXa4(OCa+Wj~!!2r6y+EGlr#t0|M9)*CPKh`ehOiV>Fqn{y*=!g*% zI;|(I;S7sYMWG%E$&6R-eiA%*XUeL%Dnf;CpO}4O@3#)CJ>R?o{%fg2ab2y>XY%c& zqTkaCpE)Vau%E3_uRQMhiko@zinvEN3&|R|b{t}vR%3C&j5=*BcAF|gLp@_9wo70j zy+y3k=(5O0mBpwfF=%AFU9!SCsVoyM?{eV3X;CByU1X#KypmgpVVqU$X1YyCq~w4=>tkEv4<+)HEU9_?t? z6UFXim1MqE{&iaR47lez+73}}R^N#3Tj+)Zy&$h2vyz6Zedybul^rRW2*hB()`{== z;WE?*N+bOQ4T~inftce@j=BTHmF`Qt{?G>O@=!+q1f-0dw!*>If1cV!hAJyCWt9&M zLgq6jQQ;O8MezVrmTy$^|LFPow^3t^LN+1@f{jxpCN-1!4zf~Kg>w_5?M8idY}p2r z32zGM(yoVY4?Q2%SaS^FR*1mN;&dR9Z5r@isQ+V*8X@dp7X_qE$LWY$sS}$~yKAtx z(ThCSIk+r5gx~@6>vgA0#_0_g+I?N!4tK=VV)_B?QxH{a{X5WrdA88hBXr83R6rB$ zW;@;1=BBOCGB#Dde4NT`aUzs!0x8|to+cnFT zEXvi$&+@X6lE%a((*3ZR?B$|B3Y6k7RaL>!YtY9XVORZzm(`pU*8KbmkMJqXqM7s; z0tzUCMB|@uNC>*jNxO|~&TnDUE?9&UQz#o(0HRt76gnby05>yLSe~S!l86Do(cf0n zT)C31FoA*{ksXmB6T(=7`MVCM2xj~iuki(sjNH*tBM0PJn8H=cWD8a3OsjA`#Cv}pKXM@lXd|rCzW#l4} z43Dbd9BpjUw>!NznKr^af6`~^}SLyqbv9DW+>5~&o|dolVVE3 z#;l@&fiMda^2s{-oqezbnh8OtVZ>SQN^8G&*X}m@{=z2T{>roZ7~H(&zitBGG^s4V z+BFXm=yYt`)b8MC$JodILq`Yx6vk#XHr#fO9p$Wu$f3@uUCr&0gi<-Fd3a;B_;to~ z;4GF#gnrn2mL;_0yLk~WsB54v?Lsjgs=0n}=D(lkujE3bN`8jf1B}Gx-3fE)ccS9T z(WE(>^Pa6K7^HJ>2uH)W=@AW2W76jX>=s+Q!l&0gE|{jvju%^$1w<>1t(E6>X{{Fl~vaO3yyS#IvGcrP!xk8 zvp9=knwSzXjSEAnXr>@L2hh}%f$6{sc5-66P2-6mNWPsn==UmiuT+tZ8mrL;9kSkm zRPPoSdaE-`_=>VirqN^UzR_XsAxB3ps-Y4b&W_M??)&!JzD=hOk|kbSci}VN%O9~$ z7l;qv%hB@93A?Xv?;u`_pKyGfTR>>`p>yH2dziFUf({JV|!^eZOKCWAH{!^KXTh z-H^S;XDQ3}09Q@2%fo@K)A6<7Mjy(@fih-EzY^ZO@R~hh+6zS*2^Dl=!0{iMB1$=%*E{ycD#Qh4wIY^g*%aQ?{rOMf2X2 zVRT7lXZia2ut+&UzRp1^3SEt$7#IjLrvX?w=DF;E2J{1&%cl=eza$$1udFu0i~TfZ zQzbwpBF^>L6Qx@F0bD$r_zIIAh$1;tt9m4NxH?*o-M1A z(-ns2`fmRbE0Q2V9--=W*&r0!N{M;$UjMe*EJP&j?%CeI46-2Id)Piz(At zd~A9J<}F3p*7pkHQ;e^ z{jBSu_1?@f_fEN3YrQ~gJyS^1!%%36iR`95{v&J6xqa07G}H*&iZ2B zk<+;G^jH_-7%@}@TA($Gj%}AoOm>lkwuC6mrj}aC6{-QZM95+7{lG~r|{aG387ii za&(q!D);a=`R@BY&cyOs=yOveno-I8y$_O7i>VWHKD`K+D=FZmR!nJ7t30poR5%lW zDiSJ9B^MmMO9Z>M@(`ty$A37AoVJdUmd+KA!M9C&7v4%T0G^!$S^yJeSW_~&WW~Ed z%Qz029m9l8s?;DD&g?3wFS0nhiUqfw3O^wEvoah5BJ^s^SlG&VkA)`rkzumEsM-?X zjqP-##MHuxZSMW&BbzO(?H=h_inONgcXl0-KvW)PF#HiGS|+fcr)j2V>Xb&AO&1E?;7kYBJu#WDMJ))EDT;TW&1_H&xsHeCfxSeU51 zx}=VbDQ!hivGQ-nka5x{P-BTJJ`=#MXi554s$?L$PDchRmoCv@OUdsKd(PD-yY40R zPdErkTohUG5*yZO0mNicwJ5M?L6uu+{Q)>r!*!0kccdUSQva~+%}ozl!ydK*`{Pir z(d2XyGw;9%lVnRvNi~x-4f~fZ!4JnR zae6TZwq6(na+R6QF|3VD7=JPe#Llp__0d*$6H%dqHP^%l)eL?XNEy>E(ffUPfWvdX zpW*rSll+mM@8fo}k^eR=Y64pYqQ=1B{zH#}{`ZH|LC;GsUf$wDwUe5Qjry}MPOedH zGdU?|Rr=&$cpYUeL2Ap#9oG@!-}O?nl%XdVfn@NO`TlJQ#h{O9jcz;n#3_nVza z>T{%Y;Y_1@)ED&m0IhYL&leL!+ca;^A87T?iQRb$_QaO4d`pTy<11~}SC0z&@x`kh z;gJE7BiRWS6~tL5SuTTKOV2e+8tMaA0VZ^4horPeBPIk>&7bt`1R!}N#DAxxU5s@W zPTlpHF5^5h!cZ^EQg$OIb$XtxeK82!$s7xyxnB$DKwUF<1FNY7B(d0@4cNe6J8WzjUCG{0hB5TtCwjCgA`a4VI|nVJj%gISUb z`XTUE)(Y^Zs3y>=Jv3~8-qH;~dMYtbL=B!|z)7xBVT}N3=E>bA&&I zm}J|Gk|y%A1`BN9gs2eGtAA%?@>f-QWtFDzUAo$d>y8rs{kWAsattHvXY;LG=Iw@s z0(I<)%@xtluWOP=v9s+?Vjvgd5Yx&zO-8ZmW74&Ra~8-C$ZzVhGZ~KQ1c|eaDuByhveuQZ_*1LPt*(6P`$`CkkCp?&kyryG82$ z#kWjy1kB#u6VX6ZUn?GX2}>5hF5%JwzKqC&0{a#)hJ#-9Y}=*Uqv1U^y}b8HA>7~TM&*w}DHqy9GB z*8x8^tc?~bWYEa>@)FOeBW%3?{hc*AI+uNfmvaQtNt zMH5Mi;5XPlyk>9$bKiDV=V$`66wk_MRp*KC?FPBj@-cLO!ru&wUI=RfYk~B%`@>|b9ctWDtL%=PeYm3&m&pj69STV9Sa#5T`oz#n0d0}4l?;zS zm(9n1A!lRV@M=5;gFr<#J`TJFxx--2`a18UJ#8N7W9 z;Mx}qrkmH<6rq^Da<7y&{8|(2nMQCEa1+QR{D73O@odKkKN=BB;qf3J4=gP_dMiV| ziCMae6kK-|uJ)Ij>}INz28Y?-W%Wl{_p{>Zf=ymmL1IQw>fyP|LMPc&c&76 zw8hD6*z0)MQ*jY5wT%AS>~->mAi|EuH}%0__)I^d>xCB| ztKeqS31?E`8xqlXT=3qzGpW&1;h%yE{#_9`UgIt4pn8wJ_d*LS*VW*Q_f43 zKHTIc$^b*KH5Y(9bwYGt0CQ!pT$mh(+Sb1>5Vp?UyT5hwvuxr(1sb1QyIOMt!$3L@ zB8-G`-WA>#qZ~qX)3Gi|;obzeV}?oq3Zj`H_)xODKSM+3TV z^Ne6Vwyj|$x7Kow{=CCEzx?m)=3(?hpwA`reOy3KCA$)~(Vr=g$GP?@tplOZ&SSH4 z=fhRMp1g8l-q`_O1kT-l$NJGM5SQqO>tt^=c;d>AF~ted8wIZw%4A@<-_r@7dE$zn z{sTZlb;$UAQ;oAATO1|)b9yOP(1o&!9%*Rkl(Sf_9ARi<>yH#bLb_6e{E!niLgdW$ zBdP~yqr+Nstt!xP7z^;oH91k!v-sD0ylH5tk1KrW{U4Cy^eqs=h^oBQ8Ge(<|0@rX zCho=foI4r3`C!CwQudQr$3&qQfI}kx32-mFb1(xK2EQgc1EqEh#X|Kd*vl!{#xe$a z2-%Ou?%X~Esir@Kxy%?f#9_;D@JuF00?pFqOT7}4m9Doqn9tPr+dE8#By!ydc~NBg zC6E4gpkKuBe)ZA-I-)b3X_f{yCN0Q(64l5|$%j`3X^Ik$hg-V&)nZ(F7N)SC-@Hy8~nLOa2_hkK#hlz1&PhN0~aZ^rY^ zl>4sRT{JB`Aa`>>T^AMoL>~+`V2*!#iU^X!(bCi9H?l5fBg4#dE5MD{Q+EcfT;n>l zsr|H5@FcrYC0i8O!fb{mk()?_g58oK?sz^InE&p;0T%#+_WBZ}(-5zR&_nd$Rsl%w zcs6^%)%(6BSfbX`sfFdN)wjZV+n$91T780b0m?ly5T=gTmS7p^1a`PtsglARCcf0a;JGq zz6QKf1vt1kY=+VXot;l@V>ObTt>!n#@wU%);>0P{r%&(VhCi<@#AEoyHwDwBx)`D`-e}q483m*Z*XY#v-1{LT z3~`2^=`K5=7zY~hzwFgr*miqfbiVicG%G26WIi33*E_B+`sbY5Jr~Xee-QS-eY;KE znJYy2&9put22tNGG=%87~pDwlD(c9 z0iB>|1MB#f?|6!^IT}C`>VP5gJA%s8$1jMb(|ic-TS3lBV*MC^-5?C(VtF-co-}R- z9gYqrVd$cNAAZoISTO*4-++@S@4WQ{AiYnRb@<7v<>+QL)8+sI5Hes8iTKl@rHUNS z|3b_KMs}bqKpBx=9UY~=Q%uXDK-G4t%vAr%Yc0oKDK5?DzPENQ;D`KGGH7}`P0&v0 zX=nL+u!oMz6*S6jsf@tn)w^=;{WPUwepfDCv`v4f05^&yV3Lz|QoR(w8{7YP)wUy{ zWPT`t=B7!k`cIUL*dh0qAb2p~RoU+*=kDJ}+Cgz)Db52EYK;3Ap@uasCOCE$n5oj8 z5(Pitnm}~)Vp*(6^`SbcxBF*2E*t4ggDGE;fm&#AEBzLV{7} z30=hy50aa%&Zh9mfgBt*%&tgPrr$J6e{()E75^4VVMwjkTfZQ;;9Fn#{aa~sH&Kg( zIx06p1(?BfIS?U@2vEkTjw3#G|6LxwCAqj98T5zi(Y;FEu}FN(sYWbi&5AM<7;>T~Qo$q7 z)I#Np)u4L=hEi&4@r_zm#2BdfVqiQ>61XX?jHw?p5qQ-fHxHn5Ix@pak|J8%TcH#a z2(yXFH)6s7bk4CYBHbG{Uz+FxER_zR0b$o01YOW{vu$);7K>2r#9}!8Zxw;buN+6@ zEwUjZThoXH1?FFS2-b$J-QJI%gx25r!Fk>HM3Z6T^H2Re_qDHfZx82i04pEf_TOu= z-yl-73pzkZG>W@sZod)DXFPzTb6mec*_LTAerFL(D7*#dPsk~t#Xf(vEm$xA&^)Sb zr6kzu$6w1DsSY&4rvDE_|EK2?596zJAnmr6|BHiSz^g;|lNP`id%mp{W#j4jMF3-- zj2`TK8*o`FRn$}a^059w?fcTXTv*DxQ7ZB@4w+bf_`DWJ^dz)HvT41TYH(^KVQq|s{)Y+dMw8@N9wru9 z73+`+`nRBU%t=6rK;y7bc-M8WAM|$?lZNg@{7y|*6 zP(u%Xfi*wtB(t^pWq7&(l&VIP)~(420m>IchxiE?Hv1&o@5mVWyjz};5Y>OVTxTWr z0Ya!?oJH^8bKpgLK?)@4wULbE_-spQyu#p~Ge?uJcHj3USvKi6Uvqr-r0_dAE4F;# zs4lYZqGum$-?KDTj}*L!dRc?r|y)KZc5g^y#sz#v*IIJXxFR?b--EW zxhyLW-`=QWYfq$J{GT|XNtd8*02>jy5t_bi9$@^(0GD#6%I@F>J~0TDbRtT?QBhwN zrC5l7n9hV)Pv~1BU2;1o7|KjqB7bg0`GjMc*YpTlT!q9{SUALi){_=TK0S^eIu#xU zr--}|I^pX}10DMh5el0TMD-y(Pb@)U-dGEO32zX97e#I<_o(1+3*;XYF1qEc!H~SL z%NbKK)RfJfvXM&#efQ$|GR_LxF;WJGvWww9VGpcZQO8EpW^(eWDMqD?wApU8ru%!f zX(i;kYj{i}UAhxWHDphGq|Br%Hjb15x|gL-9uCdBnT+^KAuN#h&A-iU-`)EH{rtW~ z|KrdBpc*bHvPm-S1q~>$(i_wr1YiJKwA+&b7)?3X%{U89ZOsLvvA;}iGsL_-W9EQa zn&-q*uY&+|vA3Sniw*2{KJNB|?t30U-rGVY6mMyqjMCqiX8(5>z+|-s3II!gpA1Z~ z%!w|&tqJ%_!+{alTMGX9*K4GGD4d2mfFW$204D`C5;g@6Aj{CNR&*pSl97H41QcBv zRd0WZ>tmGe+=v3)%`s7?|IxY@-c@TN|D6_c}C>c!aBXLi2u?E=Kw>@`1IDj~^5y+3VbKZaXmH$@^0E?YF1VNu9xK zZR2+KMs)PQv!r{++T11O#Jv=_>u^`6#g5iRpU&=E?||b(JHx80>Z5`^J5jboYEV9< z*Ef-!nHzv|hqHS034~WRL)Kd=RLZ!a8LCYP-kZ@1eUKhqN0trI>K4-*A<$qY!TK}0 zwnPs;=#Qa#LZorI>cIEEoZ1(X6O?9066&5%;w-T>l<5cv5qsR)Y{ zEUFU42Y@J3FsnFuk?KT_yNjQY!D~4Bi3AY^-1Ob?*NEDp1_5-dW42I*1OIXejU&OF zhTa-#PqrRY=N3umEu65QF}a9^NYA8tUB*0Dt0VC5GgThOg+~1-$C*uLDrS`n%DmEK zY_I<5JYK#xD`R$0Jd1o9<=rwIoyk*RuPjo|jgefBXkK=i#b0SLr`*^N^~p^w1wctI zMpfSws$XSgd8Bh|mR8&5th*o0pOLE`@&efskArvY9&HPuzMr&BGjPKZ0klBOxMrhb!6 z1n8%ehC)9zXp@{cB+3ZZsa2~}oYREJE5{bnFQ2TSf=#GHVFnvVEA-aq_Kom8BUswu zH2w}sgA;Xx1~(m3R78PDOb>e$CKHyY@K_~nmfiBVuzh&)t+5uG`{4m{G|v+0C{Nd` z)8um^wTTUF z7=w~3ct0F zD@!zzq}Q(QO*l!}2_T)Fi<7o*;Kj{IaKDLqz#=utXp}K~KJMBkF-0 zkScY|%=JA1_^m@t?`^;91!3uTdX#6jwP?R8r7> z(r7CXJn-U1$@bMdN&2eFuiz z#{{(crb2)}<^7En+S@RoBrq}nDyW|Z)O1W>;UwBt7*O3$a4aho9x(I0PCP8^(?ln- z*`bx83OufIf+9rcqGj0*5ft^z*PxWMJ}cAYXd`3m^bTWJ_+}?_&~0P_sd;9dMgG7> zgg<^sgiTFeq$Y)ot=SU}<&0GXWqb96p+_S=%j8pjXQtA?$KMxzyA|y>5$!Y;??-jc z2uZ1tTqL?KRMou&Sg>~b2`&c!yiecSSLfGXF&x&tZ|LtLuRNb>{_HTsc%zBUaHbZs zSjnIQ$*4tO0sXV-QuNq~X0%OYnIupP2+N9MwSlYjEI@pD5aWb$_8tt_z6P~28pr;t zYWFlLphd%g_|K?j0nQ2T3ejlE|DD!Pc(&w(H% zkSIGhAxc2b9>IWOLnJDVMhlinYrDoklGzoSVof>&W={xW8$Disrn`hK%UCPilugW# zo_gYMaonFjgLJEHWNoWaMwQi$Fc>g36-ItBzFSw;JDvWKOokdO*R$Xm<>*yJ)1{eGOp zwH{u>zhLLU82VvsQmpidGZom@uXZVwA)BgCV!by9;hyjF-;2ZJ*LDfKy2asVZ~Ohe zMRuZ1-A!puHx%+inYIk_QK4g>DYH~gQ&%;6*U1fjr2NwJPwUh3j}OmIA99|XM7-{B z1NQB&$$6eKvHiWB1D1GNi}k3a{s}fLXl8jjfMM3I9LYL+d!C7A!=oV6nuY*fS$Q? zs$T(%JW<1k&MQrf0df!E#T6E5#r|w6g1hS!eAjf__QjV2fdEtA*%LgF7*hwt`~d-Q zC*f!!6AcgCqU*ZKD(H}d*;=$5PSEy3i#Z^@^E)T|zXQnMZP1PPQG)Tl)$@PCN7i8g zHXaBXzi~r940b;c=LH-x0^+WHhfk-K>;c3ty-)$$oV*KCxGPJgOi&+3A}c;&ag%k~ ze|KSh7y;T2hy0t4XdiT%!Fz#R8PJpy5iSgjuPkwcprbD?4AN1SC~F&q1?z}qp;G93 zp|7>K&?ClND*g>@@5T*0uE7w%##{GbOUmm*>$K#%!47Xc zJ^RWW?{9p2;B3u)TlmOk`+WIS9YC6kR@2O!NNwpaC6)%bz)=kJS<=ZM0>2KgO^Q{9 z$@%rN6JCWj4N$ymNoY3J2;#tsnqipRzGA4$>an%CKxNE>aqUELQHviO-qv)=8L**y zVsRLMKv7B+g`vlMmRYn$8WH0RjP7$MS5e+@`Yu;h(4pqQe9XHG(E&uT6xc>s7ft(m zZiylTkYzc{p2e8hrm2W5rwoDV2iL7onY)o{t31g&7ZuW*J8TT~_gml43HDZ|dK9-V zu&g=|HE{|)G!Ln>a$|f$K58`z@i!L^vN%}4jMeFfpN%@_Y&;M+L<^a;zJR$Tcw_l$ zi+$b0O4*jkeEqF5QVs8J#uS5SHG)Nq9LsP&IF6%u>(;7&VnCoA2^Ki2c(0?XP2wcd z^$QAEa;AFfOY148{?M4lE(b^&)4P<|5yOrG}I7zQUx(3G`u<30#te7+AvcZqKF@1QO>Ymr4-CP`(FQo035T?|Ee`{ieWt537d7t%WYMD={i||o@g-&yZd$b&%Z-I>lOFrU|$eY$+xpBJ?Zy-hdy9MZEMM&aikPM;gXx%qO0?6lC9=ZFqBw43tE<~@$0 zX^Ln*HE$uA?wOt8adVg<#`g?-gp1e1h)}8TX>ofkzp)%(P-?bIG=vUdSSo=!ixq%i zja+(+mVo>p$)AJ}<|)u*%04e%-q11JB$;XOAI4AM=!vlIt^e!5|?I{Vs^lvV}ai&no-$`?p8B zlD6tN0iml+D{{x`)ke9tY7a>wZ(9s-E2 zG-B5zj5tf#lHQjHw+Ga(E(|F4#>pQ4biY?KIaD(#G40>7G8^%z9Qz5FW8AqL`5eA~ zJ3saRB=_^VZk^}S$-zQXL+f_%W^BUWIlMvt2N%4*Fq?>&tqzUIzb@BIIS54z4OSeV#oQ~_KwAHY?wM+Pf5u|Q;n`tLO-=k*$Gzll z9)E6(uMHM-{wChuX$FC!9-9Bg$FiKLw*K(!-%ro67rrliaQC zGK18&zzTZqTiLw0=f8jYFLkifI2E|=gg0?BTO!g|=HDBcuZM8A6sHOmPl!G1L`WTjNk~bKk8W(R)%IJ4KS@8e ztEc1gLwA!(N3Ir3u%}}we?%gljKJHgbfJraRPi;?%>=AnH?Az=5&*3;n~*R6`@>8J z2iPj0`O^!XMTfKg&R)etO#==iLH$S6;s{csaE7rsG*)D@NiKv$MGDjdnNr(*2ZM_y z#3bldhmVjmzd(TQQ`M5}sC5t7;OgJGYAOt}Nl(=Ai1J%n{DeyZs_QO5S5;()z8t9(N^posU({f=c*0%wi5XLIX_S+uumFyddF7?*6Ov9%vEJ0fgj;_ObrD(HRhpn**?zMj z!;Rqyp62Z$Mu;CeF_(Dj1Q`AH+Ku}@!Px!kVfbhdLz+@pa3kdRE~G7h-Y%1o8s^Ei z(moCMc`S8^-E<#lCGT+Cp$CFt?K)#q923{&YR`wcY|EnPk+BHUAWqa@QDy=Edb z%r9x`%)3Fz>7xn~IZ#~9BpuG(04zI5?x=|_16eir5!p~tx`YOD+L3}u;M>~UC~Nw= zl`}{|uMdq4NH9)-qlQ7^W^8fK%u*M{(N;yf3e$0D6sFh@hADO;aeYoXY z|LTPoRyosdG}=}NFrV$ezfw4E#b6+Q5-{zWE1Z=%ANHd zs{AihT-HCZ<_}SNe5^kp3}L6|7Fpzu1NUI;veOS|Ga@pty^n0vxR2+VVhDfg#hRMe z0|kH}?8$8Xdf4glL;&ze_a;;OJ}rg#BHeiY^7red(fhwQ_U;$k^@oXdAC=N;)n;dJ z_Xp@!Un>3uVkl2n*JJgA@u_ayyv}V0XzkMPc5ME3iIS@Y89@p-sK0BzcO(%(G@~s4 zb!KKQeQ{tG52cz5oM>jjiMmHBO+^iw*ns|2j93Qa?sM^vo#Xwp zQM7Sl!|&;OC9C^Ocvn@L(b4)0+7LqU{AoxecF@od_}rn1iz1?$KNB`aJX-Ben4}6&YF`4I!Kv-8ha{@P(FrbV^O6Bu5PlGbEsvi%%dp$3@e*Hx4 z`l=ZrWUs)mU98gOlP-)~&8l_1$@J4dyT8gNFz#&aMSpIS>R)<@i)Zxz^ydD?771!I z=lV2s_fzN%-Sb_nBe~l5R_@=o+mG$#+8`Og0%+|s+=(nIN03mNh(lxnYWhm0!XPTY zLx{#-NBnT8*r9u2#sJvYmYg6dj=Pf1FN3S2pWeHQlA>8ng(nXdNSWVy{M*4+gObGL zN%(1@{IeH`r9$b5xN*CYDMw+fIExE2>0!u=%4r4wDQ#pj_?VJyjYGyHX`V`UtS%Vp zr19wFWb!!6@4Ne^qX(V|86_s0clEJJXa_V2YIqDs# z$?!VV333b?b?8xC9>tecpSvMA`2Z{ucyV#ZDFk8}RT%nY5Y3E;AEd+HfVCn%nQLZT z7E~CP`&XAY2_I0Gf)9@SNx@vzUt2VJsy;P6-PhUegc~~d5C#@ zGL$hNrRQg#ou9!bh4rweWn3Wu)YJu3<%894-dD(g?<8A`FmdsYzeJFo&p`koL8?JI z>UE*6>+AU3Vay);#Wgpr^F2PT^^WI}rm-G>2pjNoF32Xr_T^44 zsnqKoS~(2~O1e{mU6ThuWS0@vtS^2dA8NvpS7-Agc|%nMGNm1b(V-}_Pyu7GmHnX9 zq8)zOATA_sK|m8eH~ve*#An-^(i9zxw@JeM`l1MqRG)xh@#M-_RAtRiG?D=QNz{<1 zCRq)XM1*XH&2=_r;S^(l1&IjY=topIX6r0J4AJG}51M~Gv!8HeRQOvp%Tk0>&6(;& z0n&+lsCpFT>x=5hpUEf!$0nxGyzgS$9bO+gnL}x%_`AO50JuG`KL;FYysvuP&iULN zs2g=6fy2P#;6iAAfx%0R31+B`1HdwdU-&pK>nuhW$&>^gy6-^8|B&_7F?IaWm-8ME zcXxMpDehME;Z~%0fnqHV4=A)0FHqd2I23m&Qrz94xVy{p-Q>5~%_g7uV=^>~-`^KBH9Sq#vwiluHr{lltc|2(6Yt$5?5G?hmt;o?QWY0iK zWa1Zzx+kRcyVj49FRpCub4T%G0sm@0J}>A!>pmafyjwG9O;f#azx~L$F-j)UXbAG; zTK3k*XeZf>yxsMyF%P>Q+(gaSV(!MYAZ;PhI?B&u~@hhb%Z-7U9Eh-(q%Bvo=f-G-IEV6JUqZ3{{ zx*Rn4>H&(V`k6iJ&w$Psq#7|1N}=~?hp8Ge5(}CSgRh=TK<&4Y2gkCL7z<{n6 z#2STKJpapjt7M`Thx212J4~h?-r0aaeXz4h_FpSy1E|AlZ`5j!id7KoOs9S^fDl-* zL^iL?HbBm(VDE4ZMxl#RcB3Z)sch8aB=HrIDpxlC?94?_w~C3GuEjJF`T<{{DSh%f zU`tJR)@@)w3?D$|$Wqz&9=OglqmUAsMNQ%U}+?wIWK^_ys=6_`6y?_o@wLRMQ+xkz#c^jqKs#TKU4 zenf^(gjUH3a0&10>-O3c8h)xtzD;pzzWTu+ay04goX|`+7!n{%BUahJ+dGTo)qCa(Pu)wTu@26 zS|diH9A@ly5@#pGtrQ#!nCMjvUW8>Q&_Bt-IrV)7qv z>CegZV~K~Q_S^nbYFOmG+g`i>)t1rfEIC2gYjLJAR25|FLC<1eql=@V`LE_f>mLn- z=7D{}cGknVtN^~-$-#U4Qf^wCg(#xF~{53P-pyu}}C>^D!`kD^a2*}0anVl$fQ>1C0&h*NMeuc14!*M5$uy6r(;d{g8xu}FQ_n7w{H{Tf;_ zfkhH?e$*vLfkX3MZKyV_S7J~1(}^FK7m#*sn!Wy()y0;WrE8Jr}o8db7z}{)eij}daRuM*{At_2*6o$ z7Zc9@7kf@;0?q~$GVVA74o<{RFpt`v{QV!6C9W!6uT|R5e9lb$GXGMd*bOAs`S~jP z`pzxYsOK{8B4QFmSGFC_CO$nZ{`-4(sxo65Y4g|IjZ7e_ySkx(t&;a!HQ@>T;x*bZ z^?OvIqd=tLC3U!*S#}{-Qswrdo8$qQ0o)%*eS)=-lump>bwWsWWva_pRjUq-r}B`s zjGlOG2hulM_$mJ|0gK|Hzw^ae+~Dqd#Hn{yq`@6M?ug`JXXS8&Z(kjKg1I;>47)e| zT(V;b&#QR#T~U51caW6`Qj`jO?obO)i~mwAVBW<&f~e>Cr!QoL*qt}B)jpF*puO1|R^ zeWEFZVwX!O#|~ywimytDxi4xy6+Rmnq;JdMUN>*m3v^~~ZP|&NO)Nea?_3Izi>rOD zRKXo{%jj0!KtRr^anB8^!x}(t$Nip1FICg{hnkeTZrGGJg!MZ4J$0!gdRsm5d7?B_)@#Vp5~d9dtUh`C*(zDy8c>hw`PL;@gjB!D zQ;f<`w=TlAix2d2Nqq?ZAZ#v13F^Tyc`cm}VT7TYeboV8T(CRL={h@lXv{c$`Jm~Kid2imT9MbbU8qqCR{mw?fsRDmu~tc2d|<&t}AFeH&m zI5SNI%ksp-%qpN(A#oNzH{^iz)!_7fL8x^?=E9}@G*X?)3K_P78-zd2;O_KYNVw(V zf1tuVyOLqo(t;->GFuQ7rIFhcdN=TL{UC8sL$Y@z--$`#p~p<;5D01CBQ@Ccai+U^&l+p7oCP{ zmTVr?QBV=I7LAMNxzYx=T)#SsN%1@%&1o~bB-s9M^>M=eePlJV?Rs2zol ziE!0~&l9it3^|_sg~Z=lZ}GUhO=R^Rc4_Idp5Hdq(wbEo?JJpuKhHpge`osPK zG0|XVu5h-{pwAVV!!lG5HS^jK1=Pw4Wvq?;)lT)cv#5Duo4g~-+5Dl+^ zpumcVY+N`)yT!TkwpNk5?I)1CS-dJNRfoa;oH|maNm7Up@6DfU#nM8UKpj%)_i`x4 zb$aBme+pxm@06uLIgF-0tzu43UF?S+ne#qWa78NHwKo<#?Bze^904{V{CtJG894)$4G}dU>QSJix$lYYxzCZkQQ*6T>tbYg zD3R1C@tEo!fVDTE3Lu;@VA=ZKw%BO->v(G#HrSa60|s{;kw#%TzH5kDjUIFcCYk~{ zKBEK(3WL-?4SoJ(t;7B*Jr%CR@ny7s{{aMcOw&P1KedZV(afo=2f3_B^-i<<#7c+W ze+Hp^k?K|b?CAUJUOebP#LE;P9beU>!#;*U%5y@K42I8Gl8MVzSU=|jr7R?h?`T^q zH1Gcx!iEsWO2KIfGAncGpS0Q&{1#i)&zkgY@%!IMccZX^txp|Y^8fOr@Wrf1nR36B zLEx8NQ>Da!!4c8n6129hIs_&nI#HFstb!|7i8o6<-4q=L24cg5gG=~U3RRcLbIcoC z-8q(mV3;gYp0$T^wWu;f6|44V$KcSxHz7Z_;|h_Rl(63rP+FUcEopu9`aYUy)S^X!puwn)GL9%LxFkh;M;2 zaQ7HddtF+<{eqacdrJG`{r=#nxANZ>cq~P6MaGhk9!|<$olY8AD|jVCy&7I88y`3% zMH}+~MMY7Ui3wbrEhUg59rQG-krAgs6JQf3TZ#+6PcVTyHONzdRFjnv#>7;K7~LG$ zd0#mTU)$E+FYz)?Cv348*0%I4mib75?OYnj^=X#o@DNQzhB`i!rD5=m2WmUw!S-FC z!VSpu+B&a>PPV$>Y6OjWExx7Eq|u#PM9NdRZo!xzSM`NL8#&*%|Jc@Vk(}ybf5qv$ zRCBKrt^He-SpP9hK(M$WMV5;m9=Q}v;+t^QhXDgkZE601x&lZ$`{3#chrhW?{_`uB z<x=8_8y|1m?}WU$kio+_I_C_rz?D6-Owz`Z}Ssm;847nK$5NFEKOoMAEkYG4ZeqJ#2d}3q0 zl}0>ZNUFmO?0{ihM)f|xPH@|RYn~>cscn*K`QeFH&Ic?)4~`?kvj{chGwA#z5|$0370>#npe?CC)?TTyO*z3|$Z$z$b5 zFshhcv^MBgw2-yya1?mC5rG9|#SI#pE(|mr8bY77A~brU`;J(B)n=xTbPLKniW+89 zYt*Di0t@ggM(7#eLkOoe^NHi>LKo{B2Iwdqq}Xo1ML0tQ7% z-Q;yRa$_lc3re1A?A~=Z^h^|{6I=IbHc3`{*twG(e>aF*R8sZM?#uo4SY3>6}vC`mm*EdH~}vHXHsQtu%RB2pJeh{%D?E8VI_FR zuvOH5$%Rab)}#jUjN`@8`svY!>I2htS=Yi{^!oB0=OUl^*?ZnIn$=_`|GNor zD(S5B3*cIQ@sT(i>7LET`0tUhJrN7` zsm2fsEmWwAC6m^u7ZBQy*^q%vaIClEHZ<66m!|H0IuB?0G9COg5!UU?X~5(8#e>jO zm&Am`V{ZHD;Kky}cKzyWsr1a~sVsOjIwvm9)s&9IY8EQni8CQ$( zF_iIjG5Q}UiV@BNo5G}!8DY`#Gh0xN1|?uWhEXM*CeXlR2Tw9*xbh9bHXEbb5rJJY zUt0*ju5g+S881Og5;nbmGj>O%pJL{r93?BYbb9<*P&v z8e5`t_<*yfM6|Cs^y8IT7D6pc(%^0^%%QM6c1IQ=yB6Q_Lod#kvHmZxR4ug-{c(TM-S0~Hj2xpKXAk;boXtY!$(f#yYZ-8Se?5!Fz4Hgnj+Q)d zPMTEv5>&N6#9UdGd8f9$pOXVGJ0=yh{=!aBM{&T6PU3*g%M1cC1`3qzQJkefERixw3vcY}VxtD~swqu>AD?4LQ(l-50Fg6C;*n^*KOxW|ueTFX0tlV))L?6fdkr1Y|8N1KIV2%k zf8zINaeMgI%`^#jX*A$*1s1mzfX#@uzwuaL6Q^C*To3irXIj5446=(!x1_Uz_hN6n zZ}lF%3J);(FHc1v00fx1hn!09}l}*z2@;a|Cw z&^mqsA&sft&{b#e;`o~%dzLXW#l+G&EQXZ0O5x#eiewo;$&x@Ek50HknPuQLGpyJ( zfe6q5yFh)EhI_Layf^Y&E}APO1{CD$AB%2ZTWLOVXUPxxAFo!zRzzG*#5&_I6BhYY zzQuCPxc@HK4x(WSk~7r;iU3J9vtHN0EwGmKD=$|$zbhW9ps4!2_A)TL6G{#4^UF+l_F1W#trTNC;Rz~o@Kk1|I!x~kjU_`5~(HyM!@eQcwd*1Ti?LQ=f zv1?iznc=hXBm2+EEtn!05DeyvXu9(@fewz=d}Oo(5g*_;Zok8{C{8g&aFa*qC#pka z4cjiR!y6>lgcQJzn|%%IXOV}O-!!Ek5^+hQ5{9&s(*^i7&apt8?=++F7i0k%al z#ew|b7v>?d_{D2nKwnmk`;Zb{!&C;~r5vC~(;-zynOmxD+gei%PY-IG?yI5}1py*YW{^>S^4g5Vgg+OxDj?KKpytAlq(H1c)7q1A7r0SZL0udQN z2#Xp3VH!mS>(bSPJO%egy2Da(vzh1{lv*``!zQ+6$R7hk4xwb0JY>nsG-2i7(2^y% zzBT&j%mX!e5Bami_w+D*K{-=>J}X2jLMT0RsTCu=;+NuyV*D0uDNvn$|H^kkLt+sr5mOyGYz9w5n{X?5HtjQ7R#?(hWU z9J4~gk{tXmQyz0s&Jk%>w^)FmXK}^qFGibPi{~Yio1^+yg@oMV_{+nNsZq;Q#V-I68GJh?pzjQdf(R9f8=|+JjMRHdI(mnShP&T=W@F zcvfxky;oGQ4=&ne0vdJ+d^goDhDYc&O#ha4YJ5b4sTT#8pG>mL1N~|-NcfXrO5q}6 z;&W*9eO^Mof|PBkrqWWNHjl3-%dzEGbRZ3@G7DT=LX+!q-cAgFU#)X#$U7?%_myMA z^&vf5*&t2RHHQ_^To`F`Kt01U#xs^MYO~KVdP%?)VYlisw28bYdgHYx97u|>B%ulSaO2;Fj{EpgP92!Ch@n};Kd5ttYf|Ji~Xmyn+>)^nihPUod1FxR0?_WiZS)gq{ z{FwraCJ=v$CkMX89>_1ZkhKq|J25CM24>UcQ%YaOkBpyC6oVyeYpodN&2H~8CIU~E z?=}mzFYJ0l1d;&WtkX93`Hnf3%->?kJhI~+_(mD<1|1RRf5uU|zPSXw7n0{dqG-$t z=TqZT(`RF{V)MqjyHVRqXucdU`G)p!>8Yfm-H+k5%i&HJwHe^|VB^J;E#h3X^r^&} zHBL6im_IOnST)OgZ@Q|5NrM@#8ZA3}S807zpoZK|WWN(E7lUFUIg%jh)Z>V&%LdJ4 zvtktaJM3mo^t5Mnm$&N{1&>N9jOjOp zh7}uWSj7({7;$;@wuZhJr1}BYNOxSlT!gXqbhYF?=Sx;p2>GG$38K0d6X!bZqAkdb zwBH|rz`~z30nxYu8()x1e)`51Yh4eoMiZ#=E)Zgm0!Cq3&_)ZiSE}?eI$O)**pu+u zvEkq|w!JNt@S%+`ZGE!6A7Z~G$G~*2x(gmfzV!)-Zzplg>W&l|6( z(`@_Gw%a{h0CzuQCwbDM>bw7<3?&66rL^GDq}~0qjNi-pIW-3-L3D5K*Sndl$*jrf zzY2){Xyw{P0RYTH2VFhHQ(~^L^K8Yxyl1C+Ez=G%mr3^4s(_iBbc5;C$K5Y@CZC7Ex)GVu7XF|GSZimW;2eV@2BC9ht2Dg5Jid*=3!Vl%>(@cjtk z=~{5J(thPg{oZLuR%o*=s94-L=8H_TxX#sKG9gb|ao;MA-QA|9BIr^YBitm))^~M4z--X-MKYork zD|S7YSfnHA!M*JMsP@iKyjz4>CB=qs;j;Afp(*wOQ}a3e1Z0 zrb$w!lv22AbX-Sa3g#L5h4mAzEW;Rm^B|0jTPyN)1I)8xwF=TdmINWZiD5=f@};T` z>w}dAPr0HCY=&ECQzQ_lB#^m71p+#iO!9b&J@UMEtiDI~W=v3Zsv!Opb)rw{`cwD} z^$s7xuNhD3{Oa_9`bl>q&)<#$9Y>+82|&%zHvbVBs61M<)17A&W)unU0F8}>whm}h z{E`_ATshODa-hf2SW}sKMW5(Cc|1-ZELX$-O3~_j7f-yOE^E3?-_s4RU2 z6!}fOf}(EV#DBXP#>Y{wjqo>3qPFN#W;p`Y5ySTgSw@u4tU{pzfUg8l3e+Z*zV*b~qG^q#Q+- z4V=gPew;dgUqCRN0n1!PzdJpvl?fX9J|2AH!MY;USbeq8IrDM)qmEb>7NXqN<81%T zkl)RbKmN2(hbPEw!Oyhq*EUpju8qCRsn{Sm#lzNM!Jx(LnEPtl4{L4V7IrNwVpeu{~C z1~oHY-bPSluJ303knP1re7hNB%tfC@W}ZS-RZZuP5l*4iE0i6+OOvFb{Aua5+>r$` z2?187?WA9s0lqkH=bRJoKC1@)YL5{=AG*NBbB-RBaKRjS&0sngZ-6wvtF<`)lho_K zHPM48qE8|2JCto%)n1K8^9}%6Yut!Gi|7)C_=tk~7B!61TNoo1(H*aW&ecurr-7V3 z-Um%9Y*BVpfELo z3Mgz%8>Su0Lo8h@(6P~wBZuuy=s*6+7t1OA#jQQg zI*qWjxa2R)a(Yq!1j63VySM-h^w>1I^o{~@+FcI^{M>*euj^A-tJv|C#IbKEl89+X zquL900;mL2OD z_tsh8ZxJMEoEM_LqxW;$HZko8rNhXlRvh{66 zLkdFidaT*ZHJ$F~0k#$7YCt2OP36nTPC_PuIOv=4kiputXWIsK5#ni0cPWRfT8~MB ze>`Be)hi_$=bl#G07jq+>Y&%yTWBGoN9vQJu?li}E2&Bj{cDHQo)FUw=d3Nv@#-&B zMH`t0(l2;@E{`MZApLCRwYlu9g<~3z@o1|+!ej@{oC7fpjOQ!0+R-dL^5a86==%iP zy#nm0eGK#;w(iu6qhhAqoBPLC%3r*TOhK%B#TLbdGz5hPm3SScDAo4re1$k`3#Hg& zd1OjxWtD+&Yt*mNCP$g{XbAok>J2ZfrZ-Vx3&DC*k#9OyvvHQgHmv2`IVs;HCCyO3 zIUbLsfL^?*1Wu63?G(h@ee>I1x89K(6vyF(S6PJfY6u$>6-P@w0j~~>4A|q$x<$n! zB6nH=Uq!JlUBsK1!t)#sb~MRmnF-M8-8lGb5B1Hj#6$3AetIM9y9!iy7wIdzs%vFo ztPs4MpiS%S!0Uq6TH9Cr_FjwztS<=DV@Dgg|D6JWYxxya=Mp_RpmN#a;rm{4HW!!Q)GqWc_L6=`@>Oi z-5w-Vv0n9n2U7u8cAH>vlz(PsR^}C<3lVZvQqo8fDi*60{j;P@HHo3EjV*-?De^}r zxE@_yNW&J*W*x77#NDf{6=RmFNhhGcStRp z^aU<~AqxpiV`E1W9`yxQde}H8Pb{gqQ?wM7sv5=I#LWsbP8v2fkDAyy=un=3eEB>U zsN13t{^WkMU;-a}t&IDC-B_p2Eh#=tQADY@uQ-8mj`Wvh77vj8#z8(3Lv9&_=+=O<#GEiHhfURis;44!S@6s zr9+oJQg;lV3r^gjdT@9&$VjXy605_TtQ!U4cZ?P=WZ#>aFKvnCyC+k}wy57ST-CQY zyU~cBJlcKOt{Km8M%=P7?h9F9p48cM+|-BkvB`O9b4mxk?rYLxIUGfU{K#Jv4WwRW z0KS^XDNQQ{-8oCmvao#2@8<*2a$YzmsS`VO5QUAbU{5zDAZCjEtn%lG*7PRhE=Z`z zh(#%(L>@}9KAglG81dJ#I8<6ACV0VGd_v85sH1U?bjD2=X76s48>$!~fc;h^tHzVA z-qYMZ?9D8h$q!+5{x~pLMi56tIkCzX7uP84Z3dAyvlt9s9j)<)Q|BJ+E2;s&^hbaKVJpF+E4`QjBNp!uI|efLdeMu>sBAGJ(M<16gCWXoYV+ z2y64j&)1P~NP5`yl1CNXjWP$n7Pub%`f=dS>049CiXM4w`cQ^0v3`~{A^?kV%g0oq zWFL{Lxo-m1`U=wvDI9=aS;l-S-X}?QxUCOa+qB=Ghch2$OileyT=rJgJYN2K_#;ai z>s25^HHuP#mK;QtEjjq}*x02r(vcFBL|veQQs6T>U;;#XyzIyrK`RXaJN7JeR%lu} zxR>SUw9wvoL&&%LNNvpl4y>D%ppNHteAwRU%r(WLD4(VbkhVQ=w~{`U>4Lf)6-)2%xXB1`TaPJ|ND1F zEeNDT=_2UxIJx;cFB|QL^5(p3maHo>hu!fU5*Uc!F6yCR!VVi33XCzYMb6##aD&zV)&NIhkUuD#xn;yy!Bt%7#s@Vh|U^tq@$QJDEZ z>Tm@|JO9glvvT?%0T-9ungzy=_ItQhH=Y@pP4A>sa$Kp{!4?kBawsan4%S+c zrA3lkb~^7=oIAB?uUdS@9$4~}-bSGSK_Yi|XCxQJHfy;c(ET%LY0wB5= z?@R_;K1jL;S9K&Ebz3VJRgOErsw*-@ zQl+&?Dgt>O@aBvwO0;WZNxqbmf$FH4IfH<<%R7RvPWoptQzk#*0nK+!uNgx|Ua*n> zhxz)!iPiH(I*d}e`6_?#iK1xO``-~zT}EYiGUl7Kp++-kX7{}8=P}i=LKPpA2EH&> z_J6hRS~!Bq$3TK(*!ANdRU_p8s5(Ezo$2J5izLocOC~@%$9h$ay~Rmlipo+RA2z#<0Rq9M)?*#~*u zdC1*kn(14*bvQoCqn7iUx@NTGu#5uMJsl?KLLZ7Gi&MWAG(hv7Uj1teyfbrnZ58dC zHFMhKENr0YIv!=5$sGD|QbJ>oDYaHshNm-@&2C^I&bwKkK^*5z_yqe(S|U7JeZFTJ zW};}yd^WjPUodPIhtuuj!RMXVp+nu;P0T(I&qo+R&<4wL{yFJxjcTdiHV%!o4#WOx zp_-9PpQ1+=$==&?GQMf?T5Z1wjvlS0{9Z?F?@0!B4RxD_4Vzs=mFUB~&J8?8RTDnM zyya(uIRBPE)xUlP%Zub@uLw%uLp3pVFL&`^ZQfrqM03r%%iw&s@x30zfSvZ+`vKM9 zb4Lm_uZQE;`oLG9zPR>~@3f>kourQJL4BcfX<&h1Mwi2z2JolNr)|eyP}9Gx1v^|K za^06(&;wkwHjwBwYG{}AAU2*9r6x+%)N}F)gB-vnL3WXoiSf-AaXfR{RpnFr#`TVV zIw+YPhbo)mUoQ$JRS3j+0i@G?M1^qi@YZ$)q4~kgXnc%ID$>b}LdK9B{V=p_0D`cE za*L=^n$2-#u2mGEaULA6Xx5O;E){Bsb}FOFM3kBffg%d(;`ekgkYLOFY7yswK{Q4{MjP0IXFv4ECDBUXP;6ze77n%`fW z85@??oI_qs-`^US|EF+>;*LPd9sm(Bb#NDGyGa7t9cUk`b4^?{J-^c6i*Sk1rJGue zzcl|^y0GW`1YH}SEl(a=eQ7ThEZ8|Sc(!;H>b=Ib+d9XAwFlhX-i)XP9A97D#q3Nx zUaRlnP`vf@4GCujT(2Y4qsDtK=NBhh6;))(83WvIhH@)fU3VCmPlF8qH`3*QebV!F zF&FU;(qZU-`tR&4kW$UduJ==Ahx&)^rV>&a^Qk9mC{l-0u!?kt@w;-OK$3}B6EgxE zZ+~k)8>f&F@!wWcwY}w=$yLrfRjpi24qhNyJXsF#My~+6F`%;HohUm$>n#r2ZBW@j zGJ`JeA+Q97zX{9@Sw!O>`twJ%+7%Snc@ST-Pm92^a0+(%%Hy12**V#I%o4V^4Vbz6 zTP85fBGxQ?bo*B#VmRMJcI7ps1j^Ud=6h)*;dX77UDexFG}VK(Rq#zVxUu3G+O- zSiYb&eeX- z>gY$VSC$XPlUckcP`~U=J1!OO>hvZg(*3U!ui~LsRo72Z6FZMTsgb?3BwyvPKlSzY z=yt?h=D-9(r^+!L+mB@eYM2VGuI-=NSt_Ig(NxNsj**Sl;eNP%dW!=DXzRa?oU)FH#m3rGx z35d;;r&$Wv{;;d0D{B2|#xB>BwOwxDXEu|WCeOY6U(17?->;Lz!!sshNjU~+G!UFs zLKH^_!C4|_1G=zZ|IY0XdpE+|u_t200A@PrS381t4#b*;1VPX%=CtNTW)$WR;diQ= zkt~Hp?AiA6zak|uV33oSuV-&xEM7gaGwpEvQ-&>`C(`B`w$jr|lt9>kR@%AFN9Tk!%6j@ssT&$i=i2_B? zQVmfl0y~5vch2$;BW?csQeIMw0zgAOn0m>zTdE5FhYR40gq9WhO_qqUs_T0>h00dA zNm%nOC41~ZBYQ^KaHR+`ObN|a=J)U$kHZ|ly>1$kvod322L@y{-12~z355uUtAE^lv26Syuq{x zXkjq!_oI7ZK7Ev9*pSX4TyRs^uB`@cq!g7yy{Wg!Uh#^lU-U)aQ0uHA+RTbq8|z?| zLs2nD`A0dqo}yCGoz4ECR=0{;|7ZsuEaZly%eM*PW&{dHrrVzU;L1K$n($Y7mvdmI z5s@OgEH!CZ0{-l(wB+08{Pz-Qf+FsdQUOSMCwgvVfpE~G&iB4+&15pMB& zz(zRRjDxGBH%$d;IKK)hzPL@^V1yj2fk*j~nwVBioh5Das&|ot&y&!@<^Nk}GrdNU zc;8;u=Fjgx#5qv3<3zv^O-|k|e}$98{^NTxdY#zb;9qNc$&2z_vTyn%n3-_m>uHpt zNhyYaMIq7C{`B@E7TelQ|185@i#h&AkXa8JBKx& zvr{--1~=7Cw$A46A#Vp+9G3casYyb9kTtGI4q{3Xbz?kGjFQD;zKqPR{ov9{A`o^DScs+4i`PQ7 zHI@o1FCd z?QD>fU0-cM9(#O`oVYVJiKiA#jqc+_E3zs9Q;J}6^blO`S{B+wsd-~tAU~>}r?i}v zJ@)77(8az0u(P)F7f`pgvNd3Yi!8{5-Q~ZjGED{dw?LUoR%De7K-zWY^*xR4A2!;N zMS@W-Re&Rp9)*4p7GCZtBfA(pXfzjKh!nv-kv%am5zR?*W#_*c1#u5p(B>#>g)u(4 zPpAS_JTOh%xQvExt)E9G_ZkoL+Sv{ih3!w@{ie0@9vL2B0g|Lft}#)0`WkGLV$c-X z0;>WBOI>DcB^7e=0ES38xHw_UwJc;9Q^mibNDF5Y#(-v`H^kX|NehYPuiVi^mw0P6~Uc6XHhnkN>y|eC!N`4VF~iz=db# zWcIidE0Q+avb9_@+!WPOBmkA=(2!dlpRRL7S<8Zxp4CweZ2Ole_-(xHl=yz;=5!Ae z7;0}4TzhNx!g#kyx|m6tAu`fpzPyLj?A+=diBGZ?<0COo(ie%mp5+mYt)yOyYEls; z1!&@Rje%4Pgyby)`BK%4;=$r0dCsn>NMOAQAN9Atbu91yYuOyzyh^xvK)rZkcJn4IF|N5SnZKln{R#hjdn#;034S1;;pK9t*{1ymN5(0~%XwR|w(ko!g?Odv z=pvj`-Sx8!aJie@`VjLO5zS-^W2&OAm}Z>?uDl2v4)$*s7^6SL+!gs!fKMIT2t$_L z6>bMfcBGB}qRifS{Qj>@9_4W)G2o-u)2oYvgio!hKgm#r^rHiG&k(d0%eVGJQHVlkXxz~_i;l_#m{bV zmBo+-xLc@7en!%MyQu9$SR8TVRaQmlauZVwcPZ^zkGH}^Y^f091perbc>w2;UcxVS z>cYh>vh*4v1zs;BTQFCa{Rw*odY*fYLQ^e|02nzo29-dUuR7L2F1$2{EI4KQ?V291b2AgW)4U`F=4iyOf*9KHDfe6HM|i?sc%R`cwUuRu)ny0H zUVf9FxDyJt_6@riT;dDD)xR5kb_z))v6(6*@?LFyKR>@M6cHi{qMp_Y&zD^2_ka#SVX#RGl?TXYM_u(UGdKl%NxBQ)g z8Y4HMDC}&l4;m#=P|aoFMadIOjIx|*i1TNBq6;$<+mRHoTT1ZP^XA=egj5;)W9koB z6CSZ>VQ(cV`_qzGlgOuR)k8^Vkb6o-2hUT_d-zH&wg2HD6;Txeplfim^ukjIV-h4% z=Sv0}!9ihfFlj`re$C+f)eme}Zj&{&q{AjYzo+V=$xb4U`e)0B6AbGv^v>1wdvno# zvv5>PDil3~j~eJ+5{#MXu&%7zlVoN@T*qTPXg@sZaF*kMvEb;raGIA@cA1;6Shd~H zxbnduGKHq-0PjA3URmP9ZXud6O<3ml;Lp|a+zhWjk~IT2?1BH5|LTqN%$(b`2l_h& zz;plsh&`&&8)HyQ6Y>8NT%egVFX=aq&RvdRGb?6t>KML==r1Gym#lrXv&&0n;Gy9lu;wifZ3Tpkl2E|3J@)*RaJ|UD z{qe24Mp-Q^LZ|u#ZWNgxZjK&DKE7;F?#(NY>ejqF z*n@ra$E3MF_G@Y=2>&43qOSKUFZ+tT^UF!X&W2RQjr`YSgk8Buh5dA@P=ruKt#l0u zi&lq%!m189iq(lHn3yUL_QX1s{V=%kU&Ok;-xY6o$$jW3;h}|OadMizCQp?|Q39;M z!AH|!#v6&dSNHV^?<}7>M5@(Wy#TvT0Lc1B^l~Z!YzG{KS8UAr|CoCj_w%i7dp^3l zZ2q_}bPOIlNS!qoi6){Mid7Io4 z2>w}{EP}yhK*bxwNog##R)>+Eh*_-SQN~YIHH2d{m_o)p2G86JQbt>?`aaK(N}jRy z8NooBvb%ao(Xcoui(!U=4+$`Ui<|yP=UF{I8}G!V5z!ciM~{QmH*~QHpc}hD!sz%C zK82PEF|yoj_>-%H(71n%g=FpX3_sJ(XIVPv+!%2M}O&pNTs{ z_(;42bJ;`KN#e2aQI1}sNoO&|GmI4KDD1m$3MTqGDb2RViOWb%n`kHGNRG=l`H{uDb#y(u?g(NTrQv5e^6I3vGZ&GRe%MSld6_+@kE-e)5F7U zchgQRxsz=_s$k!89H-EDm}Rk~xE5bk za-p4zT>TPP`=dK^~k@Z*mAP84`p`kRD(b-l;M#Q^NDqda~1rw206!wd&{>@W! zk3(r@o?4u;Z4e0@o~VOO3ttG~rr$}ua-o14EefVi55ftSndK)aXc?My3p2@TU#|&f zJMUn9i5bAP)cnkE#jC4#mCU?4ToX?Ffkp6y<1@w0Cqb6_!A=i}9~3Z)Z5diiw$j0H z;CL%MQ@E&$^;MBN+D%eRE>O7kPWpa|`I<9(!B=e@`hIFb81 zjhq*qnneZ9S7$L;_SCtK#jn6}xeByN+*}HA=uLmUom?!qYouP@wMaJ(yG?5zfr=XC zG;3xSKk6rRO{C9KBm_T&KJbYScs(8Q^rQKtJ{6KV%&WLv0z~IxGM#5SVfJ}q>hLyK zueigfk}AW94qHINkm6G}_68-`*5xrm2t&z$)E>ej9}@W9VK|!usz@#_F(~8S-gFHP zik|)SW~X^N%74MbN0!=;RTZ`lXU!E@TDis#%#E-$$txpehPiM~oF3<9Ek6JdfHIVQ zbKhcnlvie018o1>-zgE3fk&l)OR-^5Vr}dNw=A98eVKIl7uNRHJ0paE(QywZy872= z3$(Ll>q?|X0}&Df&lE8c_09pb4is>%>;oMZGX;tuMjkWe661VMXy zBbRIA-Or1DTOupZTN{Vu7p*T|4^%*KkI1)JPx5~+*j+7R8zAU?Bj+{gAfY~3R8u#z zqP(u>0SP!p!{v4*=nS2Q2L~XIVSE~O0&Xm{e&qSFRwCf=JNPhP{J?`Vc*gGr0em{> zKBqYyy^#P^)8-Q(ijF{T!!=&K@yX{>7WVYaMX=4%`(d#A5ov>kl@-)~)SBt;zdKP) zC48qy`@BEo|44ds-u<#d%%9pUB)9wb&mSkRTQh&;OSz5V-#pbKqHh*t1 zv$8R}uUCtZgn{T)!9h-0ZVu{2{N&qw9W2pGP*sT^kEHNkQGGDWFcW2+Md?T@5r3l* zooVLQ~e+S|-i zzOo8(^*oWUFH@&R`O)BoR$6IHX%j3O!?Oi*^a~AYeStez__;HatEJ%3_n9mqrfaWd zSFhz-0I^aM5|2s9B=G$lFCH2b9A6fmV#@N!Wr-BUo~Qe@F!v@n1(8C)FsKF*m7|o3 zKzQ#pX!o*q?cXuT4nyFJKxApPuSjQ#HEmc7S@a*@v6_`DCeQ>R$vH=d25qsCo}1_^s6vK6e9;yOGD-Y1isQlU>Xq0)p zhS0F~wkg5~!>0ROllk(+^CjyrYy6I04%tW;^;hFTze6i}{04GV2I-U?N;w@JNC_U% zmLTUskIY8rRV%tH zmpJ1!*0jazM*|JEI6?t~qYP6G=ar2AU{7LQrJ!&%8InzA*}9VJC#juez3AlzaayEc}jLOVjpKH&zszheKVUk|i4`lf@hD)=vRS0qBpZmVw z{vSmGZNUsq9_kD>Br~QVok*oVNs9uD@@Y2|6SG47X=Iqhih|VJ`|>!0%UY-YQ{t%? z|I6z}H~QxO>yvG!gJ}O`wKDRA0Ab-ae~R^S$yAmV%)CMx0#ud^?Ytjn@Zl!w_~_7{WXk>j54z} zadPyl$!-BO^!36oZ*dW9f2c10T`ZO%l8Ed-O^#Ok>{)v1`FGxj;Tt|zll#mXKE3Zx z3fh~faQ@d7{vNL;&G6?|U3Z@kX9LcPUXq;t=~LGmRaQm~QUkF@F1FU30J{l?gOGl! zmjMb0=WjY8$Heua!*v)KdfYvW?JQJ4^8q#AH?6o%2WoHPTQB2?dn^Zbm*8Juxz*o)1iq*Kb9-C!17GwyJn#;N8PDRkFqq2V@4E@jFSy zYka3S;(?R1tw&uCz?y3Vn#(syRU4_h2ZyRGU;U{1*RDx|02@4bwPS@?%Iq*#gVyQ5Xr(kMxZ|sy5i|R%g^EW!WHm~;UUD}XlUuv#m z?q=5~C(+UN>w|}}w9)y&e1HEgG)Z7=2_XP`6r5o&bBriS>II-7yoa@Q+Cf@^ARRSs zu(K^}!SXQSasAmAwmObdkPWUWf)a9@+H5M$KT~&+1&Lv}Kc6^1RE^)xL)Y@UvJl%b z*_WoKcgLwt9MC5Y2a4Xyr8_cE4eKk3dEQBEleaGVpUIEV4K3fRG&^CY7ZLB*sJ`DT zEj*!vduJ`zedC!469af>F$;UNw%RNxT#1rY>@!~`97*@|j=5P%TKj_M zp*U>({64<|FkF63ZL!UdO%Y=2f1ddIMOLx_{lkj>UWW+~=GlUGp6R|Z2DZ60`iH75qKO@_iJivH4GV5fhN=Q(A1Re#zNapV=`D;97^@t% z`2Hls6tpj9U?{A7nJqSas7w<1Mwww~=zG-t5D2chQcbV_E%Vg>Ee6hLBB6=r z7oE#`?r)*IMQxmyJL&tF+oL-x&a~*dF$6XmW2iGnnpTHt{ERV#wP@|}x7&Y!-kJ1@ zX@b>h|1)jb&)q6ppeN-uK(2gGVg9tN${JNbH`G9b*JdoriMWFbOsAsAb-`ur(qS^0Uq7!j)m@!}(I$1Fy^59f)$O4=9<=_xfh@rdyh4x%7(Z-tR?llv&TB+c8+C4f@@XknXD;<7;l zG4d7#Dy;n&EkCA%*bWt*WD=R9+jK5qbBpW#GcIh{^J+pgnoFgDWC}7OoHT9!2X4i` zgU8ybycPyY&EQ%B1NTa43qa3QEb=gH#dxBUE~vlS`fo)Q)ToeR8pze6?~gsyQqZJu z)gCf29-j@shGuYJ*gW!@(v0h-3=P`)2yXW}|i74y{l? zK}-94Iaq_Xt*$vaHg_|!gyO@c$)_FJ*nyt^#Xt7ge3121kFO`t`euF7;3OV9YzTJaN(~R(ydvxPJ zu{4q>rRgyTEY9tj6+1JL+6r_{|0lz=t^!-EEC1i0I0?A@0>^yzw(?c~Z_57RZ#JJ_ zipE-KuA>Pk0%@P{4Necl!oJPvfEhjdGHpfG+9Nb*5@b-DHE@7lGospq7y}wd;ibzFG9Qn;O=VvsI zt)!j9=b%&810v8|Xszbx&uEr;yKclt3St*A8zCZEvw*ZL2P>aOwp;SZW*w_@mecM3 z_qLC1#$h<`e#?04JMr(b`R~{1@+)`z=fAt=KHoMBXSrbbo=)9f9$x4DuM7p-PLu

LWgwt6mG9qA8OGhVnJDWbQ(9N zf_|kNM2b++z3+}zADpONH>5G)eC5_K z<3Yr+>r7vCZdjRa7$EOCsxhP+PwYO!{d7M{*346raV}p$rIh;uE2)HZxy2p-^xW-Y} zt8)jC`{|I?)`Q@%Fgh~y5pwGalu7cik?IG7ewt)*w>Vl+88?|^{wMwQKPyowGZxWd zvvOM5mRYizD=s{9kwVdxFdu4h3V9)zrLX(qg1TA*KGZPK`kD=!4OM=vNDRkC6m}cO z?%U^=oY=AR6O?JXAS@=hjl*2cG}S0;HTWk?6HjD39Q+ zru9ZYw^e-R$)(>&&K}lafFbyb5kqyHjQ3_Uvd%*jxwlden~K4IS+cf1uTfx7Xzmg$ zNnM&*Dqv87Tqg3=c>eHKJNuAiY}>0Rxd>(KK9ir8lw)bEs-_<-_0T32bqGzuh2Tn_ z#r<6a(b-00tHnRAxWTba@^!}Hr+jY$^&H{quR~MUy_+j${BLaEAU$?lI$?GJUCm#- zZwzXc-*qc>h#rYvC6BJ~R%PRsLx?g|EQ6>>)uk$sVI^zRfEjrZmEC3HDkCv*kD`?)NW?dz!zUMLtRk~Fy2wRGPh{23H z;5sHE$VR3#Vzq-UdUQi~x%+F}?gz2gB*RAm=!XB@nFlX=?x-RQa1g`^JZ~f4DV%R( zp`RIx7;^$Wvnbwgl=}9@7Ie12^)cA8*ueuefm+yv;Wppt&r znWlLQx0-KVs!;TKG{w*Acew_kkFT@4>pQM4&FUY0wUH6&@WifW|NblQ)mn|fder|$ zp_=w}+x`mQv9kS}yzzqnnfV=u8*5*E-<~Xg_rl@+?3H@zO9Fm58a@t=)|$-l`%uJ~ zIBqp&QBw^VwUI@vE|!XK3N9U#a2o8VT6H19GUR4Irb0Mmg=FjL?`p4W`J4fYX2p+K zk-<3TKeUoz4)Y4dWfMY1(u<+EJ0|mIx%5}e`htP2KXVCJ6Kkx1o6D*NCJ>TLNR$`xj0c*vCC zMqT9)XwipNCJa5dU(t==5nNx=qI# z+Mkn}?o%Du|pU?5w(rRsrYsu2uGFh(T@2&nS?(_UC>)E$OOk0?QhQxR9sM4C&~mfd2b;Ap_5-Zm{+h2BSw5lCfG=^HQo=&X1#0$;5Y^8rfPPK)VC{-bBpW>ajIL znK$o{fQg%=T4m4$})u8(v*@X3c7ckG#-;Z{`f1PNxIkuGkle zSb0vx8h_08o(OPj_)9#{LgA(dpAFMsdZ@K(?b4tYJ)jl6rb=5YF(b2WsT)%lGLj!q zHxTqQ=%>tgZ63DFuusr{tDXlYvdBQVpB-^E<7%h$g;ML?FiWaM~^Vp;VMLGe+)!45!@!w6wC&+}4#mhew# z&&r#@Ke~5g5aVi2dHiNyh?Ig=p=j*Sp*v4{Jvluk1a}|4WO%EW?Tc473jGZ%o-+>V zJ@^{WupRz;;w9Ms*K1Ys9oqo@5_@|;?{vzqt2@<##b))ILSI{4hhgYJ-)&BCN|cRL z%2yE6C&GAMQcJb7pDj5+&oH=<9St%i(DJ#d-f_$DxZ7=TM|0*is@&30@6+#$aDw9z z*UX$vw?0kXt`#uAzFX5k{2O;6Wy?t#vp98CU0x9BGWoNkIuZ(iCT%uJyQ1 z68oNk>4jg}<`DioD%rztB(iqS@_Uz*g(el|ljtJe_LgV5NX zfAF`q;9yWc`THf=y$8(5-B?AjDh7xSeP&x+=HOcuOB)jd!Csj~7$MChH`B4-?pFuG zZxHNJCdZm@TZkMm2&__-TH_xMp~j??_sQ4h=tfmABCeZ=vHS~~&i$K+v=?JS{iQ4f zbguN|?i*j*&w>aoZP^gC+{G~)L+XhiO*KX4*ljt$T#$-#iB8-{ga(mu!<7(X#Q&1~ z_1;gf$sWrWC~3z|K00euxH@)behr%VuDDglqw0lK<5WY9|pfi_ge^iVPjeS2OHE zMj@gpOE5)Va1Q+n!T8Q1OuU->OZ0BGOKTVl$Qq6|N%hN#rzM+EZ({|u+2? z%$|Y=y=b46ZX!)ThcGQP{yi+Uh|c3p7j#v90wp^pt1Z)zhEdC201q6!5?`ysXx~C( z?P!e@?e|D3~tl+_MzKrDHG5I!8tk-#|!m0dL9EM&-SvAS{cOtM5WT&1` z1^JtPg_j$kxBUf%OGTbRcjAyfh>^>wJ;Vl{%aK3V;%Uq%kh}Gsp!_Yrcxa;Pu3n8j ztXVh#(I!0VV?b|D*m4`9aufvGuQ3_rrrc)15`Nnp)tVo9Kj*Wqy0gc~qE( z*2{ysQHDlcVgrb;szvpei>3#31g)dR(G4z|FN-jy*{$=nt z$wWvegh>C{W%W5gDbl40S>)T+$#?I45^~|e;`O2v5Y>%^0cxs8^0qS0Ia`5Z>Yk0% zK@Q(!I3_gpbM1SWv;gyVP_Xe`Rr-<>{Ue+v zZ;Lwq=8rhcGv^&9M4H1xAP!AM6QF!2$!m>opJpXHOunYzv zfsL^DD9!MfFISmhnfw3hC&O294Nh-XFq1MtJGN?>XmtwuuHIJgzAlvQo2`yML|e#e zF_5VQiqrL5g%9YHwJH6?5|gP&f|b5K-K&b@*jp-gNyUcZn5P%Kp~m-37qKDWqDsrK zuW0@rA{)9%c_o6(YL=fX$`gcbcfnxv*@;R;HwG&{CN)0eA*BFjF7uPI&YD_f z*`q4OrWC?E5sUKaPzhK)*hIjPad0zQ>a6ikSEQ2wBFx6G6dto6!V2&c@MA=tGtyW& z7Mhu9ay`5P{d?scPO)6x1(jNSR&kLVW%Ol5GKLR0gC_Iiy)^JI_dA#auDl(8^7`csv4?#8 zZt~&W|I?eD5J`-J3?*qutBFMeHQ>y3ved|{Z3oJnoq4;QO)aVLc9}gg-{p zLd88MZD|VB=UT^>oc|{sPXJ0q0r~-|WR*#&%355v+Ruy~%$X<>qPeZPal^stKnXYIj{(ZMhI!v;h}I5g2Y>guUQ^e+_Li_mL2u^S=` zS7a!yQ`KWa7aTlR(ERAccJV9~8wFrpY~193alQXG>-{#={QJ;y1`c|{YFQYJ zaMyd6O)1sh3@^%B<@`pnDA*4r_=vduJt~PC4Lfvj@pg9Io$b@8+@mD=_eLocPw=#zAzX0sogA{|DD<6{St?u#OH$#!bR3T&9oZ6A}oe zMlH2Rv6R|L@b7L$^2^(!$Qy?PF5IaQ;<{1lkEF9W;Nbgv040>7+8gCLd$aj-cg~wQ zep#X=aRl`zPCUpncf)JK-|wd{Uwx6&UDQfBb;4=WNSD>- zZI+lg8Ri8{x!pM#Ph0j%(Eu$w`q)4oaq>0Yn2YeDNhlDBLzw;=Q2{!Q!^#>@6`kz2`!#e~k{~ntf7EDgVQ(&o6wQbcT^ZLcx zSpD?<%&0p0cC>|0_SSvYT|FN+MIEd09a)vyAvb-g{Z9~Y3@El zBbn=j`i4k@UNgN4rwP3QvN4Vr;?46IC(lO=#=zX&D)khr(mbtaXB;SbljhUk1-H;h6qh!TlaDAdw{hUD!6^AG&bf5GDQ27>Y$zWQJ_>?7 z>+L*a@2YG72Ej};V=u=p6cdZ+GZ`$q(gpsSdVMF+A zeQk6i!z#zG4DvC8o9fW6@+P7=3d$WdI@SE!Rlua5Po3_obvoERM}tD^@=b+tdhiF_ z%+Udtj|$Q7|EHPdy}jikeaBwne<1R+TM^C4^|^qK#2S_3f9YgoMOOFUyS+MAeB=Gb z+6@#72T5f%e4b~&Ao*}?hdE?#JY1f=u=pLKlK$2u54{gc0cPec4M=z*W)zB zOYFtNmXq3%zTM4)2YG^s97!ysU{wox8Wp+@lqE%Dh*&8gwI#}hkxMxr9A@0;*90cQ zR0QqU8)GXZcv3LL?IrPOEHUmAAf>=?6@v^eb?#t7zcKiCwHhlav35Cq`xPtiNB636 zxwAk%)fJ-Y+}^waKAu9+{6rZIAxEoYUDvYIBx>dazEPtASBkGpu}uI*;1?xs4*w)+ zpzvnKF@jRF!3)W<90kFDih_RFmp~om+zlZm4@PmP(RX#5qUT8|YwVh{vT? zHW+{y<+Ka`=*xUm+rt7R7N|1wag5OzyVysBBs~}ejggUi%q}eXzOX0sE>(|DI|Kv@ z>z&b}{_*vHBmu4;O#`bPWrLsY3d7V_a90<*#=RW&8egzS6s+8Zf&HWYR-evK=DFLj@Gm2SK}G zkHL@vsWUWa`4oy4@#kf2AqU>v+zJqsUQp#zyvM3jd5sCBEt}Gid5N^cyT^P7CYH)O&CfEU|YtNg`9IP+wk~6U{hyX^g)G3aEew=(G@-H z-084ob=XOp2WVgxV57H_ftXTPmR17 zfM?^loT?=U^AI&y<)|p&9wG#YPN*Y@;Y!*V^1_w0L+DMcvQa>%){cD0ECOTe0Wixq zh@ahUQaQ(E7vIr%m;+cXs<@B<+=UQ~G`sTS%I zX)F|fk$|cSoCJi1#yTg<|A^c;rxbT9oaf61_t+|{`x8fjyE|VAv^Uq@_8rkZd&CV4 z2FKxn(1~UU`P#AYw{v*(5qXT&2sVRB5p3=N#m~=E<5z!<4m~&K@>b!D@Kb=${hZd- z%Iw`F+yCzR#s$W#9)Z7P=Oti9hPGj;OSw|G9NXqnNqO}Dq>hikoUOB| zM$zW}asspLzAB?nikcn7OZVB9@iVNtsR_bYVnCBn@1i5$XLNQOwn+^ZxKFelccntA zkO*f2f*EK>q<%v3B*mQgF9$e`wG&~+Z6<)Grir%3;-+1lMkT&<%v=zgx(sT-+`B3? z0;o$Q7M0LYPUi-k1_CH|OZx{#!V%e8j0y$h#rZxYkfh2tAfu|VxyrGwg(?w=O68h6 zPvYfwHLn07g^6p^F}!4ptoBzSrx8NLq8uHH0CnyGG}F z*czLJwBkp8F+2S@V%Hb1E}J}$(<5L`zFZ!!DRlNeqJ#_`;iyji6li|l02<3)kNcvH z>4>!}ZwEg-t$sL<*su#*hh$N~E4Yd>g^Pgg0}NCmiW zj+wR3urgB8IWrCxNRcPr?fB`!gVy4nvabE?&}VO@G$KYzWPcgR>XFDwM}5L2?|>U^ zhBsCJCR7*p&#)_s=W{@>EOMp{ooRJk3q?654wo+5R1BJJIv_Od%AV>&}g@&|zjh3kL_`x|lt3SE%k&|k5O%8!GZtP#y zDWR;YdU=%#6Y3aRIKKhI0t15aeRhUk2V(9oMAN;}hur|_+#^@o=1v#A6 zusxb+kv|k=*$?84J7%_meArZyv>zN|k;$`=&M+o_wDI15nwsJ&!*UJDhSkE50l`f5 z4{k1;O(bZD>nAN~!Xb;)XGqr+@S9nQr$8_cMd##3kC<5|BhdsL`Bb|aFMb7pk3=5W&xigPb}LT9>=(RT zegrQ2y2);te}BLDec3e(US;bP(w?4rd-d-^F&}Fu+CZexdK-xgd)xB&jr(&&iSGLi zsCoO+Eex4lINBHR87w}FcL0yS^UbW*@ z>5zH9F;@@bblpP^C-`+a{JfD!2alA5~d?3(N*kp=h~Wzt54gnWWeWG-iEThG#_BDgz!m{Zf$_IPvbue zt?1OTHH`X(vN{_^#sW2eWf}5+Rz1Tv9L&J!pTf{`F5aDaGgi2sG8LwiS(oD3*wJ74 zZ3ax74Md!UHz#&@>T#4ke6&~JEu$Wr=rcM)Y=|Y6q8U>sAaJoiK&#PDQk4J80vvIv zc$KE0;zC8w+_4V&chx(MNCCZ(i>8y)Kf_ZAQSFo!KMYe|dSdcUA5^$1X|pMN&2(X* z1s}?3Je9?U1Q2q#NEelAzF+3si3_4JHSZ~bJdh;Y)Y^IBlY{Zi?qH79sgQp1hR*05+@(y&GlVBpb) zriWxlygZ6k;=s-L4_yQf+I@ew;U(F%W~}KgFy=QK>=7Gscgs7_;*Eg?gJ*Ai>czPZ zq3f;7w-${YqB&kjgk1z`j!?e4+vfOx>Au(TzlQ_5ya1?<;ae68+}o=Y`lhA&>rwTq z_-WP~pBo&&l~Az&|CtKViyou0&81AAEGn3X^+!y=EUiE5a3q^l!ah6q#DE1L!oC1k zjCAVPBWvm}GRN-rC8)htSlK8$&>16Sj70oMqAxDobBxW>z|BYqC-|H7j=X>$QTrho zDA?g+IK{J7q*B)S`hXay?!48_;+HkgV|~?4=4U}~F6?N^k8%{{Ucc8igkH8|V_hX6 zgOgT9u*6aQUZAeU*HLHG9Jmenw__Eyy@P>NZ<}0mDsB!=TG-Z_0^H8{nii+A;ISC^ zM`x#0(U9T5??w?Tu~bP^)5|Foq$lsnn7h|K{K;1bKe$bUp+*0@?b#I1Z|+g$DBeCu z&~86m=b$H~Dff2)bpzN%-L4>*tinZa_=(#^z765ZTVIt+2ubAAY$IxhgLQ4&b8x}m--sY zetp@_NVjkvPE$S_)X+GRT$Zt<4>_teFD@mwg?CC@%-{ZL9u-**VI0XbD?a8if5Y9{ zD_6mkj!;%ltz<+}KBD;qz?5+$$;N#?4-u3+`lxXNIbx4oIC|SetJ!C{Nz5{`STYI> zrnQQ2+wNV9))zA?F#=%bm$3lFHwChN7E~ys`rcl}Q@xU@p!UUbMC{s|2)z3`^*SuL ziJoYLmk+D^k%?TASe+n;kx9QG2069UV1W2TuM%foiW|cV;Bf3447P zvVQ`WcsG(AczK0w$jZ&gsvHl&~bCs-gQEWAf5pUo!3Tm|3{Q`~oeV0qjW%5uQqCXwO; zp7zcAH&ya!bMst)R23OJ#b2T{0ytRlej|h&Avr zX{E6Fb=oWtY$h+9#wb^9oaCbUO99Z=VNXvNp>p*Oz`JpV@3$IPDL|X6i^~=v0Dy+Rdp&vAGAPVU7nutYrZ(KJj#Rdqn}%9g(0T-YetFW8b6(b16D6U z(KcxMZ4Xv6r{t__L;{S>>%z>>)0Rn!7?I4ztZWttpbQDAgt-#C5`Su7C-I#EL^BEF z^lDoI0ca4_sh`VLF%0yOw~b|E0kPU|f3?s7qDyQOLdo~Hly0UpfS-Q$lLiI_gwV#r zS1gPW7^7g&`PmyAsH84OT?yAtx*N&D(+&zv=LXZgi(+Ke=}3OHwbRX1q%RZb$?FRx z(lc8Gi+DW; zaIOs^()m=x#%H#-o~cV)^p$y==r9;FWgW4AYAWB8TbNI2a|^-o`G$^F*!%I;Urjo} z@U3d&)ymTo%*V261_I7fS!=wPXD%d$rgC17^-jqWg{oACoI(U3ErWM|+H?d{(ZCR6sCPpgA-I9tqIQO$C)rm0*2?*PS)Azm zSa1z(PxXHpxLT|wqP(yOFRt#OM+~p3_CSc{U4&}O*trvMj3jt>rB!J)dMY#zBa#`c z+*+G~-b?5t@ti`^yZOQQCR5?-+qYph>z^JYSJ_`;k;!0fMX4$WSK!(rRz%%5(~Hb; zf&Z8zLixHguhDukNX#V~-=s>rnd>J6v9ctbUe&X7oMz~HjY7*3RSO)X-xW7ROVQy| zoPW77|D!!c-ZG@ix0U5z)CrLUwPRyRdg_0p3bgs*3z(Nb_tn=zg2&nhF9o&7LTJtikboZGj zHc!GdrpRNt}4)V=n|2D!Upraw)m76&0hm$mJ4Z)`;cL z>AFFZ*JbX|d;%wauv&x8br4cyR+k(UkB&S*n^5D)-+8Fb_9?BO6cB*wf3H;v5=$dx zgJC>?*5j)|aqG3ieZ?}{H=Zw3^d$m`;7uzSUC|#%|M*KI6uw4b%XbICMaqP)*1()- zN5g!Cwv|ePseuGInO`ABCyju1@^83m;mIU?S0CX32Cq1rFP8Cy(Z6WyOtasDU^k`TKJ9cW>G#QO?C!yH z%QTCYIFwC_LGO^+ie-*%QRQnZ01B}27>Y}NQUAEFNS<1<%_9EaIa?r%n#F@}?DlVD zCUuXQBH463{%_N#wXK29L9ge3^Eav@O5^gd6j6-1s5A`{kvvRTE z;QXIKi0R=CU$G$Wi@O*6aP(7<1BIu?de@Hr6YU{7%?HXnwbX1G?1jF656A2_$S04_ z3xHCk+|+L*xjDNQPT)87%v||P{pfW2%c?fYi@F4fg@0l`dD!?j@h9pEu7D|qw7`~-Yk8uvhr0LoBf&Y4?Sf$`z-gD$*=r}b&pMz@>At83&iX%skAG`p z(hSzYHIvy><$^+9!GFAuX;;aCr5hT4Zh&Gk+pQZC$E+5E^2>9rfUs3_BYRp&m!u6f zund=0224AKa;_|V?lD*(@~w~P^t@Q{{L?7)^Y4PSHCe1XQj#3<3y1ev{Zf;d0T&ye zp0cN5H&qXYio5+x1AR%(j5}Hg9fZBP&$1WGEpDyfzi8KRndNsuk=15WvTpU=4Dvto zDrioIZnQ4v-*NGZzJVGwT*YSL%nPs)kE}b{A^m^QBH7bCU(w;S#r4uA)sZ8`85T|6 z5*6#uBaj9pPXue5ez$yZ<~iERLy;hKW@l?v5G^!ggGe8{A5el)+6a^N%wb`YT>W>H$~Z-|7OL z_bKeovEmJtxpUv_UDC$Kns7yuyfVUuSG)2U`aYX)S{4%VtLDzd8x(k^8hOZX+p=~h+CnlLT5T*P<%m2gHSq0_M09|@s9D=*MyF+ky3j}v}3-0bN!R^B}xVr~; zcZcBauZHa48=7St(UJp z#w)w_U1dcA2{;s$Su5`1XIf3Uh?iv@&8OSzRHpS72~yX1o)HBm+&+$&ZYEBfh`32% zv1Ebo`A1w?aFd-e7I~`&;NB8**H!3gt~GzM&n-jzt$t{F-M`B)F}gq33FuMlU!(Le zjiP-`H5DVe*>6hGI%p@Nc>1Y6q#F%V7vHYx&bSJC11h`<$|1K|*N6)xOynXm3c$hV zU;Q$DX^Y`1MLaFkw}h2%q6Lis5y!L?2#c{i1A@J%ji-Eq znM@({MR41LJ0cpeY8h$&l`Q|NfG3mLQNvToKp2@OO`GQ6kRl;9Sekj-P!_Tx(2fQ z`q^hUKLX5*F|EiJg1q7ZYA~>Y>o2I~VnYHmR`had}}el?M?_=k^s^keS>M)B4Xn zBIjvG;Ff#sLn9=8Gw>9cGXy=Z3LHW~OKcmt|FaDsCk{p-^JnRYuL^kH@9T+$emZm+ z{tw+XZf0&J)`-$BT(37`bVu=K6U-nkiQF#K*CBf3uT<|uo*{d@Sx`VmBa<66-UU7Q z6Y0kE<@l3z?tec$AK(-~rIBCajII*0Ar#>J2{alYJmGJ~u+Vu|6ENSP(T1)X;4?>l z&ZX@Im86R@dx7goU*@;Iu_RvYJ#h=f#_j#TkLl}P7RWA^E_09I?q3b+)kT~yyJcgw zp|4~2H@g19M|~hYT>qCNziUL_M}jycL%8=(>*I}$J21E5Ytv4?H2&Yb9V6((aBJUH z%{WhOMS;GyMfSp`dG_L)nrPrp$+IDWYb#JXbP?@B?IFWa`zIp{5joj+aojfP#5FsR zLQTDIIQ+0zdP4hmNL5HG2t>SFoT8CELLHD>5TFx?S8lc^FKG}yEle4bpbc*4y(&jp zD3Vg@K}R9}A{4IEo?EM0AjX-8v4@@ohA}J0zakXfRrd?K8qXqOBFK~z6Mw4qN&NG38gTI8(8}Zl~TAsNv!0i zLnfj99ieeNz1|81*#AJ1AUFFBQi8iQCJnkJ^G{wq+S}00UKHKrx7XSX!I;)>6i&qg zoR6d9oXxb)yHHJj!fKa?g1!VZvZ%X&r}DlO=lW|AL-Hy1aQl@7pD!)v zJ|Tt?CI+j+Gr2!hQw4291Ox>2Wokg%Ex6m23@($qB#ZP^N*nW@^Gq?X&lC8U^z-`% zA*vqGPDm0&Mzp_go!BXkWh>yEmj=B?U`jO+3p+0YS$Za$nNgv|s;T1fQ7{lf61-Zd z$DN4jtJ(4ZCF9iTZx)1~_G^<*nWx2J8;4wdPKIWjF)o)%=g!*T{o zma&VSGHi^r`?NlSK{{xS3D)_clb#j>5a{y9s5F9-P^e;WqtBY9LkbgDTed_09x8fP zHJ=iZ<#K z6KX(%m0FnBlsKF{4~o|RTQT>tTBaC21O42|&F(uhqz<7Vyhe(Y65cPxLU5~Zqj!sa zkV>=$$lv$SnHN#hZSD3E^Jw_mO#d&v-LKwpJfuc6moDKTWF!%^7g*k2AXS_NqtuBB zK6eap-zl&6FM`4d(?ND41`V}n(X+|bbByLZIH0Q6A1oT@7B}n%b~}n}uNJZQ=%M%P zUJy9s$1%}I)NOZHJ)cMprH|kEvy)T6m|(Zx^Xt;qyKndViI5AJKYPEf_AysZ(pC-X zUqP>k%d*c!uHtE;_kO?Y+-;(c>X>J4V7cx>?|8z|y;e^k&ASg8NJ8hnUnZ_B%0{b& zhe`08)XI2W>JhR7IW$Md6@QhTx(4Bl;SGecvYAzr`0YlugK>l!D|+TI5;fF|0~VK8 zJT?fj&VDoixS?%svjm81Ru3wVzH)&TINZn86Dvt2|!#jpmr?xs3hls8%o=yaH9`G$H&&OP=4CzLEJ4Yk8ck z@f9Uad9(_XWJaMSn5NbmI`l9PfKMK`a&K&R@EN~9arpFG_lp(H$eF6)T4W^pTO*lz ztO$)nu#8ONhTy>1;H3}lFFaU_k=ld?IGHsj;vr8@141K7o44}~KWM-VG9sx$akodk zIiSJ~qly)O-5c2#;(ibhfw#*M!qS@m$=6O9&ZlWTmzvs6o)q5X{x`n>fli_s@S+-& zUlvLV2&p!~OhLIIDWnd!Cl=i)&9+itqgoqn{JJl9ECcr+pAbbuJrO0Cr*`s6MA}dR z&{DmGV6X0=YF1Z$mv{TB!uKiT$}nB>_Tjn;z7IMOfZ@5d(& zOS`2mo(I1StIP5-hVj5uw(`JY7l!ObQ-f|3LCARZiy4Zl{Fznw%7G>*IeDGsy(=$~ zeKQE~i}4FKv$R~e@V1kCbZ>85-Ew|W{VXn`lZKSdi!JvF0XRj$1v%z3D7kz`)3WOx zgWP$X$&r@P|7JcbLtO@$#W0fH+_??7#6hqIT&w2{9IsP;m--m8j9FC67dR#?nGP4U z)#>gWn&YIB03bCn2lw9(I?u+lP0)XAiu+K%QB+HzdV;6NQPKQYJqc_}m_<%Fy0w`l zwngHy?)rD_?R2qf(yw?E>wGYE9l8$C;rgQyooF$sD-Z4?FJVriv`Zu@^ zirx=>f1!m3eUElX0IK|RW$SJ4v*^8`%j1g1N}c!RdFkO)deN!QK|oN!*3_l z-oB>{TwQuIo~q&6utkRtk9> z2<~SoRAk{9iPkY3C~AR;2`F=xGF?5npSkZm*o+h4L|st`&tk3iA4N{~shm^4U(V)S2}Lw@-1 z8q)ukdY7{K96TLAI|umv&Mg!lmi>WmQ~#1mu<+Dbt3&WZ5*&1(@h0CECi7|miI@LPHc><*(1fJ7MAhu#TKJO_<{=X5O5K68hNk2 zuQpy=S3)D$=vQe!LF64$f*^>qwSHdF72#SRp<^rch!mTxm+^yFVC7c8<)01y<)}CN zW94nL(?3;H!ACW_WO}LM%yil_fp?=g+dt+BGAPuFF&|4!i=yZQ%hM=F4*dRSW`nSH z1CBZt+v>5SdI(P?FT=ztswkj5^^|GtfMTkfTG4EROubuted&a7E@$bhLS1Y;#RHU` z$)+5ZLx|@7e8=)kv$H(?fxIzBjnp4$;V?M1c_}U87hZ}|KMJZ=k@7GgH0sX>mpjkL zJqbzRp>Rt%(LP1ksGrsgdt#u{oEwvAIA;@x!M~Ik0sSXU=T8-hqfjTblOZiDuUKIagd2s%5pi6T>RPnpF zUF)T(p*58$H`>n``q)`l{PoyPm&1!b6B*BqM?z+g8h>SfQ z>gYaR7=*jpizsN}JMW zVR`raU_5-jwwH=s{AnTimeTcvnIMSk>)4sb)MTmfcTnRMWo)LWSxejXAI|gqf!O%3HO< zE+mj8R3XrO?PIa2MVSyvL#ZvVt9gBT9%$Ik3=z5 zD}K_2>{$OJ>=f!SV3E$2UO;ArAz}iy!Pmy7dPmG?jsxTDk18A>cjeM7iiaUln-ij2JgrQ4&udSF0SBgimxP_ATK>MOvBGc&? zZ3G3}fqy)Gb%XVQx9|MjUO>ECu|O}_ql!XkhjB~0=l2wZv9o0B)gx=uCgnL3SSbWc zQV!K zp}Ks%*%Zn?Td_Ylozqw*s8H+flg;uXIq}O}aQFfMLMLZ&RaFray*#x z=)!M1dApw^wn8Kjg#ajn<%*^f*gK4MW_h|YgP9V?I!icjk8L2NJEnoimj_dyAME$z zFyS%&#|x0RbU!X`$1IYmH056)rTAaz=M2j_FVRIKd@C*;+^Z#GcICuHBW4{aEPl=*o1VK6q*HI$Txh3E%JgJ;MYaX0Tw*%?h>| zGHY;=4Iw^kY1iU%+R*2Tt$C7JNJ-16Wt%CAJ$nuOM~v@y(#<&Dy3%LIZuWr5-EA=N=S}?L1d8&)g*4x z(Rm!wH+1*wsgEzG%;iyYHPiLM>+?Z3-<{uUQdEf_vtMFYFV^%#AOYs zUlvFT0=p`)at_iqMyenRtEvRqWHFuT0a5%k)AQjN9m<*(4xxH_Joz`cb}Dj@bJ$nqd(~pAh|MJ zi!vI=+mxICOxVsse`(a``T(~X6Vwz86*lDt4ER=oIWkg4N~HS7PRr4P*@ThT@2va0 z-f1)7Ky0olH%?<9ye%-z56MH*GjP)0vxxPZP@|?%dL&-xx148n>NxG(v_>>c6|8@j zx+<;e5KV^I!c$_ZoGlYwe@D9a7fmLLlEii!bHckZ7A%V~#e$&O>Z};=_+C(SW&)Cr z&?#tyTFWo1bN^>0tu{HxzkF9iFZsowIG(BKypEMsl;!%N@yOHN@GK&@FhOx>^ zGvux-7QlyiCMU8x{e#0l0u4O!lwX^EQ3<<`?uDrUveYlrfyD1|CM!tX@QFzc?yFL9 zN^J%Y7oQpumG%YQCm8>)A@n9+mykg)Axu9-(v9bN*sa4Xso+rkz=&?rO$WV{@;n(D zr2&#smLEH0#WOkW_wi1%s(4{KY6~66b81T{`keFhGuRc1T5BrKf}qaPI>IV3uOhn; zB)3R9L0_pINvZBMp2Ec22@n+BJHdTo!h)`Q!yHE_hcj% z6Uelu;Xq-0+IdD;kkUrkfogAnvzxfHAPfO;^Z6*|`9HKxj_K}jV+aMKc<#2{le;42 z-GjH2b$N;swe2Z9w-1CqN8S0Epa;Yx2mG zIZkra7&O^@`|m@0mflr^!eg+>HEK$yF-9?NZLEGlgyHWigrDFwizi!K$zzI(bXMTD z;fa*k1qdY>>FD!9Q0LX9{!kX`1>Ca`U}Z5}UyCDf(rd~NmJzF)7x!6ioByKC0(43t z5d?A;w68C}MNOs=3t%C{$H6% z>t5f!chL7ih%|K_Iqq=~{4*kO2iSjYLi5bX9ECUGr~rb(@~~zGSQwa5`+T0L_GzbM|*DJcbS-W1V19lKfcTyp5v; z+n+xMk$sKd_6N|bvR1O11t;_9Y*ud=dWSNwit^VjNkpygWq0jIK%dHk#1+INj@ zpJH-;lLG)WWI zp>u;cry1mBwCN=nl=X)U_EFp{NHoDHK?XD&fMQsf=55D*1@H2kk3#c%lQ2!^2fzI& z2;w(#nFQNt2g?EJzwHBD;AAoA#3u1)6ANy!8Z4kVfvag8E~BgpHH~{T-{EppvM|Bj z_ESKDv?QiQX$w8jcPB~vB%8tsh1q&^T`QG9#YAIN+EnQH<>%_3GQF1p$kPQvwCAdx zk$=53FlfAM+puC|tEe>fDC1=CQIWEf>GNo>!QF)APPw0m|K1(itF zuYF+hdC+0DSiXwlp|dM_CC5fl0uxVNF?iD_6puOT2$VO{7Y$AORle9^f^_swWCq)# zg=Os(%pQg&RYV?w1o$^;_GHO#koL})PB#0U);0ju;7X_D!T(RTf?Q034bcFY#3@FxA~#G$luV60bO zZxffDGxHvj#TRdQHM{`;j3l`0ym{=rGn zZ59)Hx(77GVJRQu0PxrvNY_C&|FEU@G0Y{`=?_p(hvq@{QOou@0-QEqGkq5pH!}u2(d|hpzC5@Nn ziC6XScZI#%5Jaa+bRDSfs<7z_pU;~n-E3|aNgJGcAC2aQ+Yg_supNWKGp9&jMw&E@*`-O`cKY8^g6_rj z!|Mr6V0~26xJcD`$j8O zDIy4u;0;z8ZaWHUnOC$Rd*ZEW5><>BSC?PorP1?>Ar>KI^MQ;yT$IyzE7j0%RGK04 zLQZI(mGS3A$Y-wn9JD*d2cu%hO}9&2LlpkyXRzAVNnes7P7gIlQhEULV$gy{o{7#v z@WOwaB)>X@YSzJFKsIk0pO;eQLQv%45dgD|JbPX+7n>RyBu3JJ@QQq83H7i-LX|)2 z7t5*!^eR(`KCp>~<64gqK8elO>R`SO?c|Sum^L2CGA+Ey!0<{C3O-`6`_?m=qeP`#vxWUKTY%Mbbr2Khp$TA7-;?41Uwl z)M}F9iq!42A+eUrKkUKBWjoEbkLqP4P3bo3$y4e@LE&_rI*VN3pL>!4WX;>S&SkCo zK6t&ufvszJ;f$?rV1X6aTv5DEG<4&AQRqUHs-jr*)0{37EeYn9A%p_;sOcr-!QOzg z&G#Q`C5fewwcVzTERL__f`Gd!6JTPMTl|`O|7%-I9+3xV+1;yrPBf3hqn|`)ChNg? zU0bOfQYc8{(7yrOE)8mD?y|v(+rKjPfZtyJ^U%SUxR-h`W4nYXrvqhGF(Qf=73!J$ z7wQj$HRWRCdqo6Mz`3i~hP%tH1fTW%Pu~7DtiJ@n#~Z$*bUG z{P>cAo;8l7d}Tinj)wv^KNvW)MlWau5ffytLI)55NQ`dVJ5b21bTWwBk+_@Z3xFWh zitF#pF3*lM06EQ!8!cIzWdlzBdb$h&_IyTZX0B5vCA zb_vJtSAR8yY`$YRLO%BDI|_ua$qfya!GcWS8A}iz=vE>KJr~cnq{67=1ME{)DT(qJ zPnPg+K=K>BQi=iSz1*e6BeOA2{I-%VyQm)wq_vr2R&j)LO!~_uaVHM~?jY^h?T+9+ zQ*0&N&|r^{`#fQ+nx@cX(m%6Qe!Ni?%R1OX*sNATUkIfS%HNDmQ6i-St#Q)+({@k~1Ipvgtk8b*R{;>Nhqw;3{g4LvMoto)OA;lgnGK6L+w@iv@sqGyJ%|w;no1_kgXz`K-XwMW`-+kqwn!Uf zJj(%Q`~H6&Cx&s$BZYfRhBKBZ*9Ccs+Bnm#aSP>J0q#l<1`jz~!IZs>xLd#gyBuf2 z$&7QvHruN-%|e$INnU%&r$*CM|FL~y8H31glkk+ZU!FHE_00k5{L$xqL#5gg?l*ft zZ2~F`ZD*R95(P3nU88Rk?OI;%=g)j}S%->o3B%BN;ZyZ0>HQ?`p)8+M>;>pA zoF3he!l%~J&tI%TY`d(yCJ>dyqM}4BwBTT2C@LU0sgaT5P4X!rSBKhmoXUM!lf9K< zRNS=g*H}SvaQ&1xR|V3{&S;XPkgctGUX}S8ftQUQp|S(H8sRVs{Tz^X;$;%LMTz{~ z#I>7CFu!eNtiHSun1->uZ*?Y^WOZ7Dr$Y|p*H4c&KVPO$_P+d=-8LJQAMuY4N<%R-&yC1%9CP^T#Vj4=P16_)ZQejoL%UTYtW z05Lmy;jML?z7PI6iYur}7b^9NNYt1#!m>gT7DFGw)PpTDaEf*&;rGnZPX+v8HI=O9 z!$iTTEP_yEc#FR0@ZQ=^3steFvY%!|wD;sz{P?Y-Ak<-&)}!VCs_t@25dIe$2nzXG zFSb5jh0~@(G*3@}TSd`>2sGL?_-Q~xlDhRwuP2mtxtq_| zP=Mj&Vw+diNqF*(8Tt(b@gnMNb;A4~x=C+5*?)7@h=%M@qDNmp)ik0F2%)w)vdAA+ zT8NR$9ZO?73=)p-CCL2pddVYW(>3Jn)8cP^rsw<0Gu^Yr!CHX-ZS#Av;B~z@k-_EJ zyFz^&xPKWUR~5rA{o!59wdt{rx3`O#w154E9m`ArAtD)4ic@APA0ozPuXUDK2*Vef zlSwsnzF23G)*7vP8M-Vz^VHxyD;6kedF#f3Ks3_u*}1V4@BZw_AFgY&Te z@`T>z*NZ9g`$S4fVY~%{un!zbp%lS1i#HSFTyoZ^XJZ}uS%0mA`i342XTSg(YDs&V zu}E=L+ebI`ee7o=l#PfHb6^@xjPb}U@TCE97$10Z?FB(V*5DOLY}Z&v3Ybg68JL(* zE>q@Hl2I7%{ig5jr!NDG=`pjhm`BKiho~YIzuuDJ%26?TVnSSCs@4THI%Lh=Oa&a;M|W$P68VEQR9Ek(Hd9A};Zw^Kf+9XjVhfJ6?B+x}<_< z(@9K|!SZAaaAeFSJUzZGeUI3ASGI^`DQG%Q_d@+|ZK*lb5 zl2$gqE$NUZW{^||E`{&4a~PGd(yqyjTKf1#0He-D^#h>3kCA(wSYh$T4@lmnf2wXy zAsqF@sHv!2WOWQMtC0xH;w!2RY_B&!>**OR#qo@-`(n-U!;s0C8Y}f*{X%5$u^$;O zW6xSg=93j^PoR4Y^R&heO)4>{GOTYNIRTZX$Je$C=Ac4kkqIdTHuy?p;6S_2Y(SS5 zc<{&1wpyBHLI?Pf%=4)m-FE#aVZuxzh^~;MT+q$feBQQNAj`wZ(qGL;DqO(v<;PtI z@3DjD9%muW9r?bu6JGJnW(QX^Hf^XO{gj(W_WGJ(P(@oqz3qqTc!j>t_Yc?Mud?B7 z{C3gpUDBoWwqNV}Jm&TswZ(szs=sI74T8I}T7G}=c#Js?u=iP;{kOKYbzkqc(|NtI z=k|FJ_<7@FKQQblFdn)VNHLXh$<66WE*AD-16VZ?A3C=RF}jrv1h~9TQ;R*K0v_;dvR`Pj zOHKchfB{^C0hVUYvTUj_Vr@0}Z=qA6YRrnq#(@2K?(2&1^qPC)rKn_ETut-7xUt`^f$GXm9M&v$Ma`VSLMMUN?vRE zxBuA%{OqgF8h>7uO`@_(F@vz4M^c9NIrxLt)6L%8>w zG#13(_t7EF6+m-dJSKt(6|VbIh5}Ajr|2lexo@!WV*@d!Ww%$U^sbs}aP;m!GVlt> zl^(7{!>C_IY%NTskDci-aCv6Gq3YUtTTT6`@4`0bNLVbp0;`F=De~sO=sk+ zo7KAOa4+8@F<;^vs=ru_;l}tFvbCjM&EV|j45L9EY2lZM5|}zQd#-+u;%|PSB}{1a zYrc2OL&eR<){YG8^dWNcKZn)9;vD~6j{{$_8^N@#gg5Rl2QLRSI_?W^Oh|=`p2Vr| zAG1FstQ|i|x-a4<*k@=8D`U&9gx23^N?Vgci+qV)hhqIX zA@EX3vw_YFUjc?m$L@rXi*!oR&;Lqhp;dG-aBv)}w^DO2y^(;Z2VN=Erdq7>COh$v zdZIGnXjEx47jytjdZ1Y94i1GsZCoz-kKL!h2`5k(&?A^gNMfAn|1}nrij$sq9_nqkazA}L@ zKHuhQu<=P#OF#K*nTq(cdqv?g&*_8sb+#j`jwZd!Ef_Sgm;U&o`Ttp%L%8b#lYE?I z3vw-tX$rT$eIhk5uor^qYG`$#_>up?b-l_>2?A7StzK??r<8gOLY@d4yDnp!-)%Lh zUU+rQ5<~CvhE=)ORU}P@BtDusbUwdIw`wRSwJTR=$ zb1pPwDtV%iVHEBxD%;Zt`OCN|I|6CW*sh3uFu*=?4#Zz07R#+S_pj6D&HP=E{~k{b zQ^)Y&0uNj&nxo#Uc%aWU^gh+jKW|3tAG@lV@7%o=v3BG3E^$v5XxDbSn3&FBwu7AA zYHv(de4lqulJ;H(ztZ3|nj@W!g`)wGXAl7tk9)H~mbIm>s=L-d+m#FLfS_+itS@0b z;2#c{3cq;+_B}QFzP(E0XUf8SD%VS4hKB^eN@UiawW>`fiW5<;Evzr$nkf&!=~xp( zp`b`Ytm|**-Ago!um1RFS?W6GK5do|R9Nf5-V=^-vx*7KW%EWI%;euB(o`hOFqi~t zGf1I2v;LWyQN;Ee>}p#fI+%R%3gX`0Uz4J~YfS3RkU6QcHm~`HR7NpMjGbA6<4#u&TnwkyJQd*7yhLSkp;C%=<%efGG6aR=zNqs1TdMhzHwx%@k3A2a&>u#9?CXk(nWDJQ*4J) zZX*m`A3>yp$P}cW(##@pUXlNHmyE^Mo-Zd;eqmO~iEEkT!eq46_^CzU_L;DhM?Qzp z80g^XO(UjyLAFDZ&xA?|8zN)>44K^F`YT+OjwsR8$8jqXK*@q6;LIqh=CsghZ&;G! z_5Cq_JE>!%5JM>C!^2Btbk4hVVXS(!s@o#I{7>hZyt*^p9 z3E2pl7e)>n?FJ+-aD1lbN+(1TjIQRxd+g%o>2X$JNm%rCJAMu~q|AxQ-Iw{6~epnSm0-Xt|Za|-%uD_ijvi}bPj}2@191jpNvs3K)6$)N5o|Vpi6F`P|V; zZREa%8;(8JhlbYOC8r|96JAR@>PYZ3yfbl{bI8BOJ-N%<4U?x4uqkq5wQ373o?hvn z3nvWnzsJPClYB40>6qe+fcjvNAYXXp$jx=nz=lYPpK1^<4a&vXWW478D6x~GBQZ#k z=1YHt=|Kb&q8mL8tqM^Xs94b$BMv6-;-8c3nE(SLL}eEp$vfXoFeL^1adFe46o7(C zBie!@3?5hpW)K+9X@ba_s)AS=yAe$(Qi6;~+C!2kCX_a;1vlefLvLB2w!Q}Hc~tq_ zT0-&$ud&0v_(J^aEOLi?APecR%rKO{R7ngj@z}-IW}b%b8J1K(UwU3w2PW3q2CzN} zQ<1=u#>4YTpni1XZHe4_y^K(u6Y(=^ar-Dw5v6Vgf3p}qNqRZ;dnme&(S`?m*@51= zQ|F7_n)%PILeHfBPO}^GYVYlN?A%>W{`ZlsrU<>iolImnLo0~8`ddKOIL4kEArHdg zK&G`jB+?gcHtiR? z9k^DcRz`SOYEN{3?mGe1=PjDE@>hC?C}0NCwa4`Fz1|Oy)RaQoVn{L6Hgw<|4id+e zd+k>S{g_EtzRD^SbF!qN>4)>}5w}JeMU|A>(iH~&&d9@)+mM9$pY~*1dSRvpsB3AM zCo$4t5C$fzmsSs5_C2bC&ocV{6#_(I>Bl;*q*~XG;>*k&XFsV{sY7MM!((X&KG)MW z;3-bQ3j%^TF)&YlpG0}y*ncm6$^NBZ_%82rQT=v(otk^UCZ56M+G)1gekz)-pAN}h z8kqY?wKY)QyXjDnwn$Mn`@O9;Kc6TSOodc>m%o+Go~teYx{LpbXRO}_>ps={{l4DCvQ z$5@8PtwS04OA1l)&bB~*ZzdI#K4p5MFS{=W>Q+0;=HyI%G0FiJtav$K^#h{CmEhp3 z_Kv#}nLuHL_OIyS9_}NyqNu2ES)m2p=UQi{_`g;}9xCC4e?C!28m?202**RLLAg)J z0mlSk6gDvHj?6TZbk4_Dms8Y`(gk{brEJ2MU4S|63UB_Z>PrSD48?J{Ou^cM16tpr?)*Hc=vbktZ<}OZRjy zox}H_t@d&}JURd0x6kk0_IeSKCf)^pT8mG*=7(PWn#299FwgH-D^`NspyMcai+?*I zRa4I9$;h)aPVpuU`Rg-tm_;ld7-9nkU(DR@n39PbbGO=Gj@%3J zU8&TtX2<<;J=H(e<>0l#2xI{s)OT;-57{<%kQp;Mdlr~$gUx34yX0QqFL)_0WVoSx zW301*UP1{d%b2y-;gg5zQ_1efps86bt6abT{N7%H0mY@&r+o>%4%|+?z#c1Nm17(|cI+>u^GS?b@SlB>58u!BsVZ=mxxZJLL~#khaeIz@vBTHggu{F8`2Y9C zi-#~B%-+7i9QwI^>t0Rr^_l4^o+dB5MA52K9$1ymX3ZmbwgE;@|73SxByHl`lehs- zi!`i+!_5{tYE?IFgjr-Vf8{rQA6}jxWh9Ht*{&08&1N#(U>xM(K1F zXotW2WvVJ{*_eRrKiPk=?r{?NjH@RS76#uK|A4rQQyQC}PuI2glRnRKz|2_B=cGt} zlpSfcov^5HiQvrouedmK)WJ~s7|b9V;`W;Hlm>v&w&aD?rbvM)=4*ydaTwGf^46P5 zK{DxFDdDrcVXYTVw^0LJn`la&4Y8Tgd<=Lqpd?c3Ag11DY4!2|>(t&}Tx5dpddBf} zO?3|t#MZ2|LP06LtuUN*yR$OLI9c~}KmQB2WdJ|+)uCR}Pm{Tn_nOLRHvyks3}y^l zYjpdK|J~uY<@xt27`6RZuF|@-9O<`aFF3|zO5(GtymT`8G}r*O2qF;ic1dKQJm~np zdK!7_lt9a?|~N9B{>D`YfWmD zPc`a+jsI8YFmZEx@S!TWS?qGJjW*G`h&y0cIUdze&(Q4o zZ0dDE9^$7Y@GAX&jCCJG|6aKEg9~_cZ8;57ckR$ffA9i2KQGn%I4>dr1d{Xg2Lu?@ z;X8+G1>U5KU@$HOr-{!(B=%x@pB9ne#h`ww1!5k7t(c>CTXlE}Dz{_Ogt+a(=#^Le zUZ*Vc$wL0p8qv^w*+2G&6f355s)JKbgjk{qc^-KhB{UdUNg zp^VO};iTkj5E`Mq!ke&JVpB5e^WYByL zY8!$em_2>Fbni4eJ&r`~=G}Q{HDjh;#P&fGLrO*!TzX zrdWQL;hy^pIHdT)n4uMEs37TpJSIhKh5jlF(trl<^S)A$C^aTs+mb7+C=SYZf^;;% z!zHeSYq@+L*B7p9=_2(6`Y+W{9chUHoZMvuw^t}Z|Gj&E>GIK)R(#!CmE*PkoO`!W zfZt2W=lbW3;D_Jm``V`~Z{b$Ys9&n_^FATc`Afs?RX&Kj<4N&z`EDetnb`07ftvL# z`X%?{NgwQ~#P4P56X#>6eKY^jx3a=+nLgVVbTx`7_!SBE6L@WL(M>tTIBPOxL+QP4 z`JUvxG5T(b(yOdB;*%I~*_iY7V3hJL zKN4S;!NH-A7oP=rcz(KQQAM?IOgUR1Re=4v$T;GPfQedN+{jU4S*{QKF*K$$q%inc zXfY&Wm@$vQv#mj*_!huf)WVE~giOAu2Jq>s`Pt7d%JmEP+_~_QH;P)3!uBlI!Rc_W zN|b7hbZSHGm>rTM2y0#b#$G_MN*OCxQS`j7-y`t8OTyRr^`b%*CK4eVg8gPwH+v zIdg5hxxsoUEY5HBqIhdZN4*hz`E13g0F7+#mi2V?_N%z-LBMjX`@PU zeZd+uw{xAOAiVUa&h4)_q}=MBIT`+NlKmHeIL0!8Q&m>Hji@EvbDODc1|X4s8OQAb zP&my1oF=2l+Y7$0$o%&ZyN8aQwP7aIBT?^}bRhd97& z!A0u{ixQ~@SBBt&QvTFoSyDtDM}m6ZlgiN(o;BTCKsX2g>moI^_g1hv{++*37)oF_ zcdvdw5iV~7Gd@L(k7&j|&=*3tF~LL(bs&%`OEb(qp8~cz;F_~IB721IWyi-#NkM$% zuK>#a@6Q|ik8i-|7m9!HajfKXq#BX-KzXN)3xv4+g2;uQ-9=|n&k(Ax@;s-HVK!Q z^tL+mz5x>t`z^K{xl>U~JLRr??9eb)vKQQGNeA=wt1MhNh1`{Ss4Nhq z3H$1WuQ%7yn~bs#Zhsis?|cRvNy=J{S~KBxe;f@2GjkDn8iNwGlx2;@zl@k78Kqbx z5K8IXv#l@gED;zdRAtz7ne=txZ4p8ethoNaWAXw>m*sTAbkbw&NV=BT@Cohbu4%2S zU21~83=?9+S% zFa1*=JmXI56<#)fUc}fYcxEeo1R_hgG#ZHV<(Vu6upkEKEz8;+I6Kk^(gwy>4f}wK zin`2{d9o0NnAa5)Kb?b!?f=EqSw-a$wOP9G4=1?0dvJGmx8Uv)AUJ$TaCZ+5A-D&E zdvJGmC%Dt}->YZM%w?V1T6OB2y`Oh)TUFxMZ>2~I7kuye3@h#b4&5yig!s2)TYsIe z>6wc2dSzvr?r$RRCpCLi{~w|}5GT>>$az3Q8hQ;@V3q?Pd~$9?jbC)6{$qIjBNZ*qD;iQ!9@=*qxK(Z}N&Wb^DWD>IO>)$nk zCerU1ckG_&)8n;~j#Sad-GR&|`BETZGLfJQgs6j~xs6E?@jj^^P*LI9BgXMw;>e3J zx7Y*unMRJl`~hC!AoD;62s|4sU&xLU8jtME{*E5P^07*e%RmoY;dr=6WFsVm^{vI} zISkR=NutelD9ey!Adb^*@_-tpeIRYF zdP>91%-H_-z_iRSiYKWM|8%;upMG-8Wq9uyu#CH%)XsxH&CTj)9IBdNI@yenX+o^x zC`M6@HI{OfPg=H7@xXA&sT-AtI};f61#{f&Ry7E@NmR#4N@5~GxPnRyezSZS+H~on z0HOvd-p^h>2ZFhFG4zJsaSbOZM+IWs+&;I8A)GUXpxmGT&}cXkDE*F2EnvZ|aBa_j zPA7XfoA2>aL7t=%=m?ZhAA$OcNso{_f0%%A`M^BAHT-P~ z$jYD9m~ux|c%PFHC!2Teya8|9k!gXl?G9!`Bfo6Jjt)k-OFtMG#u58j0NgWeSfxX@ zxo%?)-|0ri=oOcoAP0z${>np>)94;vh+>mT=7=m2IZ2(iRpz#Eg$a!OEtxHvxQG@f zVfD6r5EboCS)27}FqdKC2A9Xis}3%ds#HM0Fg9aGKT!|#)I4fzeXpvQ`I9AhG+dvX z?e7VoW#oPO&bkHf)$$!MAl%v;k7orJvU1_2{FcLJn8rDyS$jznu56a#wRzpT>StN0 zm&6AnMs1)aLKDzN_{}>7Bn!WvJWVM#q2{37NGyCYU|~$LsrNO3sL}hWp=``)O9Y!A z>MW46|H5A3B9%G{?}4p(deOUf&~owUSh6Jw>iSMRK6ghe%JW&$zOhawI6aAaHK5k3 zB9C3Jh@X7(%Rc+QPS?XTvDFax^IDwHc=0Ld`y{OmZD;E21m}Udonkp`mx4s0b3{1> z!GtcGY=UCKU`}mZ7ZRQ}TK6eLh!_<+coR`4@P@(hg+Bpxmv9>3HlBdzz0iE+q|lT4 zJfqj}+KjIQpfw!#LZVlq&bUvkw>&`uemdtHgf1Qt3-ZUwsP50Q&(5+$6rea%&z&0b zWzjs6Jmi^qp*P6rooJ0EEA$Ck%;NrAY2-e~ywsX#e|0ylTRsB-PO|6ZQ4rJQRP{u~ z9dh=Z9*3Lmyt&*)jn?cJ^}%X>{p0vDIi92h3l`L^b8;%Z&063$OBYaA^IthaiXY5B zL}J;s`O>rthc_Y;Yv;Bg;KNP7m<^_}iJ(PILU^q0%w=pc{#xG__!oe#;;spTIC8d3 zC|>OTwIYQE@sgvC%2p5CcrB_FXhaGHoQE+yfkEhQg~&y;lYyen*G-cLulpoSKi>N9 z`~X@yx6dO%&+I=o{#x{Fd2C2nsU`n`Lw-7W`|*P&4LK~Rh_&wzgo(G^&NgZ>d;*4T znBlPUH=SDo!nlu`YogbsBLkI${_F@@idQp(?Zgw8cl0mG`W%DU|T{xGv=jM=Ic;Icxf_G8r)WzrNp)=&OY zM^qp*^V`T-+~Cy~)+xd|!lMqNng%i?`58sI8(^X0x3Hn?`{eoU-3-7ID~eZ*tc#?? zHv2Jh+KS4CRo*q(CIZ9NH9!Wt2MlyHAQpW~StYhVU`l+t46j(hnY&Tl+)Fn{iJciK zs(nW>t+?j=7@w(12A0*DQG;-sSyrv#HCUlZ7-2U75 zV)$2p?+YFH{rbgcMGFPbm%&AJqo?~*5YhHTd+iQOC|V}Go^%+!YL<#glx!3y3r^N0 z8dji-*QeF~nAJ3KLKe+CW_1;|Wy$HE>Z6)Rx9$~&bFa5OXR=3@Oh{h5&3g4ba^>5BT1r8`u zqg6fV$P`NLn=a6=_HmtLl@w|L%F}loMkspk-p}I$FV7>@z@I~Inl(O&DQyNoXw*Y^ zO{n7Ku zwWsDY)@M0RpVC}N*;;S%0>~~CQ3q}NZ-|Y51`%4G!5(kzy#hqf?aczhiX`*za$qfMg`i^IDku>^?Tban;e3Q;Q z4so;>^vA}D+72e3WnO7H%DV8zWQT=S8oH!F2p+J(43QLOEy9p|5y~_|@otosd2(P5 z!e!j$Op=W2zD?Hxbu8r0=1H79?>d9SWW5-{U&tgddpKCKD7(?TAIK|aHhwxx#DQ|d zdo;SuLqPxod05VWsHaxvGIQ0I`#ASj4#@Tj^`!Zywniu zWcIz5k7yXTfva&{u5m@6UafcRburVISm1>@b7&AH`LHPYmh1PvSTg|4fal%6g)3Dj zX`Ze)VPC|JD;|FjxD#q3Wu+58Vc)KD-se+66=rAUJ(kP}wuz9-rZlpI_>Z&VL4bM41cBloe_H}$+PfV|nptRc1C)jTcqq%E zzrWSTHIaC`Co2t(Jt05)ARy?(z6rCZ7bGpEiFTi%^O+!ab z{hVC_>Y|uW9l`(}p}%d7G2Zd}27X4p6rjhKD_GY*fr|mmU1h5GLIU7$B&4*!BICr# z9T{Ku4`a-skuiO*%)3{B7I=<`;pQ4TK@9GDe{9Rvdk15pwMzuc-SCV1$63P-X!A2! zbJWf;0rWE`{xYT{yU)TpLhhi=@zkt_OsWKbD>$I}&rA2!k=5&6byM6b8yW@}h*KkA zH0B?HmN`S4oI7_e26%DXY6nm}QJy7vsVPt4Ts`Mwkm3aY$~^BjoJc$nVH1+WeV40(`iSg67hH#Q%G5R7T87?uT|b!!QJo z9pC0>LR8gv5^S9)+W?{UOi72M+fME$A{8{zN?P9VL#p957O!N(Y6x z3{l9i<{a*AN@wbS&io^ZT6WSf@wPlL4?mJ}#`EVQ$Y+i=xD*}=<_Va*Mfp*F@ZxD! z8O~j{hn42p?eo$?1-h9RkwJ9T&}Z+u26W0ZrINKc!*(D(TkzmCV0%NuQM5wP8dcm5 z%i>yeYC&~LZYKDw7&@^-p&1}!e7!$!ZF9rF(TB)mKZO!UVSW5Gbqx2Imvxpm;Pws4 zS0YGo>sd{1G)2zO`{SH0#w8}2vei#+cr1U=0M$e;)|x3&a<%T;VRMh*Agdyw=D9@J7v?e}<+Z~c5RooCB zjv4#)vKv%stBcw14zemW-?;*{@7CGO7X6crm`!K?t?`!Mm%-P`$bm9Ay2sySX~J+9 zWk+l{D7TdCy{Xnw{sxz`1y@GNcSD4?IIW&8!UT4EaF-Bi2SL6sgj84*;l%_?1Sm#K zQ6A1NtZaSLt-s?dAhB@MFBSBxPo66;K7plrtkH#sh);`88aH#%jiNoFN)vxBj0?Ec zU;*AXFMpO7KeG@G+*_*jSxk@?K}2?lfPR8!;F5DoEah>L<>Erbj!Z{L^F3-!P1moo zLO*|!*>cORDF$L>dMv%^k(p^h*MV@A4@(6fw=u(Qgi{!M?GgfAyRB8|9rSq18cjdi?q%SMmj^hy_$PCmlSCm!q{3r0!B3$0x zk#@vC!T^6l|2)V$E1J_p4fySUDutwcy+?W$T`Y6G^ziGpP;w>4@xw-pnMPYN%D`7I zoF^kWoE2h(MP}1gEz&U;KBq*!$oB3OVnipy!QX^A&eF}|~S zKi(Unpn=&Wl&?eRTpO0!RufPtQscHDXLpZT$-_DTh3^eHOdV^Z6bgbO^wD@g~ zwQ$ab6I@dB0;o>Chq!H}T^5ph1&;!yHuSZEay=yIYOAGcwktW00+3L(2&?(f~zyDTS`R0jtf3St`^rOa*LCW(VM+)%{GEfg@8;-)#cTR;(;aU`Lu@4 zCkId=gop@@%5GFd6n`RgeJ>r^s_?FN40;w3ssw@!0S`18dnbb zm;Zf2Cz)`B@Lf5DeLgTcTt2(h>_&z%NG$M-W8X#Vsyz91=B!>0mOuUlw;a(T{=6y%nU@!lrnn||3vWb1zv~In zB0C}wAO6+Aqjj+n5|Swt%LHVOb6Y^E6utNF`9$5YERT^83qf=-X6^lTb3&930{cL_ z*+x|a0x)-si3viUuQ;2>u#G!~y*Xq(T2T01{)Sx!z`^gNKB!6ifH-Hfzo!0uRvIDQ zL{t^(LXku(<}UGpk0=@F4<^nvNUm$P-HcA>q)H{6B@stb3w3L|3S%n!qw+ z1%ufw#3Gr0o&Y9(9<9LV+gi2)9OCL8aky2kna3={ZhDazzv$vmK*nNs!2JhCOiZ?I zxMQufW9DXx39%`})fi`3(%I)4*LM>+QGVqR6q5jg3uT)UuAyREDy3ebNvE$lGGB9k z%ivrR6!lJDN)XLMO=nyz`!iWeI_O~A6HNF1or<9xyv0ME8jieY+Tbb*$u_gor>RCr zq`Lp8SP1{l(j{RgqGEwV5krvAfOEk0tjrYgZJ8&i7pq4x?%Ta69xrJw&$d-8m2ArN zPxP_^RZO*vyda^k5CWo5V3)W#d%vs>>-pEfwEDP0STNisL)n;GbV)KO`*1tTYemMH;xNA3J z|J*x;Lj|BF__1V9<5v_u1+WsQ{y?QS@;|z`DxNzG-td`3Xn$+qjyyDaekNDtSoCap zJ3}1#bp;X+e7CIF>@~tgPBOZ`?JN;^Y8wpbyLjMW@Ek%G!Cql>5ajiN6hTj2ozE@F z`p6-T>~-ryV?KxB6odhZWYQLqfKW(*8nL4S&8MTk)|b}SkQl=f1UgWG%ypBQL!hro zI#n*|a!-1yyZKpbjD_pC=f@k;^MX|%q2g(BdEqPG&q~lnkV`9 zgSUxy+|Gq`{CugL`?B$VvKH|6>u#22h5ZqCpct}Cy_K&){3E`akPdul0_1mY6l#{1 zir5R#)_vhsI(hTbp3*7xslNaF6O)jgH)m^)bgZ*ojfV7O(A0u?n&xIR;kX%Xewxe+2Dr$U972{xt%+Gzpi z*?O^os4VCXuHR4q;#9Q&%%94ZEu!cn;S06L`Cd_0?;hCtL#P!^qQ+zZ)P#K=e9r6P z0|ohos1dE^cNSPQ^x60X%|z*|$AAk2xKT|4+EDT@Pg=;S?$$S?UmLb1Lxk-i*4eyu zCjuXQoMc>~S)?PoRDM}b?27YdFJbI`YVn#m&|jsnUwXM7{3IaRu=|Vc#$=nciVvzD zJ=J8P^L}eE#HTZ-&|}LInh!0^xybHubtQ%kUb;?1V~TPneDToDsq<(KZnPbPe)`0n zQqf*TbR4a3>faRdAQd=bF*G(=We_3<#p|5#Gcu08jS&G#)Ecp+1qy2}Tjf z#!Ej(sxrirxSLq^&?T6EL?lROD{N7i-r*E+8Xp7Cr*cwhBoQgK?@>kh_N&Q-MtOLz zCcw;)E3_mC>0ud`hmSG>q8p-x|I+`V%0dB~#5w0QC;D>B03ty{N(8qPd@ z-)oSaf}Fkz1VK9avhF+@ACbGzCG!dYEyY{?R8> zWnx=@w|=B7wZq=@;fAh(0g7NK*>|BJ!SL9+P`j)KQHOyFYauqc$b8==WUH+me7(ur zM2roraI~TCitG0>DZsy?9u_!`rTz2Iu}EcP#qg$bLqQ#rzlsY*BX6XzA}W55)p?X6 zTNg^jd}L53`|o^%R@uj?Sa>lcOG4WD7^GsgM=bU4de?s0$NE=B-wh`HHZt}|CR-sR zYy(px^L%o~|9&0yzDye6_5ckQ)nXtz-c1u!m|E&X3IYZy<6LN#tk!7}Zhncg3lhl| zi7u1qp_--(q6h?`#j+76DG6p>1DH*peE?D7qu?lxU`MD=xYDe#)yO5^`9+m5DNq6n zvDi~C$+m~r;5gro;J>dr(7!U1owJ?XBd~wUcTee?l>OcMx6e<1%{o59lsv0OrL`{# z3MGm8rOr1`)XqM>J!bKWC1!>!67S-Grr)OfwG}6lyjSA2+}WVn+NX*5O8~8>J1Xew zGV)?9Tm?a^C`_ZN?lx2@!Mo=uz$5p%dK&B&U;_h4OXg_(Qof0aQhJfizT*#n9^I2K znpf{fC~~Qj0#I4d{x+2LQ{Dn-1WJ2oCvy-~l`%gyb zhd<^QK@~vt<)E{hb{>YaiC~z({V1vDnPlh6C9jGJ z0UDt|Gor$-FVL*y@LvaBVM?I{9=a0P0A7=|kB?Ggm(cZOi|8%1Vv>pn$3X_Y$cb4hCNo>+w+y!kE^cJekB% zdK!)c=f`!0vp(=_sosUvhdsTA^)YkhNN@VhGR$R(67dQwn4hq{bqivKH|5RwI4)mr zT2XoOVy?^}R^{?~DVM?eOF}2|K}+%S3KkM1!z)VhTKV)TpJdB=ENu-m)79_2zD?DF zBtHu67Y94CPNOeQ%56#mCv;n%J_qV*M>i+5RPQDK`ZWf@k+r_Tn2(mPnxun$roPF9 zc1|^EPOGPV0pV@GJNDt4uIz%?teH*>DOm0TIZe*$q1W8D{-kTA2>*_?>+Y| zFWBb`iW=&&QtM|K$*B;y{TN5g$IHCHT1t|(Ev$!CV!X$w=-d~m`0dDj%5846&SE5# zWK}||e@oy&v{7gYlZ4PAy4@kKZX^~r0vNmllaC4?x*O3BD~%*nr4;x|!#UY!+^w|G zd=eW$s>aIVY-EwOI?Fqzh{RZA_k`k|?0oZrs_``H6ulI&iK82@e=p;K$qyPbmxedx zlYTVD<|l>W?g(x@Twk`qr1XTq?vTB*is@QBrhEiZOWS76DSGhZ7OvIzl23kN@sVRB z32K6SI52)E@RuU|;KM<@c{~m5g#rw1k+iP5qL^1&ieAj=YBQ$+-D3g51W;81ZEpWg z0HL`~o&8xPtMDannw}?lZ$r+)FL3K`(B_co4bC*6o(;2E+|m1)5(UvV4u9_Fb1dTN zA=RzpjDKA?7zX(1Y}uz^65ZiFc{{j@089-uWR4a^EPIfPtJ#ZVk(Kh%GOs zb(3UFr3jM316r5fg202y#f5?le6sDuA}eWmQSHJfc-iEJBnmVT zZJ|Z5(`NSr5;?p4L_BzL6Q7;o+=1!Dz%>2-z~A|_^y|RG1MW*$&&zDC06!GqBE$k5 z>q)@p)4QUu^I}1cF6T`8tetKXoPG;RmNMwUM$;Y5BW|&eXFEIrzJBFrgFGy#WT3M= zE(z`$@7zgNgvBDMWQd33uKzYee^fR`d;X^}PyUd^t8hhhwVNO&5t>1qnn?uxb4?3m z25eq8rdopG;&7hh-<&>k4*6G~DEz7B)R!-R*6?4OMLme&g6V@Kf-;eSs2W6tJc@3A zlsy&p(`$UCcr%nB8j(Z{>9l3_oBJSk(1(~&TQN&!dH1MbJ3O0hAdsHlNSz67Rdmxk z4WhB62WwZy&fi>`^QYb!3BC8nUC9I7HtqZ*bz*;eo|HH`E<8__3}7^5f`S%^1SvIbc zd3?Lf8i-4q_|NsUdil(8o!UoPDa6R}%Nfp-f4fiTt*D0}u4-`J&4*ABq@w|9ZiA>M9U2HDn4@y+3|1mnIu!bPvy?ja04jA!C!m{1@f;k zlL6bA3jJT@iOIY7+~R++wW!4{HcPqtnRo}=M?*4LWpJ<|mA)enVhcc8 z)gG=~5F`2sTc$S_m!C zkyC-!NVw6OsAgO{w(aHYiL@s2^*k8$K>7JtQw{eL&gY}QTxEdMlNgTdk3t9Qu^%k? zRc=-RecI!_>nUeuYtGB**44fU4@H~!wj+3~piPJclE6R2)p3nSg|gv(J$C)r@w3YG zcujg8q(0~F*pTmvmMSgFs z9@fP;OV15WvISo>g3=Irlqf;LTZ?iZFx?U^CLK3ua=>53VS!t|i;C=8*Ti{4qU2Lu z4FMH&8~|>UZ>5)rRysp3q>?>p5rFGHj(yyDQPYzq#s=tQ*>7TJAXZea`fTXp6Vz*V zyY-STbr@Yos&@RNwb;JiFv1d2v^yB5jy|pzg_F+d(GrF@g8Xy?ECM^ZZ&=5 zfr%vG0lQ<*<)sRBSeGER__cRu0(i+9i3{+$zxk6=cjH@MX$LVm{&-6zU-vA{x|4oDm>a<|W9Bov14BW=n%=HvBD#s~S5oUHH}U>YLF>amsR1 z7)4W+<#@keFb15$aMv9Eie^WL*I3VWc5UQG=hbjyY8UocX_(@jAEaZ~?%%E^JH-rY^X&9f^ zi=@*(uf_&(DZknB0wdyR)!A}d0Swue>Ji1IKlH{L`d<|slA{c(L4g%oZIFw4=Za(k z#J1yGXj|;Q9Y#;74Y=SeniHF!9%=mw{{CKX^&dst0ZlJg`weq%5~%V4ETRz3lj>hI z7*kn;j#jDhO(~L$wJ`upYHoaJfLQ`ZBwaBxd<20OGxEeQq<5Z}oC9N2r^PviCNxlZ zTO)Hi_ZRwtIvsfjW0h{&fal?+yZt&(FN_F2nwpkf@OVXDS*2DYE}jww{itb5fvH1{ zJFonP-5-{!Q*L={?WwqpUI8cROT$w{gRkQ`85?DgPq5~VkWkJtw?((f$F`59D{#X4 zhJcKzA-hNU1_|i#Ln=;k++e8YyEVn@8aRE=@v%{0?>D3V^fe^xTnlpHE}}m9Es94CaQot3BY80 zDEEg^hni`0yRbLSG1{;Fs!TBFfS149qI%S5Mb#qrh)?du&NatX>- zFchZ{MH|Bj#Dlf5bW|%EVjF^a$Aj=SK=vfbPD73%!`P8~5pGC`;n+klURw_q>*)G< z&F1~-YE6EX4D9i(9jB_p$Z7F(Hd0NDOSl@1eYeiXbiC=#NCyI`JrrXAX7j-xG75zj( zh4Jl@U}F6U%;V43mWdl>!~QQ*i^}VQp&MGE0GMsi{kuf3X2CZMnvX`hP>=!-n9(Ehm8#H_zV`$WfK3zQZKgA5qtk-A1FW0!_Y2BD9nX?}LP?M)%Stxt6m$efr&(N{X#UEFs382>^4zqhW@}A_yLON- zrNQua&IpFh_u$)2k#d}Ce?-RV><*10ZRsH3ljUOn--1e1@sU99hh!;Y2t|0x8q^hZ zbcAt&HJ&fuLc1EYLmqTLflhe}DeV{N$nBXRCe7QaHSegEd=eDw*Wbf9@(=-f7;??B zO->f$K*xmntLxT?aYpxps%WZ8KkD?1#ebIl>R;8(r69GD0A2_+PAb`|@JY$)Y~< zDusSx(JdACM^A?VJ{zb}<53==oH$EpjOWN51?J@b5P(e8cS>qLAB+`88hw^k!m{yS zfMV^z48ybP6W70&PYmzB?vjNQlcTu~cfty+rnY}jL2|Y-|NVhY1m7q>D~iS$oD%_Q zpNUB_Dty%v5deFC=)z!CL(w_ z7I$w)bj@;(8sJ~waZ(xnk4XdVk^!20H*Mt$k4XSc1JwKW+hrB^mJ7hEJD|A4#Q+%I z_tG`DX%Fsc_{bBk?-$fi13~kS$b3ZiJ8mzhH3YEV7D^UDSb!&rCf~n{>alCG!Q}VlW+H>Ym>rq@fWox@=v^=CT zHAzpW+D5npfwZ^IEe*9|7TU6wV>ureMl-Pn3)b1Pt+}6lg#l`4vm-QiOq~_JUGR^! zQwJaS8T3!yTgT(u0&ZO1M958LHOL^iKGAC~L|K_SUQV?|w3dMmC?<>oqLmFAzNK zmo>`(jf9AKa&o|;=@EN;ypvWSy`+(0qOrQ&zUoI~gQXbEah(zUhju2sPEVTSC^@DIYf|{IrM^qEH z(kAZP4gbxpj1J*9Kirbwqk-?x=-tWm`7O;LJdw4sjBKzjA6R=&O$LX-sOtX5LMe?P z;7NN>sm>!3*n9HzDd|q+Qu(i|KE=jeR+Od(0=WqKGjgWa#%V682<7Y*Af3#P`yM@B$y&Jo7h^nQrQ zI{J7PUP_4IM`0Ku&Ot8Cj*luxl*tgEo>;-9p$kLC{A?d`Ekr z6u~18R99V3;Lji_WzKaiL}rF^FyeTy$7W$2`atV$RO6=ak^^Lhv*BCw!Nx;d^ZR+& z*S|Ul$l~3UKl;0q=QvOI_$u@TuR*J82-$3jtnxF0breyCsJ9Sgp8KnXGlaLhj?l{& zG>=W&Zrvt-#S_L~GL74)9|er=w<27hyS#Jr^8iqZI@4 zr4)bmT5h}F%)vA7M%VRWZH{9S`{Pa_)wRNx@r$sosoIySUdb6o4H=HT)XmNL0fYPvIe z%%`X!VY#gY(zc`NcddTBEgZb_G(WOJk#d$5uwu(U_3~_9=z|hwj=H?M$H+8s$$o|> z{c)O)-l?dvz|jrwO7QxjPQ(~}QSkKW9|-yWF!+Ai`8*czl;2D)9gu!B5wPIFS1{)! zcBTZ}P<+7;EclRp{M3kxDt-|Bxw+U3c`cqqdD$U(@6~?DL2bv{xEFQ53KEwEJ$0R- zuKy`_#i_luDKG_!V70S9A0t~vNeAI|Pw_z|kghcAS9vmWV!*8_MtKfDP>HMk)~5<#55iWCy0e-0#iU1_9-ikeou*0ul7m5N2YI zRcjVUkj8W9fd?rXa)}djWxvW)ne-%rKav;={uUp8JN%O7&QyIq?s^p9>F@r21k)9` z5HUy3=KK82-9qJyf!q)-TiD^6W%e0?;%mrnfN*v=$_Ii|Oe*MX3A(!x7HlfIY57@w zU59MH@AMzb^pX7qOY14@z;mQjOF4tvI^t9s;M*f!t5br4nYiOr2MB)LQ zp)yqEzYByoSmszTB@l_fo9^kB zCMj(Rp}isgmJJcT&8rv&pPeUr!_jo?^N~e#39M`BtU+myb@-ji&mLp^3>N#V@$(lu z$eHc0EVd_{B!gfB=m=k(RM?S92sTLpS^`+5h z^G(%q1=EjBbm)t2gxoxpd2&lgaF4Y(h7iy=-{j3V0X8PoMywj|5`D)tYdAu^2z&8WifGoB!(mPYrym^c z8yS#&2yCcsmWMntG~=_adBVm#F!pP=dD;^1B)!%C6bIFU1U)O+uubT?(bzKCg>rx4 z+~Tu)V)K{yOOSv~U%g=i#QO~3P(ceKjIj!?ht$i(0Dikkpr#wN)`1n3a^J{1Y3K&yMB-cAe2Tyh4sKxPgklXR) z9oY`W4)|&>qPz;0vX@tKE2k$fC#|C-)S_kPW@z{Zp|XYWW)*PR9MHAa`4;NG=L#G~ zu28H_VRB0g&-3SjSXPq!ZXeFB3(Ud^wjnfEl?u z-|ZOu_X-IkRBlo~O7bH}MCtXB+ws((G82BDA9ga%_oePtOds6wvhU|aK!U=u9GLbG zhe&-6zW&BK$ZyVZETTWv^}A;VmI%KlJ+(Twg#ipO)|9rXRM>v1Xi?L4Rcp|XV8>1@ zA5J-g%>_>97#$W^(cR4xYN>#xw?FT*w^ucWGs>a3;OivW$q1}$h=8_7dp714OJS)D zanak-XJpi}IzRqX=>ah`1Z>=d|C`i$kWe5EhTzF6a}BFtu9cGJ@`x}I%TSX7$KUtK z(Tc?Xt8iV@(g70ctpeh|CTtedCU}G$4d{tj&SD^gAy*t71)D#MLPMpAzEP%&$3(nL zk0=_L1;C>?YscO>xdHprYe%cLhb%y*9nFJRj?xI`kAUojYrRH9c?79h>&z#w9HBPe z9PgNzs-k9##^J)4OF_av`&S%oX-_DT7E?r;bxVc0!yd5~e0WQ#a*K<qAKuGp8!@2%(9hOwV$OT_Pqi-1r9nF04LCDB?JxTKRV%+^x<)$5dy z21ZE^HbZl2Z5gtt9(Pj*YG(~Cca(%^3=aPH2Gx+7xk-WmQzz@<62Rw`vvqbeZt zLy!V!bLF-%!?$R}vE(vkN zY{F5N6CwCVLpF3vK6}`?Azz@B5{8mBNfOb^g~yW$jVoz9ovG=U)-hbZqM?>T;T2q7 zq=jguZdI5qejy~IxG%AggA1plzfB-0WRf&_vAvWw2hXl|3<7lZ+qAr;;_Vn4=+KAf zsZQDA_sRRs&a*kxXfiRpNdA_U-mK z@V1`+F^Stp7x$whx18olOXhyci6q$v-{QKBzF8CwclvcRwN2a)=f}b)3!I68oNQ(5 z7{XVs>RJ)#MPrQHyfPydWt1+&f0=^UJVIa3kL+3;zCBSSd&Iyt%^1s&C8GUf-tn`G zVBb3%8;uM5rae@b2q$v7dM)NGhmy%IIc*KD%?b*&|HF<$@mtVkFfLCN7eLJ)gl*QN z(p^K)XVtgZ4DbA|Rqz>gL+{gKoz@S4odpt{JIa#FSX-A@JRn$Qa`4 zIGy?ir9`m5p20Q{`8}KoN)31a<}T!?V>{`e_kZZJ4{U}5Bc6CHI~ISU)BgRR2Vdnu zMD-XA!qC5F^cvg0kZumQZ zht~t;gJqTj0uTD6rc!u7lOd@|o=hx*A27XXl+mQdocgE(Z>h;(Phj_%goE@tr#@z; zD00TeYO-F1VQtT(U6h7nA%{m?im7ltnlG<|nj9xko(na(ZF}S8Z(M{pQ4koqL(=>< zEVX3a#xH`xw{inRJaSotu(MSu>fw?*#E^$V9>DQ&>~IZc)S4^)-9RP??iI=6_h`5c zCxWGjY=D8Qq~AvmJ#LDiNVGo9e!EbDwoJ1ng@yr?@;`wXxV9an3t+xVs$6yZbdZ0C zLkzU`aL#TqYB2OZGGh-p^|w`a;H#cXOb*Oyt@$a`+DS+ z!J_x}wDnl}gwSPm#o^Mt#FVMG(b?^AZ>Rj~8YurZ%HS24?goBOMM!USg7FO8b7pMUvWq_@bi}^BVI5=LARi}>;FQ%N+QZI!VO@64qDfUxVyl{HjY&TAmfPNmcjX@ z)|uH+V=BfwVKl=*BW?;mJly5yi&{fe1uN3<}1iHojF628=g3 zf9(HEXcH1rWrZ=d&7JUc4{I*X{@yc81loWD!l0NLLTW3>{2{<2nJ*}S{K#vjoFTM} z=Yl8)8Z6SA52F+)3phYhyi>{gaRw{!6k04Dea#6pb zroYEe^Aj~$HOCbQO>1kv%ho1}NY}4tz}#H|o$WEdA)N0dbA0#QTxy~DwSo3NMyyki zp#CdvoT#=LkrK43ec83Gnl8#X`~8EV`_~}gv?Bo7Wba#G4*LyJ zruif7@w`T$dd7ES;}984lH%m}_qhJ(Rr=u5^%{~Mr#ySGB2a9jt~6g0O-dDBx&t=x z47N&v1&}1#CAR*e0FHf0-Zbbmvag`{^;8Jj$O*ssC@3x=x!S^t3hljd7=fIsA)bm-?0tYjGg+h zVY{|;9nQ6aOuYInl@#PwGT_s%ZDj*13*gQH+$KG*cqu;7aq^ei25(MhaDjckR`x)x`AhX8}drV~G`$SrL=$ zQK;FWFBXg3qrD|{H7@BV30EzMd}Z;9HStK%91;iulc7kILS%KYo-H!ur0ELDyG-8&=2|(OKF-&&wH)e_Im`Qra2wnn?UE_Vqc$m!Hz0hyghLWW4iF7l>)d3`ztw1h`q>!! z6j1*YRrsA;hoJR5!{M^15UK_580y+>lfc5ny8iWC2B)MLDzDe%b*op~=u>xRUDm|; z4+zGauC<&p?Mde%53(LwP_qhO2?t_)bOjt+Dcbp}AmhE7P*+w~Zy9kjBh;8j=tb9) zN=Z0Y%Y39X@0pPPwtyLAx@gA6eGv*J%sXNhR9lO<=|TyzCx^tl zLvSH1Sw8>8F0z>`l=*Xf^}m?<%Ah#fsM*=YU4uIW3l`ihxLa^{3-0a~^u;w0+&wrf z4#C|mxVzisyH)qr_h+l7YJW`4)I8_(=|0^u_vnret)c+g*mK@+5gia;FMRa1pNTMc z^U!yslXT?=%~K7F*b}o8l>0s5TXGu>;9r9F>*DaZ`b@}oZg&n!AO|qa$x8Pb)x)n# z1w?-k)sFBYK7;SojE2x7S@J(fE;7rFYa~mes1Y#E>YC^$#scgO@ztSwZ0v`&YJW6{ z&|tOi0m@@@5W=Cu=I#Vn!&-sl%I0pz&yT)g;kb9uX7`iD?8t*h*!qOvvxv4@y}X%K zXrC)x9|_&Tscs2(eWNpDIBdXD>NS;k9G8u17;8Z3ff_bsS=^dQGnBuefd5E^`dp%z zb8Py{hb)!BVQguQw@woG>RB3FIBCod+R0d~%9Y77T9;1y-wykgi>UoR3&rqJKk=59 zWxfp8{?Fv#CK-Ab;xKqh^#s!q{i2ixti~56dyIyp*O3 zLJQo(uxgD8G?IRsBR{m?ugvgP@l8-p=4^&Cd=tj1fzrd@vHt_!xpcOiW&GPCilcEh ze}kGE45Fyd8$BPN>WCY-<#j^DVeZBzd+0+nY@CiE7K3&s&Xc>Zih!SkvSd#&^`bxd?8{ z+msOq$mHHkX8#D34gcDKIrQ7A8ARHiO%C;n;lUManH=L&VCd=IUuhU7{#9Sfq-r|_ zPpJoXHBDS6WfWq&)CijvF8ie$e$Fwr^DDp|jBR>x)UX$c)0v{5Md3w8U4A0% zQSto!4m3bbcaEsZ`9i5hCc%9w{@q?f{Cv6Y8_65VrOoPKuOrzyzH+c^?<-2DFA{Ja z(kmA?kw)X?0}fC$NF5CIfW63Iet$d`g1zv+BkkGzRKTZ7#wH%&!6AU0^Vghmvx-A! zM%jWlj%Ah%`(j{ZQ4pOMg#dgP!tVr^AV{=3#?#iV69%^2upy|tts*-~zJm=iW&EL~ zK~slrAfXga`AV=IvbKqb9um%Mc!8_Q1S_i}!>Z|7e5rs_``HeL|BOCjQPjC4FdV_E za_JI>g#2f3w5bVVU&KFu=QY`U(1^fvt^y=hbs~ipAFU?r4xaFfh7Zd4T_>8kNDnmB zZX`YtLPF;|Wy7g$h&*s{puv)EC|e3W6iy0Ce_vi(0Q|@l4GvLiucr^^1V}c(7ZXB- zT#9c`IZQUw>_7!h4sLo9XwyZclrqvVgj?=Y>Ss2jj83TL*`Pu*PLXzQMY4gzEIBM6 zN%MgXW~I%st~YQO0`R_F{EqW+M)+R`e#kILeJ?TS;O*jGJisJxC+>}uuSBYU_&eRz z0{ku>z2Cy#b1^K`qPgCmex}|8qVY$}hev6}O)GGMEC-IY)AW+b_C#>dX*fHQoMwU# zs$z=1v2BkOlAtoC_{x51JaGK5RjHH+J}}p|_)}DOgSp$0h(PFhM;>0-(x%GgmXu%c zs!R^$lcK+_YCxU&XKIOergX&vSB~IR=cEPd9fdSev?w7iMpbgO>1jC?!pG4!#UEbS#9cI%(3s)DN&MuiTOYMDS-4jBAKXASe{glz z8xlBy74iG-!|LN|RCo4S7{b!vESY9ymk|`n{tb&~4qZ%v!s9o_W{^7_49{?GC}s;aD?mf%Z#{D)$`~G96R}_Zs^6Y4 zCu~tEG9E|RqnsgGkv4ZgxhfrISR%U(Z66yCMcATox zsO`v98nBhb`EO{09E30jv8W;WBmv4>6^sJczj3UIk4j*~YZ_ea1(>qUKNcN~TZ9u~H+JMFy=EI7PPF&ZiY-N* z3t%0lM`*P8ZG6D{tkm+`MR#AqW2ae!FU6WwovlpQ4uyJJoB6YH#=B*-BWMHeC zMQ=Y>OkrepPVWD3|6J$Au|8-^cPB9*wg70->eHCp$(P|DFr3VOJyHJX4p(;mUh|nmY$Se7AbPzsm4uz1A>zdPT`* z1}K1_*~w4tTprKuiZ+Z^j0h)5F&w5aIpGOaMa{a0Fr!};Eq&qT5LS zDqGgTtK|l~`KL-wf3fwlbU_OK7ffhUe_MTQL%k)U?w8-`zWj8n+35PPg8Va01KfYA zpn)iy)(FHlzSbydp?d^ip+74{_)RAuV%5htLY&*-I8!|6FFJD8Mj7`3058rb<(hU?ruoCV_0RS8J2_*V+`Tr=(6d zd}kF+Dc^hU7bv1pRQFc8)7j&c1VLGY@1q-Ey)CZnbQkAJ2p0@P*|l_9I<(dWiAm1J zft-nJwKJrNNXV<0nYdtE1FrwhBz>lO=OVEQ}}aL8dTljXzAV zr#6Jm5ZPORKo4P1_W z)=xY+5|VKsKL{}#JzZrnFA ztS#|t-ExY#?o|l(`Dp)%ibVc=wn)r1|2Z_- z1#@OJZqe2W`pOVv>8#E?fZq&4{el3e+g9P@P8mgNSS@rt?*p?c(X5@UCs>m#2jTm! znp`k;OdB_M^*Rz2t^;^@Ur`iD$lu%ZXOFOPFyAMAN48OKk5rERM;#~yvSbs;6UIq2 z!)2>#D}Lp>?Rsq^_4)z;BSF0`FWM8o-n8`L{0Xo5him|4_O+uD@)P0ln8>V z+Z4i=?TQ*pfo4m`Nh&=FQnc-au^RJsYX%49Jh8OGvBGNK*@+!7yMdy%qPyj+AIy>2 z5yHkVj$QXxw zTu=oPB-*!z6_jcm(asAAY6IyuI8a~$HJ44HqtRSYJ@m^BK#BMQj?j%+rMX(!08z5B z-lI|`e(9yO1pwp1oZ34(4>!3L@7c3aytRMrfP%N?Mj*dvsUjUB^r&eE4v*?VzPWX0yIA~KTOSSRwe2&LO zagHpH1jv@Yk%3#CLt4t53*Q#wLT&fn7Ev#Ag4w}2u1<=@0r?fcsuf4=6oz@-UmWY8 z7&_q{WP54}u?isizq@k>a#<@_k3F0)@EP_>Vj0|(jgLhzEHXcLKe@`VTGK^NK_CdB z1$8xYxNQa!=jH&4?Q#1fb1{jCuyjOWB^|$xE}n!So2cEuh2SVsx;(BNh#&N~0DBe0 zZDdxBN(KW~FysodB?1LS&LmGkVo^QlQ3KqyOE=aQXSYAHrhRVWK{u%85mbDJ`F^D+ zr+}F!QP$CQ5Cu2Mg%4~zBoII9B+|F%=5EPgZE9xN|A7ba>NL#xi@?@ou>jo(C#Qn5m z_?!k-a|&ep+n=vzAAGB{UiGZor#X+jvT{l?z-f;zeA5xkT63z=o|q67nfV(H&X5+2 znBcWYMA3kErY*hfS6no-S-=i2WgXU={}yMpTtnlGi`WEjo9lng(z!-UUhplD*2+o@ z)!L53BLu!TxBv8`rL-{2IJjJTTgC+*iVdFks}GJP+dBu%LiGd)V&Srw9vd5j0?foK zStjgkG`NFO8c1td9cmxCVR0y;tzr0{ulA_zgZA(Ui~yMsb2&0*+G-g zjRXLkoMLsgzB_NIk8gy+?Qt&03BEFQoteFS!gI-5@Fv=G+q|p)h}F=zGlYh|TAeSE^N&`#e*Kf#QmGfj;Z;!?;g-yXp3Tc@_gBs*o{31zfI)jR zP3(&f%LNFVHAudqeb|5zrE25wEjmZ?-)*KWF3)0med9s5uIr8ZD7W?^cgX+O0$fV6 zhkdG3Qn!Dzz@*rk8b&EyTRN;HR%b591xtH%KZ1We_Dw&ert0c{8%?kaKBd z<3h4D*~+7{Hi?n~7iA?sol;|CM@o4b8soL&GJ%;jlLj3wpMseh` zWy?cS%adpA+}eJ^GSKB2Z@4qs-fEW0$a1{6}Qa+d4nFE9Y~QfP78IVY~l3C{j* z|IfuMR=$3~+WO{LX4j4Mvn=n6%XnvDbV@7~@z&TcDt#vvik>2}i1`|<#~nI;gfD^c znFsl|UvLn?n9jvyi>YOMCjm8jPv&TcYi4`vder(DrYas0E_myS&Lscx+DD&onh?(8 zEiElbzF+tXlZV08lq#?+9|DN!ya)_FLgB*T?h;fIzxMf@gribLKu)vxg$1r)SpSMta!4&s3 zEuX;MX+s?hvAJk?Sw_jtDCbX%VTRY=#Kp?bJc$=fSf)V$EUps>`?YFbK0Iy;f-8d< zK)k&vw%!V--6<3S2HF(T#I-Dis;Hp3R3oIP1 z_B|w?Exwzl9soR`Q5GMxRI9r&UJVsERcr&sL=2nEirCdr763BlU(Fes0#}NyfKK#h z@(LqnyU-*)vJ-of*YICE<1Ca988*FZC_ol7kjK5cQ45vy-wbv}kW~<05kgrTl1UAe zN1B+OI=Vx<4nM60f_E3*_gMYaT4K5kU*3e$s{LP2e!YyKHGXEMgk4*0@NUo0 z2=r@Q1uMxeuyDz|(*)SuYnHg~l>w_mAi8-zHt*R$8)osO;R%~;8>YS#{i5k!RWiFd zF4vFm^An#`wXLwGv$HD}tK`)j0)?@t;HO=~>eKJXcA3FD-=Uf%paHOBQg3%gFlKsx zcnCL+=(^sl)vePdZ&nj>$iE{fA6kd7U+s8?o9IhS`X+(v-D^DYV7LrfHZ6Gxi%$YNi@|35lr3aRP)5gph0TM%=`v2Ge-Sb%j&W^Qbbvq`O^0&Z*@;0( zM?^zmsG88T^j77YtJ1h4+=oA`lpa`R+ZEkWSHKVY`C&w{p(*@BngUvDBNW5U)OPy01dl|^A z&EcL(uov{{kNaeHF8}?e*cqHwPn-*5k8DimzAN~KOqa;xF3eiY7iDCghJ|Jy>P~yl zoAx*+tI4uFu;s2@Ay<%iqx#Er)tTB3Ri(I?6YfX^!Vtq^r>+3}K4CT$%?@uFma`#R z_k^) ztfWBHYJY?O-mUA5yWzOJ-O>f7hm=5ME7Ig;zz1F%k>VK-*$R4v8Rvj=KS| z=&tsv0~!r?xti4?-mn3^8eI?n`E;3#XdsCTYY^?N82}J7(1$OvmFk3+X&928QYi;` z5#L6V(Q~l5Vv}yo#SYEG8@x#|%cqA!6z8H)umAqEqVaxqZIMZe@@t4KU~nV%@SO~+ zr>0u+FGv_gOkt0=kgy6VL9!E~ZV}{qe+p8`?L1!O@Z1|8ZlGD=K0^)2Ow1!~@pnYa zeVJ-%>!pal7hF3L11N?zJCIP;#6S{wA`cv_M#QYQ!qB44Q{nAGC&$|@1$>WLOyyZ+ zSr+fm@Drh1%<%~!#C6=Il0(KlierQ3s)(DlMp%m?aGOV;{?>82DShf`)28CYj4gdq zGeOKEFV`97<){AX{f}W)ckqsE4f@~Z*E)p!tBn`n8u7`Xg)sKd}N7{Z=o0eyi+UA_LW=2V-n9dGJV!sQvupPDCa)t<=zW zK7lMB3bq>dG@~3tST^Jb{Jw)I%!{Rxzr~2u6^tB|5Ie?8!NGeZ><7#6w*w@A^c%9s z`<2CvqQUk;=R@c_UsvtnA#U!>-B{DPmAAenn0cF-O@Hm4&p(ZMY-HOBFeKo)yHHT; zIY3^=@Aok)+tZQH>32(M1}H*NO;zWL{u^Ub{!YDFR8@`;;9MO(oyM-)%_ZH%W6(fU zfN)x>vF2%7{;N16*_*$%bKav38={PMF_ zzcr0`15llcnQzbj-7f7}WP)5$SvpdrO-tFQVcqUfk))>F_^9MghWA;|UCS7Ea_p4VuRJ zQS!=*JdI9BT}SF2?n}^;{VGIS!oRNfz5Y(#Tr1#131tn{3D*^8DskpgPz##oDiD1( zL=1_v5{8}dZT)g=4X^R?Tt|EPdsk`s_ij}MUQW;vbd9I>C6=*tN82&E#%x6N6$=HO zsbYs*#RP9?DJWpjt)ig*rs-68$FbU^&bb;Dvu*_wW3|TU+t5xjg9k{A$-xLq6B7}y zT=sJeUe6F6`+hoKH_gph9NAlYp?v>(WQZh^1CoC*N^}h}Lmgi*SxrRXDBG+N6LOqk zP;(U${*Vb25F+%ipW4;$B)n%n+SA9KEj=oyt;C5t^X5A^U+k;F?+iG2^!?ELfuev< zj`sK2)B&3-V)StLVtyj&^x-aHy=#hs@ZSLqk>HT+=wht2`Z-dU0LD7MXY$r;=!VYn zBBb6x?MZJ=sr{(=*E?Z@F3_696CjX%F$~32zOkV+bZf8%#r@W0-*ti}lssrqEd-S- zY2m7}5P9FavPvJiTaxUvD6#q~Me30XU(><>}nSM|kcLjxn6hf)a z<$K8+GNe9rL#He4eJ7+B)WgjTylkatUn`OvjM!g13C4}WM*WaL4$S^)_QPNQUauAP z9I`njC66icnvSrx%T28W*+G%%&Z= zac@M#k_21)M=*D#Y{DqV(cg5x;$0RcqNejP<5hT3l7X<;@OfdVM^ddBEs@ zDCX7nmM2DBvNV9y#@XNIqbCRl&Q4R2?S#x9p(S3vo4YfIVqC8;{Vs%kqHRZ+zGxDj zQJoffo#Cj906Z=3k6;G${wz>t2IM+hpP~R|G64$R4_OcVSAsXG)b2ICEI1SXc38(b251T@7Q7BEHOyWC z?J=$1FLkr1BddW|V z5387}U?5t@wGBUU&}4mp0A9rkSc-67`>N-mh`zC2CM_Yy56xYO747Fa;}pN?n$;#@ z=rr3DlF%D*8nE3+nSw>-im!<=V@3A_nqN%(cNMobx@T>kMnW<+^}meK-l_2jEwOg~ zo2c9R1QBu&{H^ZPHWvExcquB6f=z*9vN$MHT9~IvN|*h}20jdL=ay8Y0Ge!?v!5xO zkz$B@YBz_hP_*9{3Za`B=3G9VBRgVBuGS^#uF4k3OTcl^0wh{cffO*S34MX`2P*e{ zpy~FRxh7KDV^djDrEg8hsH=8fVg~}=Igx+iTg`7hvg$>ad6^hxiv+a8gmd>lDqsGs zazfRcgX})iS*#ZM#>T(Xdg9^@!PkqfuIJNtn^)+7F?=c({(S`CONFR<{eLlLVg?zT zNpgY8U#Dxv)?St9kYVP6vx9Q+(g%-MeVGj+rPk;{rdUul;e>B{bZ8MV#L)!nuoNsF zcEfp#hTtYO!~>SXUY0x6&}9-VYD!1LABSLg!f*Sir_~TcNKL`Ky^iq|xA9ks#w5YfENR4muos7o$?ujHGeL@_Zqid=Q;5#q zug(V(873*{HtQLzw2*|*r@yhb*=|ZBL;)Me2HaqfqHkdHWDi&3S*l@_^rG|}_=bC^ z!S%5~8qZDjE<2!L-qyPwCEt&@-mP9<+~3~fx}GWxo@-W|1rFeTZBqg;Cz+T2NL6npQn?*^46NurF)jDj(+O0(>vg8jsjWa zn=zdaIUb@!cP?}~=#a(-LDwFTitJu~R@&~7prq`m1l2>RmZ(CM&732;kmRWlV80HuQ~#6UcN6Cg2Z<7*ZbjZR^Uxi>An+pj-#g9 zE;i1ny}MNhbi=tsYV?n+;2_;jv}$`0)l~^RhA@i^9Yp%W&nhZSEjhgdhxj*P2DQK~ zo%R7Q@AV#geNJ{dKk_M~>;rq%y=~aBwaQR*+NPu9r#eOwMa;+%=xZ{5WY#!u+nO1v z_F!JgqJX$3`~W*-#*C%nq>up^xMJz8BCJ}TZyYr@54fsr_~bs1 zy4ur{C<$g1${i{TDIVlU5`zONGwJYAQ6<4aG3$yIENVJ*Aa4@4|8>nmh7l zf-)%qT;Vj<^MC-fKkjZLTyVTBdZ7eq-_m~JKA;5DMZ-%B!b)&^7Lh;9Eq!vL7}xF1 zx-7X1-AMP1J&v3a0Zcp_X5gF}cbo;@8&{red7XWb(y^v5jRr$K`{EA-kqB`j%8doT zE7dM(bfbI!6&E;-$kWYP;ax0k;|k^9UcsS z&SGdjd>|H7?1!|$t9*^ycb@j*s%HZqp9_?TOHnKjeE*j28J{=ZqV2;@UBCU0g?7$6 z!_Dx2vonI>i+Yh!dP~bKu1tw{jZ$-8dguX*KX#ZfG-yT+_&-7e2|T#yzTp}w1QPcl z&bfVKreI0Xh!pP%#%x(UHfZzGpH|NT11@ONl;DIoi?8C+Cbs2&i$0@%%rOh|0MXSb zi(l)@Tf?Y`sFuJbL|i-j$D_X3R1zhjnJ>dqKIevLS8$mCa^#;MJ188B-!^?-{=$RZ zc0v$Zer7(SyXa#6S`vBHEEkyS$14H~MIW$S$Uv(gIouuhC8EWzKHy**`x zYR*m_yx!t&oM9bn{Iw7Tz(hyrCiiGlpbk-+pjPZyc)c6Q#r;a!Z`;0lp?f$(B^_hD z;Uj!G#RB#^Ee?PVwW6XnPpHoypR`p%qR-PHm}b)9$G zY6y6$8*4CHO3}U3v4z{P*@C!{m0&ls(ZhADSO$J0Uk?%AY+(Zd1V6yZrmL2B3Qa6L zz*5AU(l=;<1|Ucq7H<72!v@j42FQm-bn<4e1z~qz9g4|0$0BiW&HXFK*bcXc0v zfpCQ4e!mC&_o)e1oU^#DSoJdejz+p1yYSL;2fR9kdqoGvD=Rsq$rvC{#;2J$XXp%%_4NM!l+G^im;M@n3l*W%z zvYeMWd=C0xX1fP8WC;*^i1}-BN*D8v0;d_+m^8-|m#Au!HAA$>zv{AaJ0;SFT0Q=& z2`R)7mJ&gScQJp~akrS3F%`_UhBL(CDNI8Q_>P#=9fGRbRtN*p$()dd`Jx?OwnhrN z*v4Wc9>mwXeAp3szy>;eB`_+8M}oG=y9zjF!5q!6{wEzH)eJgL>-XY)+Ueh)UDxk( z?A+?<60pT(Qp|K%Em0Wo&<&LWkkO!HP~u+DENu@aE+$E&!vHh{5GEwhaFGl}wyqLR z{Bml{&TV6%#iFZ>bs-8KjY56iE(2$Y>N#h{_l`jKM5owV<7~8|B0A#y**8Du9%!PH zWJ9&NfH6*u$^!GbV`)#ELGCuu{4Yu0k_K;^Nfx%fbmNX41*-nn#VdE!y#n3E-GcrW z^ZtbY?xFoVrBCDu6!1W3Q15?Dc<%M36Z=@QpAXoq=6^js-EZo;JDL)_u){UTBL21Q z({&2}~?14|1;X^f?)rYVXQ`*c03#o5aoqU70!w96_L&dP^kmD%kH@TA7%&X_1 zjs>;Q|us&wB8N0H74mg}cGBJAx%X#7p!oR`d2j8G8-+@@} z1EC9C2!ipf`)rH;y8^j!yVGE(68p*aJ?sU_1sT@|^{|AM|32G6r8Aensk&+@b&P=6 zQ%cn}m{fm#6S!-wMiJgYCDP8eHfWpu4Yab>yMCfTo6KEGsR5Ah`z*Z3b5nQkhR+`M z=q^qW0l~)|IBo-fIaz1&a&IdjRz0+W2Wf?~3is;aL$T-Q+#|Ht+nQ|wji%Iv zsuP38tXQ&vg$@kj5oD?cLMc(WTQeQCD7MAtwiBd!3f)1yGs|h%ND?4QlgBh^sex&9E869rHll_-eXOBc?=|02ff-;DFM8 z`pklj4%xA27+4kLbiKv&vWvR@tVej38#xO%Mumph&WE-I8=p!*aRnkB>(w4wjtj8)d zfktugfLjD15`jg3D%imgc?G(7QQrR8;zrHy9^+F%>`PukrYP0!654C`x*o;_5eXDs zpurA}@amr}P8g0a42<0Kx%AJ$*qu8%x`9!$P9N)SK7RH9fTCIG!H@UttiS8+r@`Zd zTNlb^@h`upmAC)e?jyH0IR?kc9IoY1@DiYR3|-5m#069yVY$)1i3ocSn?z?FLgjw# zTgN^r^@jV`rY+!D78+~Nwfug34iaXhi~0GEBh4=S$q)}wl&l#B|IAuu@?)bHX9K-{ zcacln>BKf;`*nuR89lo*b5B2FwuAp6M9FWusrfrv*SB*+SP*Yg)aCq-0@;C$e*(i8 zW@1z)?zxxGwdshj7g+lWRMzX)*oa85>3qe@_G}n^BGQ%rd5ZE1D1)Ue;6BF$(bfc6 z0g)R6-*`$fgb(zu1p5((|E;d#?@T7SepIltx9f>6_hA&syXSk%tvi#?5&K*&Cm50_ zySlpN6W6$P6eK!|DK=2VEj03NlCKC6Jt|)-$ayX-$RrIlU^aME^{j!j`M+>VnPD_F ze$B3kpw|u?#4P{ko9hkVxAQlQx2Lw16d^-jX(H%zpI1vyxVN)w|EAZM3utfMb8`XT zI>G+($AjFaLEmZUe|7vJ=aHqD;ga1M{ndoE&8|6al})T;C;{|}jZNxq&c}a6`hVi$ zOjYS}BLz1HqNWR|M#LxNSdC{ne2gp**>`U6=A6v0Ov&GJm)CQRJWbjiJy_0gK*a$U zl(&x!)>hO%leGu}AkY>1MBES1o6Z7UO3qpp&=yDmLD;L=ah#n}&REl!T$@vZtLSd@ zS^w_3>8>!oHUym@Xg3)pkU160g*I=V_C2rEZlXe^z(7M>*iF)kfjxLB=v{w_n+8nI(agnJ^Hyzfi{@l=8ez~pv!rI6qQpt_kz=^lw#RY{3_XWUj9NET%;! zK?9O>LN%9^mJg?JkG-G=c;s4!8se>4+GD+6h{vO^MH2x1q5iT+d7#^LPoHDWQJCl- zX8ECBcE{NxInlei_1Gs}jW4M51#%>e!I2Cnvd9JFiYY5w5kJ|8 zaJ?@>{Lis~X8ysYSi!E2r>2S9uAPM*;O*(7!hXbhma%c*4Lp*#`r@fJC;PaGO9SXEp{W5rk zom%leG2f8CnX&**XoPkqs(q_&4hi|aGbD|=MyeZPV$;q1!|{vg;zB7YsVKdjs(_k` z$IWk}Vy3)Rj98>Snb)C6_7z5WO}4C zXTUMRl0%w?%+vKZ4z&l(vgT3}6$?4DH0|P<+{>1OeRTI9DzNPX6gbei1ja0)rR_Nv zDS!gssCK#=Uo?dg?gL7m0z?%|`fak!*1gI^oO>)H%TVg+W*nia&b!?;b~=AhhzI_d ztmfOxqhDJla3{9Kq}`k%*q$-`1H2|Izb%`S1m|t~9f6w@qrXua+hCbK0kM_3r*ZB- zzz*sQ&z#@qO{%}Eu`x}INiAyQQg75mtZ{q6>A|2Cb^ohTR{kiy{imNdI@8V$ey{nP z!EFZpJm!-@^2QzUhPyb~SS;>>(4r9-nVckY#CdRTD{%Qckifo5nK3&!v4&I)B1H&X zuM_KHL5v2F%bnx?#PXc(?RIL=cP8Rc#O|p`qv)0pcMKqC4ciu=mDHPcjcYJZQ5r7) z=0z8>|4s6jo?!1^Y535kx2ZF>rYVsf^v9#OU2OkLZ;EwnT&Q)$7Zi7ZN-Pj+sV!eo z_u1f%_owO0tYgB5y4@wCVY*669;P$4#f`XidGXLK##POhzV5vrE_>S32Y3Md8fP zl3Rne9=EhB#6-nDuQ?LdKvcEe-Fc*y2L^F6iH5U>IiAy?1J>9jT9^cFXF-u8gu*)MsPO>7&!ZQpN+Sr-OwV7>=;b*35Ruv4XTfJSHA3EX~bSa;$kE zkOzG+TD+4@q(7rV3COi1+n6ah;T_^X`0&iFf2y#~@~ zXLXHqXGS0#XO}wO_8G}DvEA9r(kH;$Q?dVEHm%&3YpU2@dE`;jZ8*H2jiv59QZP{7 zK|+8#KoHA)e@`Lz>nE1H7ZQ#gYyv15$=n~a1_<4S%-C!{fCxi=#6Kl*3o6{}pa+(Q zYeWm}PA?As1)=GP^^zd95XKV($`3fyvU6IIC8zmi0v#F{X6a&W&~Aw#x$v%mj0 z*P&F#Lf}Hs-xWJfg%PB(L-I)wP%l1d@n8jmYJ!J8@1p5^p_)Wn6(AfFUHw*)W&!>a zrv2IKEa@MHxvBwlgBo?(7J>V1FR z+eq`jB4s|eHhF{G(&FR_-CL~RQojJlnf@kz4_#g7AN_~H4h06_Zm_idTPPcqlo_{- zNCD&?-}?i3%LIQ{ZyELxi_MH~kI)O9C11tX1^Q2d;H)Rp=_1>IN-^n;b#94DDc}R@ zdKYJ>V#fb+Eo=kb_v?(11mHFy_ejvT2gHN%5xjiQy^^aS8ddXo@>41fmE!!lxg!~r z01W(w`1NNO3qC;d*QizF^c54&I=@}#XLcVn&D|R1CNkPxPu#N~xmjr{elPLP<|Nvy z;R%!2Y3|h5Q*a11LI70I9(+JVZRFjx6;7`lj&uG2w$#^CxsyW8bKSB541}cZHP#N^ zE+_}fnW~#_<<5uU>f0=p^kgNqQg<)|j{9TDfZ?^H7>)_M@0rW}z)oldsT^0^_3c|P zaX|U2g8c>^)QMijTJaZ4N#BcUV`Bn$5oi^D_7IQZ0T9>U{hw{z(EuD)A1J<=u!L=~ zv_N}-w_cNOxmC>Gj)^fMr)S{ez*_I`rMwWOhx^o&r>35Sdpt=7Oi1*wWzrKK%^#r% z%m%4Hl<>By?bDVEJcf9rIH@cPEL!ApL*?Ba3Pa8GUzLN@|Ma`yoGr_SE)lqo;WyQ|Cm5wuCS)H z$<^9MF9~!t@f$VAlg5mdMuD2oVK9ViX4iQXhKxu9R)(e=igUbY%V{KM0&>{3zEIMV zh#gH)UMP$8IS@+y+dP|r6M;FmUSmekfKsATwjQ1!Bzg#E1R6mTxBz#iLv&XVK*jlf z7EtcIN(?gW%KwO<+PosNuR1MfesmYAtM&x~gxb2*PV*Iuju#|<#hw9GJ8x$;iyd2D z7SshCKRXOhoUc1aWcl1BL*`mNJ5Ipt#NzEz)-Mfg4Pu3xdt6P$7~pz@uTu_$E<0H7Sh( z9w0rCyBu--UFnGp_qs>8*q%aM=RNbfmy#pcZB(180X(>O5`xn8Lj~LV`#ni2w3U(U z&M?`fLVCX*MmOg0QitZ{06k*j+Vn6Xid&&JlF7(>0W(Hxg0w;>x9c1*z{}O^i>!q~ zl?3Em=UkV8#n%VT(AV`2rmLFY`$=K_UeV_D;~(KdhmNn4IOlG_nc&W&PY3Ow{aWYz zxS%;}ce%S$ouedLGe&46nb`K6?oza71y{NoN`RZu_=*=tP867Bzx2kW{JB(|YOBh{ z)h)lLwXAQgosW^eZF&wbOj?CaE;h0aHC3>Fu;edsAHw>^-lbj3CD88d_bX0XgS|jc zq`wJ~^QHEvy=-;aX8;Khr|7G`Jz1v)#>^V)ydtNJV=q-H(>?c6qy-myT1hMmO#X@D zZQO33(boNDBjJ~aOR(nTBnE!u<9v{+d@W@mn_u;CZ4qEKD5T9obf8NU2x|*`0cdl3 z`J-9NN&UWv$?tBBddz%)M%#96GDT~d+7vBddGdD>sc*h?cZ3-W?w1W1eE*6 zv82}}sR9@C(dpdM<@LuKIatDK_m>ZRI_#KBor8~E7GwA(uk?+16C!2j z{%|8~H5nNXf_9L>hS#B6>O^2hOQ@!w!tj_GXZjnI1zhVdD<3m-Xo1inKIEj|e{P$8 z%1fiSP{}U*@3ZcKaMbs&++=scbZjb6m`>=<<`f2%w$i`KlSS!`lW%i5jvlMPN}tPJ zTkNsoAXCx}neO}Fm;tv!uH-pW8oirW!Sj*cE^ucqICUKj#7(ZN zKd>IJz0M)lpHH4dITI9S^O4Ze)TiTJKOUdrH!zd*Olq;<4^;c0l$6xPlbN=&wP zE;6Li^jB#@ao93TD{o2+Z_x)-dMx*9t+BCgUWwOz`*r8sDQZ4Wz!x;Gn^AGs>7vf@o!kJ}puE53n+h%+W( zY^8#P`TIEJkU;T!v#X(on^Q{hb5j-P>20a`$4RF=XPr6qXD>o)@ADmO0bTFeUA+D- z1scpX72GSAD|{a~?z8U;z8l*biGyE?|LyNI`j0~+&UOHt+UA|vkOeJtKx|vQ`Xa1qqwWI}n{ulNcdU4@G z z{tynDoS(QXzeiyf%W9|cM*;gt8Gtr%70_^bt`V@Yq>js2+P@ZsM_jRHH6mg@H>OsL$Fl6v8v;#KK!Tv zFZckCwC*NMx|sv=wTo1LFqpHFEd6Y?Pt-zvke-K#;H_`idP*VKb^t{r95;TpH^A@P zKYJVMh@@fu*nYF`hvr(%4AEc51G!gdfDQAXsN= zO`Y7ODU?S+RnI2mX3^CusJ=)GL<_RNZo0bpojQ(P%vZm(Ow-*>7!dTJeB{JgRznoc zY#Umh!CXRVQD4nB%Z zu}_c=5{z;1{MBd%owb`#L6;cq2#etFsSB1uaO9HfB+Ypk^@St+cH`bg+PA^q_$8?Q zeW>j=K{5?q2&|k(m)+kUN_FoolW*=&$}P$K{4WZVZyux0$GhjFXp%i|2^}0p&TrqJ zJvyFtJ|S;Hde+@|{jQuXF~dLXK{T@uRMSbJI0z_%9Mn%cmIoU70Bhnu-_*;6RnOQY zKrcoQ^4@Y0@{-;znKGJ&Ss(bb#FXYbPmrD-xj3vC=MK zUh&9zKP_lT9EKPsF5SuWKAXZT0TM_1>z5?}UO1WECdY^pk&!S_MQQVZxW*JV`a-+1 zg)RQs5OJ^B*RkG!9Z-$g9T!B$Pp8<37VL(AyfIQd(=|Nb@e9M2i;DT?N!)%)Aayq0 zYm=+QE?NC7`vl?@x7<4;ogy-G0>0AOQe4eGe@frB-_&*Z{e8P7s|%@Ru~2ON6$|)o zf@6+V`6*eW_NIushF>4_m3zPwMW7hrXC~T#${>8bp z$IZ$CneP8H>-oQfA0hqoJk^c7bHPlA$fvoRCs_>?5F0fswwGWGG&u!;#@cy!o zO<9lVa)b+W6KxNk&yOF={jN}WcH0c^HaUP}4*&YkD>tjJPJz+P&IqrHVjiUI7rFac z?}V~Y5@y4yTF_OMQ?c0)$~`Ve!c*%o@VVG6f7EIfM|Y>QE3W(~-Y(M*yy=>-V#uq2{VXr@Z7{`5Yp zWM&d{thvyH7Sszr;XLYlfm5|5e_iRI7>^`@<72kSP{R%m$TsV)ZArcjl?AtikT6znd5x zT$+@F*qMabXbmqd9{k&?zyd0dl4NCtpDa3z&r8N^>xcXboTL)c0o-b%ASoD&+YMn) zOa^tPsoMT6`vGbE!)r{2**H)4+l#uCk4uKiPxH*)4OS!^Vez*X#Fp5O2w6)Eg`|AY zEH8{GzTmz&A|mT#SHUEqq&gXxpqo~i6k~4lZf!4$a|d?xBth#v=P8cG+ zCT4ZnRUP?aYfg(^Z)#KBFFsg81kd$lN|dGcLL&eXsmR+R{LmR0*^q20NsP+2 zU63?j4$|Tw>Mv0uRl1l{^_{}6C-3(z4QL%E7JwUzRw%Wc6rXuH>rba)PRWP)>*z|7rYa0J0LBA8p=nKpk`HCyEwlc z(}#KEthn7n0Qe77i@|8D5n6l%Qk!-YPH(4Rd}J7hwIg19H!$Xtd^2{#8u9vKe9%1gB^zK@Z$w{ciBf=$=7SvoF{{EF&>sQli|u zV1^&hM$bYY$kb|}6B8f=N(ExIa?h4`X&^{Bf<&&nVtzxjh-i-F%ThZh_qiso(^h-K z@pMn3D}r4R`BsYU z&*A?D>wlN^g8b5O?&|WkQRjO)bn{OQc-p)Eh{-YRr8o3y^F5WW&i>Cb+s~ihXP;0S zc7zOjec$U`0QXtLvom3SgIbLhDK%2GAOtwS4wEF2BrKEQ1mDK{L`fuYiM*N?g$A=p zIpRk)($uit^OU)k0NAv&Wom1@ zhvf*?qZ7bw5`62kqXdQZ@CbiBqN1>ojhcPPzMXRi!cfenqt0+xO0k0<@d*ce?5EIT zPO(ODHJ3$#e%B!*6UH~gxlyOMhy|%dq-WN-k+Hff2( z;JJ`N$=dReP=o12?a}UABIot-Kh_T9l6HiRgTFZQR5?URp=LLS3!IdQ55q_MFX{^M z(rHiddUtds(ZfK1H9Ud(w$f8yTV-W_+waQ42<*;NEoSCBpSG4~)2z|YKSz>w4=a}~ zJ30rK?SVsrsC1R?K`ba(swF|$WKQiWAenuN}ewgB1Rp!Mjt#^6>>O*uEf+1)x zLxnX3>N(cVfq@zc&GqozzZ$5;8I>oWWCM)MA!8vWWW{OCP=~*vT8cFWj|V}toqKSJ5O+FIuPT31K;odmxA`KQdgjh&r0i}o%}DN3dB(Z10p z5+F%*9k9WASv9|9k2ZSy3nh`8!~dlUayuB(wlQwo;S+L*l}TKWrQ&;i43p+vHFtbJ z{)qE@p+z;r>-DxlQ~`nSVzGz&52*WEX_C~<><>3$B5)!ym~AQx69Vj1}=WnI&N2Tvu{(JK) zk;Ds&wZCORD)(_sWfhnq@q)i?#HLo9w$`9C4fZK#jU|{>V~#!ufB{9dbQVbYH0?r! zy9b&dax~_7OaOt?@7U3(#B1|VNPwbt7g3oU{#z>pxtz$AVO>`K9u5yHMLBD){4S!5=7l=Mp_MTiv5?yasXFjE~*Ld z)9FrF3l8SbubIsP(|6{gj@DkgV^x6d8;b1;a;e18)C&ErP_p>U3tTUlF&uT!9WcL> zSdaofQY0IySGl@UhxHq@t{OVtCf>JP??*gX0KJz2u*fx(M%h@FK1B8}6j%S?)U3?u zTc+_lU=n)(df!qzsqCGI<~?F@$N(Le9=$dRb&9vW+&ImdXZS&{Q^kgzx;^Grm>XL7 zCGpqAddG3p0|n!AY9(Z6WqVLTC+g3qYpsb38fAnF`}yxrwp=14q za8BJD44HtV-Boj;x4T;xyFk1AeN*P`g_nS?c#piOLFhZYamWicS&RC){5fKdeeFG3 z6NNujA*x1Nx*Wx2XERX@|E+mv6iR{E!^#fu)6rrO_~6rc!-|ccv~k1+`E5XMWmZQM zc$_cJkbZKTUjSW%bqsHfM2>w^X*yQBSeQt4u=8+GyO;oa8&Nmxr=%%2?;1Xj(y8x9 z!PnIx1;Tai2p0v*;zWM3Q6wk0(x~T4;Tt&LiKZt=fdM2(Ge(PWqDq#D)c)0BC)rAA zTjKCUBsg1HnmvJK{=HOUpdGL%I04c zLTox!7-N`eh2sv(ZxnS}TO{)HO3Wxgg`xgr#J=Z58U%1h!t@aG>gWRj5aM}38TcOC zMX9`sltD88<0Zw@6P$ttj5s?y>!ZR7GgC8d$oZnn=W@HSUVQ(EtYnTjPkSWR#jP#7 z8hm(|5{JEK*mqY=a3(}C!&<@RCXrbUD?UW*BtVF*DS~UVeeU=_Qb1W2F`dFiXiE(Z zIZ(`frr9d|*Q}RL`iNg;1WrM~*}U_5VP@@FYyT}sQzsps4T2fY$V6Wqqw4dL29nl} zbdO+X>gIbx41G$Wov@V0s?MO)_&pjCZ!%+|%3xpz>CWD#kiQa}Xqka?jEz$z6GY}snzB0&RX+)fW{}CjK4In7L&z93DH)X! zBFhEi8%YslzY~%X8MsPVT1LX7UX3P2WUXv8DAbesWBi?!a3qq7UI>{l(+5I1uMxhrWiq=WTmIl>i|8^|k};cM;eAda3n(cyra!1Y(VErET!b>hUK5_cO5=ah7(ix|vifgKR_m zl#e@)f>1;hH_pm}D8g(_`d$oi8gj7kragfwJ9=BE8MxrvK78=w9UO!no5sNbq$F*o zKy&8ayTsxNeH@qZN%L1nJ!QGy>-=eO%goU19;7R8Zb!Hn0>Se+JhHb4v0i5Zr#}@A zl&BwP)Z(g;EAph6AU=JfizE%`ugj)VnP9manBU)l%NJ`m7!*yXWhAIUbs=|I$7m8s z`}8>1m2+mWAsB}RIw}Tl%+_4jvi^@2pj`Ffr#2A+!;A-(GwNB@VOKzenhEDTp`xkP z4pgR&<I!7%G{eg3_EE;#nn}qJx**|e(7vk+ zsIg0l{`)iw zW%M?D{6?d>_g^d6K|MmU+qSXwxD6i?P%8OG3|?zxs=Kar?ZEU-hPGxnyuC=IFg(ucw;aCVrH z3G7>%nCc_QoXSjG=EFvXg9z=Y(t&2Srr$EtPG?ZNuu8=eg$H*W=mP>-p*g zrITjD@TO8|fT!b@hA+z>YyKv)!R#4Ujo%aBse-vg{be6`n}{8;H@SxU(inu9jxPItbo)HyW&sp1z*~cT+eF z3RET89N%EerOQLyP(%vm{JtGw<$|e3q65V8BaMI!aDYX1Ibs?rzvN)9U<$_7WEBdL zjUWvZ{C3d}Fid=Z{+FSW|W2q!5$j-pWUttiqO? zo++32AeACdFKt{pF>0L2)A+t&(qfN&_bLcwCN4JE z(N)rh&S%Zh25NGnsIRfbhID1pTeAw-!~fEQ1rr=S;sQLpz$md?y5Cv~Jl#nH7cX># zjqSJQpw0PTm7tfcGhL2`4T@AGdDw#;eGe6bqIQ=DLBWcse>{_B&X|K#N zP;+UA$~Y8(HWNEI+A95TRx<$Ldvc{OAT)|w!c2blRc*hXz`54LJ30K5n zf*<;m`g{@d1*yEzZYdFI3~J3Hx}-?|DEM9@%g@~RzF)o3nACu}oyfROED5ErLcS6* zeu!Z1aKIhjiVhWI(E9=s=cIB^n~`tk-(rZB z@WqwE@Ragf$3h#P-#<&72A52;4;4|g3RA>*;$^)%d$gED(UkWs*u#mvqcAw5x=afC z+^k@#t!@uJ8?QLK$hRfs0&s{DjB`sfl-<5p{!vrbJfOq?7K8LIK5V{wE44*blkHYxcSZz z?}1ieGB5gHb3XWvROkMZRkJTOCm5C&8(9nQa?5X+E4Nc1sb`dl7Xt5o{d}t$I0nDO((G>~8%gR`;Mxx|VYSwkL z#9DKlBA+y9bd#97YW>U2`-Jzm_v_;oy5fiGzFquF^&M`POme;WkfW zvq+duz6jp^z{v;{##YtF7Gc|dYU`s_mDngTp<6Y&2u zkK6Rmi~rL+hDO7O^1q#UpG)QdlO~O^zpqUAKDr&gJV8F6I=qRn#D45W4_%MYh9$RJ z?=KF0s7_L^GI1FGj5y&d-?vA9y8{y*AAP2d8EQ78LeM@<9^1|u^)azFNP92WA=;00 zfc+9uWRo=Pk_&7PPn03IaHY~W)A-YUU)D9{&Th7v!R}vmJdVYNj(TSEWj{sAmyW!l z%&;-n<8S-^4f!5M%BVX55R)R%GB-wI)1zUjGYhNDLvG8UgK<$E%xZ~@@{cjAmtCSWVmz=1y1cRcNMw2szQ>ZrO zREx@+5%z5}CFOrGlko~Dx!gcNEk{JEbI~v+HeUwBC~-Zssp_^et!w=q))lBwVVeCd$&RokuX^|}{T1IhS2FkX?gTsf{(!F)TG{&@@jW&7{V-rkkR z%TpoTr{N$mJ4Du^td)8LL3}Ng2_4!1A&D2X{C0j`kDN<%rS?z^IMu|(F}zL_y$H>J z7QV}StcAXkNio40Lq`a_&H1fP;GAYCQ`2O8hOgS~Ce!k%)`X+{L+DIhJ6 zh+T+OK#*>TMI)S1OQ+X&>_%$A&Un?a!$C-x4p!1|)3X>{h{)>?V)w%bjfni*J5k(I zA3AeIIUmx`0_hDp-F9EpR6{(RZL%Ao#UJ=(ac81OfbtbKWC-Qi@cwX;_KkrX1yl)G zSJ=Wshfrm{uR9j5J2XUlm2Y3ASMczBK7hUc(O8duAeCRUY2hH$cOh6$Jjh26@yk+{ zD#Lnwbp9;aXG!Al2L&M5)M@GP`l$Bw!auO>aqsCZTWKg-_cpSAsq{_=7V^k>&U#H< zZ^`sGu};VTEl=*Z5ey*d!+4;=7|Q`OT|*5djz2_@x)JQ+PrKTFt#9kvN(^2>ir|TV zvnLMr)oDG~CID{QZY(W#^H3Js13(1K?+REk|B#?KE+!*c^K1y1VFXx_p~_B@|Q-xX4X9$TU1A)MZqC&!{7ns=W2}J!+a+>6XnwX9<+~kySJG8J3 zX_ZlaW@0(FaK{0%YjsfaWYOQ78tRj?-Z<6;_CtnFy&*c+-}HgEO+?md>8wp#TpCut z?-5!PPClK2jo<-j++k?paiZYCm|(2XuSZr}7wCRjg`~W(qBsvG^FB*h zGIB5LQ0=`SsO6uOfh>%nU=M-Uo~+wvt>-0|C($&BtK{!*(#=F@HW9?0qePw!5iHF1 z9mCgs5F7GyO7;^uPB9+guD>OEc&n^ZznF!~Dz`8kSGWQW^ZLfRLVa^<(#L^P_7L38%NKjG zSuYUcoUM-)T^~#Ul7oJSc_Q%eQdBsr3#x2u47A}S(OK(iLJ`MCtUS)I)OaZz^3Wb~ z?(XUS(Zciy+FC(vNVtboI~lQ`LTDXLZgjRi%fINC)KfBtaG8K^Uou~ad@nYAsz}Ix za6sqDKlCbNtY51bJ|hD`XSH|E+~q1TNGzP8bzK-5g7y<(D=^YVK@8H6ROR7{rNimp z@4}f`@G3tNm49ch``;WPR2psx*&qOoPvzUUN~aA6bW6N}sOsT6K`dxlm0eg!5ICR% zim|{NrfsQOt`j(~mDM0DUWK+WZfp$kGK{M2_Ow>JX9c~|@y*Tkk!JK~bbYYM zH&T+7W`NWAAvf+9ETj|54ho~@mKb|1L`oxw_p2TAnE8Ov+LP6-QR0SWHL)#3l@;4Y zDkE4J$Mm zl-eCL0R^?}26cI#7LPffv(A)%lsIi*%)Su;8(&&YSpIti!{^qhI^M#FOn^kYOCa6C zp5tC1eH+l45~{rCrc2orKuIDdk_y_8$BASfZBsBV|J~H*RS+u?bNGunD45^gP^fXQzj?WoaBXiJkrOTRR?_r-sCdicm<%krXg^^0f;@_)Fx z;=%8f_I8pw_J4iKdR3a9XVvb`k8OYz%s!Kj7n%ZPum??s7@ciaOt7rf68D~mD@n}6 zbj|YQY$9Kt4u;AS19Y@u-oYD>ppCsBs2-LIyJJM&0^!#@oEu5Pv~g%%_TT0knASIM z6#TpevEKe(?ZR+WnvbZ-4888Ldphd4=lm6uJ>DH(-91&lI{T zh(j1Wm?_<75@Ji9VtFjOA%QMpW!{Py&zA4y3M*wotCQ1lJ!@E6wXSVw@YW1eRkrRZ ztxb7+zO3}!n8=!>aR44l_iu*wdDpk^h?DmlKSOlx@_qdwaOaW>3ki@#765-X$&rY< z!^u|MOp&tk&7fdK!9@K1O`;bcH%I$Wn&$k`k)$s6FUO{(*XV@&arW-8yFI@u_){ zXi`Wqi=zWOp6SGJP`S14-H?5q+-!TT@8gFi3B|#+1zLYK%rW#6_jB1CqYuq{Llstf zI0XL^*Nuu|;;p?^bf5V7T|jS0Al;~3JH$e5Ru{x?fX<3ZFF1#rW6{%fc)m8LOaRQs zstcoonFtJEF*Xz`k0sjUzow&nzI~U}LK-;sdA2CN$yMn!KAKJ$$RSXeJKs$sF7O7TJgQ$N%iR=ez9(4FlNXNx4#j=O*sIB|Zch6xSGly%;XTG66W89Vtv(M=4Rk`{W3 zxlBEjhUm$J2mY0Fo593nh*w%+8M(}sJxPbLiWxeyjqdOsIMwtJtB=P9x*Tk^jC>3b z8G9jAnqiBb{+8tF^0-iR=8O%)5MW)2eU`tnjG=82f=GML<4q8%S#BRF(~$X@}eZ8TO8Lin6h{=5SRxND}ueG zs5LjyB)>B|kX2vt7=HLi@v zb_$9$M_3OI0qF>r(R05=tWs??Gjm~a(rY3A@2}12sV&QV`=7?QKac^h_QL)zuu7oG z>HVvN$aOC{Ee6)@2ROjbF+gCTv9*5_Lv2lzn=yxD9j*pJJQ;8kiBfo=qmYsrxt&2k zpQu-E5eP#Y-2HTns`BS`bD4&d&gk@h{&ih98uu(wh89qY_CW$K#l^%6V#$Hx73VS zKKGph*#^(Tg(PLy*^;+8P}@?wC15HDaz`a3g@`wXK|nP-6iW{0OpIv@$3qiCJ$o53 zE?hmBwkWboD=9=hARC1t6LABOQIHt;?ye;nFUMg<%7A4e6F^|i2x$J%?PrvOT0m&2 zW~IZTPU7x?)vMH{vtecBPEePHFE`t&4q^51NOlxUB9)8%Lk~||fAohQA_Agd$HDuD zdoW{Ho*xyoWKwZxr)ruZ*z3~|(mzlDS(r@Kcta~#|D4cMY`>G(iWc?Tn|1CWMp>^B z41$>q>=bq94t%zs6{Jxyxkd=R(*OyY`^> zYmm~;FVXmhEJwd@G@MoqMm1Fn0cH$dL~fdf4GoyU=PR?mDQl=XxsOMFiIKbk$ zvLvI(A_9K!I+Xfca#BJ}8B-yH6D32EF3xI1lCh^TamIxYVL75%Mjar$Xp9q%VO;1U z$a4p=UnFqp4U;>8CRNM_-A>1h{{gsAL|hh8I7g@n{{T{5**mOShNB|5K_iGg>?t$2 zE=v8Dx(H{m`tC?I@6TmRFL?0qR%;6ZRfV-yBFZ-0hV{_^hGdbFd3xS1f{i(t_a}nr z5EaZU>!)W)o!lk$bvXW-*^^qR7#v$Kw3cUlaG@>q)m+Q^JN3&qZZSwP4!{+iKqxNb zbWuYeZ(;*5ScH*aGyj002+k3~gc-GoM#`WkGXT7N-LnWkz6f^ANLvC2ZTr0Zo!dV+ z6R(zzjUQbA1CnzCOw8s*6o`ytFr_}Y%1-ayseVTO!>CGA0?BJC1>Jb~b>7)*sZ~BS zZ^psZBcSOAWus)QTFX=*YPA<;hn7B^Ekb@G2%`NM58QB;trz!b&1b2IKO5@1%x^jt z(@k0DMGymaK^}ENUm{Ul>YN$IoYL4>2B8rmF;#C)esw{ufa90!a!E;H&^nDh&cjUp zJy(A2y9>u5cwuS3JYPcXcyjRF?)yE2I@O=7xRv+ga|p}SwZP{U*gvSZ^BtW%ojn)H zXK03R@~^inzJlx!3+dd~63uoj`Il9VPqqUC)3ObGhukD($!UvxL(TUS6bG-Wf&?Ep zW^`3!%AwiU z(^_^J75KyzhOUVVsWUOJXz=O1=Be5TFb92sZXd%L#WdP9dS1;T$5Vxw;Ag08x4O87 zw6x-fV-D}cFrlWpn-6X+B9zW*!6(EC0Eq-k6lq*zWs8{nk;%IhkF|lzryey3M&`{% zI2PgX8^zhL{a&w~DJ#hf6E3PwC!s=RG7?Iwa$UL%A}YHnCN~=oT$6-qA*>Ngu&CtK z(pfybp!ZP|yK98$6g-<_Qcs`>cTgz&G=|!J8|3J>rcXp-KmV(9|Nf01^KpC9Y~{Cq z-NMmyV@v(UGL1~>H(2d05z*QAE>)#gNG)-=K3S1oIThNU^!afK*++F}oe+Ocv0QeA z6C_6?Qdq7X^CQ6S9ME~_@t4@hx=$nP;gBg|@Wdq<*H#i!{hSJPAx))Z z7BdJY)TRk1n&(Tz*Di4+L5L^#+QsgXv~=-3g@g4pNo942s_2={Gtg*4M4eH`DEoFJ zCV*NNNXZfdv)1loEH!*0?ux`aEjXhi38qsKf-{{p^1_5rFWzrWVvb?tW#O&-qoq8- zXR{!)B*X3(PUG7Ng|>Av~ZqiovenGqAChJ4aWP6*DA9{wl>abs{eWZ;a$ zLodqTK$)Ts-`F@A%Hz_`A=1(olVZ!WY_E$X$2y-%6(^x8w(ygEHh?Mcb`w*JHroqC zHYrkbjUTJvhEJdA%CiD^r89_W7+29ZRX| zJ_LMmaGINnr$o>Zw_hbkD7xf5ku);*uK;3&5{gSa*n2`pp`lNrixHGRv0RwR!oq@M zidtC5!6NNrsj0=Hp758LQzV& z?r_OJC*FliAtd;F+kXw}cz!^Ab9td*d2(&{AIb8;`z-`}(UbcA3RZX``K~ELveWPm z1AZGr)H67C|I!2A?(zK&XLQnYFVH!m`n)>eZ{)aer8MDWBlWOFkhQAwxpy;m9ZRbe zlsdYM#L?UCwOM=ger8$vevU#TA&LxZDePV{d=g?}&1RgZiox@Zzh zuPTi@CyV1-?4;9Qj3lO~^q4L^O{x#+&Ip!IyMH?;A`)whlb4E8uV&g?@ofT1OK1Mq zAnZp5F(dRkD?wgHe0JE;UiSDT$)N>@u^v6UMYTkM3Ud`q%Y~e7Ms?BDA>;6>(C1 zQAtttNI0yAMlX`rWKwwy_2wRhjg&ibq;g2fB;}?KpKoRKJtU;(ijaVSw%_rItM_Au zq0cr8e#b92-BzzCLl=~^YOV5&ks2PchnP7aC=yEzTf#sN8f`^E4l$n0N}CQ2nkw*6 zIte4p?cgeAxL#_J88GTxwXZ{(uKy_7eI&g!T13*gA~BSvVLIIoagB2|?{I0$z_vCj z^$0AC=>^tl?z61di#4`%F|O(gSVmKgNz8GS^f;%GjTNu#@;{tfidUQOMpz+84=Dd# zK%}Rgq`{6KFG*I!Qbimm+S_Er$Is%+&#I#W(Tu0umVpGE1*mnGzkBT<3RLF*Qa@ zTSAq09> zN0=hcu8`l?ZbWe2c+?=~V}MkJ%PBxbHIefem!4IQzFT4`mZ8uhDo^6e=2EJMo_cX$ z#1$p;lj-cxAVf%$I&tu&m%-OuGyUeCMrcRE293ok)Yx7|_y#_WKV-X61x`Qb8ptJ( zqUo{GxLG68(fL(7K{laSjz=&)i}+She_^&Smg?Zq#?xw`l^NR`o~mR|q;r^X@d`h+ zdeqR2p3Ww2MKgW=Qp{$WHtA-+=c+k4N9x~}KyG|4XBScm_6d&|dfl!V2`Jn|| zBS&uTI9GiEi*4z%xWvV+)$K*w9ZhC}NA{)n1jiEr(>o;=LO3wA9E(So@YkaUvG0At z_3@+POTTKzGcqtk^|(^_NG=k9AgeIL~BD0*oK=^U5sm+e~Y8cyq1>zCdC_r@=7nTCMwVgofR zWp2aab~CS%3r^&z^L=Ro)T#A$LUYfw+xYw@;Mc+3?s|3UexNIK^1T#9Lj1BB|10Be zf~I&k`P|`rC}?*Hs(+X}S2h{sSWJ^gH6by^XIaL$*V3t<^%i2(B%p(qBkT-FDkg!-HVpNhXg~S+Wid-k|W(0EoyEp*gD~$S#3^Q?n}t1rU0VjxroXcFIjQ=M$L1d59S%`jiyl z<}bk#3n@J33n>xNm}|>Xhm2gwk8L~oow_U36hKN>5$;O;C%H%ks?2M{@#i?=s8NDFKpIG~eIHctzI zG4A;aC(26?kSpXQ5ol7l{Uy$a7a-Li4=xrB{6X%Gp>& zx{9xA{V93N$TGg}SII&H@Lp+DR^`|s1p&x?iG)OHS$UJRK*r_@{RwmQf^tfZHUT&a z&?ni57|9{U>ixJn9Axo9YN1Y;c^U}}yY}BFC)!w>*(MN0Q5=;}v+kB4YBt*bhW&zO z%iutKb|a*W)Od$a3MtunCTWNqfuu3=1Om)3SP*FH042S=j5;I~AU>+uDTA+72Wey- zI6sA&FeZIb!c0E9gHUD)O@a;XYQZBE(m1Y;(VGy;Z3T(&lM z)0VP{g>BM_O-?JUJ6~7UW9muApu!q;1K5^b(M#wna9<{{lfvFST}U3*;FY55GsIRM zOi&Q9c4mc|lcQ81awmqYq$o-MtSRC#N?>UcQV>m_lC#WAq6mZs=<;+ogT}FV1 z6sj18%xEOAApGYMON{L2EsWofoB?ZOkzXiQb#8tE?Jg%b&eY%!!@R>pcHr#tp?Tw1}C)?N)|q}{(%AD>0E!x z`&b_2VHT#Gt$9yTYf}9zfblbXuilXjR=`En%G_E-B2eA21oG3uTK%~xQjQ#U9R+jA z-?rDV?D75|KJ_L(l^mw3{x}4IaiY03Izi3a;LmMMMNsVh?GiH*WHzTSV2c3}$zt-N zvrdB3(w=+^P9q^Y1p&u>VcMf?;AA6o6wsyqOq#Ta~qU~0B13m#;j!_zLgbv(AL@#Ktvve+#kFp~Km!6=UQ zrI(cf-2xf9R#9~`(>xn3)hj?1QXyB9yRNUG9Yss%!aVWx@RdPqw3`u`X>>&p%g#(= zs1~L}Ad}{2_|~iAt*2+Z;F7^-YT=duv6W^^RmwJ42 zi(sK-8S>%uG;S{Bj8#98tIO*aioblP0U5XA3U84^aYP(U1n(tEWNBq!6_-SzMWG332Tztpyd-eSbF4oMmi_np@FTY7n6 z@Z8Pb2@3wyrEW^W!QFObL(yoA=o?ioAe2}rlEs=4R91#hR9P%2s%9{MLKFpC^K>gZ zP4Z6MsXG{;3E)R3(FL(9cF^4h{mSqA#%%xBq5x7u8NoSJ9crx@K4lo({W#l{t#lCg z=_&+_cHkUh{)+@gWz7gTUro#{L?I;|*%>_sG)tD(|#N`zqW#Ql}8f6o>kgKHIp!33$Z z)xYKMAfY$w48k#DXnO8sN^gR>gkGMFXg?AB?U}ojS6+dhB5aH+U@Ypa0C+Ea2yqS*awA)dbm^IvIFLJ zpsde|WS^S6v#%}Fqc|y3iYyHi!&Q?%Ma$%`U*73q6HIr;hi#2Apy+56Y!#SQB_Du^ zJP1$9%<qwDWxg@$Rw!(Ewpl~HIFNub*v*O z;yfx?qitG7m_Op=k&Asc0$DF7+Cyb9x9wU7+QA#Kh*U!>snJqDR1c8*?`LUkzPkK1 zsoRB6|2E(-e@CuXB%))v+@+tcm0EA9rquYiRm;kJED}fV+n=wV>843KHZe@lq;itl zGhEP26qDA6HE94~)^<5O*gYeY%oLnW&xyOqO-z*Oe4x|j=Zp1!j1)F+#Xl0lQpxS zn}&nGQW^!>)93^@V5|>&XtGzB38F5;uI?^wTDKNHCO&^$p9kgNc6Srj2Z}{-(!S#ygUevG*w$j?n+bV1OX~0N-CQV&ey*8J8FfQB99TGLEFwgle4D z1V`HpaK-2)wj*S@m6nN$K=8{hN3<5nQC}FRwg{VARYkT`Id5`q za>DrhXczTOFFV}QXCL(suq4JH*kfSAX7@4S#VNuy&eJm%+Xo2-$v7lLD2=V2%OVid zQc1)k%l?b5vx$-J!KtwA-MZXu%C1B zU7k_9#;A+Bs~Wp%t!J(|Crm^)?eM*Hbg(Kawd8qGY<6?U88|yvDDPAJ#z>B-2IpYY z3XT{PGF85TCD_LQG_nw`d7vlip37G3&AA;5y3odDp4EAYrKK~DML87O+vxVKXGU`+ zXU>>$5FsMTeyB0k<_>6_90e{Oms@9RefxYqcOCi&Dha6+-9rujcqx^@OMJO1mklea z#|_6`ftQ@b`vJ?q#&hIL)P)PZAljOPg}pv0k=0mBvU<4uPnhB}1&*kw%+$#0{9yr7 z*{b&31}v+g*;eSrf)%I;x0;`gXNA^L4wWp@wx#cyG9E*dNo&v=1^S2KGx|!r!JY3V z&9A52gK9wsinmLbUoU0zo6ox^N4L}CN#jX1J>AK#O>%&sCL{kXF3Uk(S}c9_&&)W4 zU@GmGW?LMdaS70lqUy$!B??RR{W8C_@nk#;6JG{ItICX7rP)I$YX7BNkoUjln_C_5 zm0F~vim!%bC?OVgX)LZNsqTF-0K%len8yZ~mTxZZJUuT8qMm?*#P~AFfJd`&KbeG# z6n@pxu=B=TBoahgO~wNgIHXAEEYPR`H5M~7Un_EkY;%5*U^yLSlHXP9^8P?}WC!Uw(b)^*>jh8+P?# z&)(d-6b*{p5)DVJk>3#Q+r;^|1By`YG~RWMDj4{U$5vZ^#HkAKx4<#a#H4P;(V6|0 zOUAvdc*=BpkX?mA6&VXH$7`V?=yquA~5Bdl|Gd(;Q;v7Pei?V&43Pqd{!I(k~S{2@^lzw44;7S@1Z z<}VZub{9h~mdg(b8>72B&L-8?GT;u}ZLXU-wsq}%0|H*M4&?&8gc)QL;^(dVPiEh_tx<9UJHs`*wQBA2{#K#9W@UcJ(Tijg;_4Dj zzRX+`QOH2_OCfFnj7`_3NlcMavd4|3D<+MRdx`FVhUO|4WRp`yJsf3<$~lj{S4 zYZ}le?fY1HFy=<2RExB&$Ab1%Owr?Kc!#l0Mce(pi?RDw} z1-w&e)kn8rGm+iF{32!!QwsyAFe+!M32;{bz1bx+bFi!Nfkl^z)}`*?4-0W0oo&A| zCy-D6iyv)*_lPHrW=pl=7!Ex+l*gxcfC1ToL--8xR`yAZ^A_%(M&3>i`Vm?C3djMU zKqiN{A)X*0H!}2w%UJRRL(GE#jIq4l20Le_A*ujN;0k0MgHl#u(|}co>Esy*JNsa9 zS)g_=%Xjla7Ckq8i z%wuIt6V;%D(LXhXRj>=8Xk!DkD8rVu2@oD}8TyATG8$e1v0P@B2-0X1Wjsq6?ZosJ zOIV3|=WWwdE#Jnm0A^lJ?;Rd6cD1A{`!GhoHZjSOOUY!mMgRW(1qOqX3C)%|8pUyh z9++S7*-pqEjDUFbV9bIAv#v=-h>vqQM#GdG47^;VW&wE42u;wqhNLO9YA#TC8}91X z?wP}6U;CVU z2xgUj3jm>oj{;u8QZ~dQmmnjAA}Dp>-o!A(Df!Nbt$rJbx4w2BCPV+DMDoLbFu*`B2TR6}px?TZQ+e_S1VR_eM5IA{E)0u!-Eld z6y{)``P5RBs7r*6#cyvCu7qglKvgT;OTuH>B|qDw(}SXrxL@F;{$-8C04k;{{HHog zos~es`yCrXvNp|ycDr1B)azb^XRs|d^y1Y_j#Cry{anB@a4cLg?stAes;Chf#mZ08 zEIB|F@g5ZX(Pl>$vD1;Am$ywn9z_=(@G3D$=BJYaACJtjd5nh5B)&JfM9<^z)Jy0A z%&S`H&6OM`mAN1(C9G0G*gn1>4LQ=5he2)SY?(jR*o^U7@VS~u+^Iz@11DI3jkx8@ z#h04%kfu5(SAPbV9vFzJF9XKq^{st0y_-+fq*DIoSNn!SwWV+V%686iG zeTXaufYTy-=9`9W&7_-jfkcG{WRc$}x{m`q-Y1vHRy)(1A=OVW`cd$Vo4z6hzA(ST z0RF8{19lw73H+r3bF6)UFBw`eH&5#CM+i?V{CV^M2z%f?MfOG}R!=_u#U@<6ugdH7 z2u;=LmQIcr9-%${3`Ez?xgKeUC`hoqXZ8U(%goj)dNKY8#kQc7vBcxQv0`0@M$m=# zaB&~ts(S9^1XhRk<`-Z_x|+eSntU>wFZ{@ zr!ga>Q3a9kK-mWINvxxnuo=8Ui4g0B)oN5=+O2b1ji;+Vr zn=g4uBbraD*vI2Gl%MyMZv|y?PkGreIG5^cj@Rd50L}jA=D&PbOt%D$#RY|76HR?2 zTzX%3Wfq4!bNp|Kp|_?2dSURGUf3|?vczw4>)Fox(onLdZ>m8`gD0I@8?bOI{N?$! zh)mfj3Y|y0|2m7mwGDskym#B!*aPhpvd|&P_ETAcw(`&cn8${J-Ap-*7P$N`$?^6( zl^i6>v6-MnnMEyY5C3(yASF!`WgBFlG)99(XDs&wi;}aJugbZtNlPu_h()5PtsmSQ zd#1Q==kCfkfVLm=#sCKr|53oW<%Rk2VeGY#)d%MlA$*jR1_` z>Q${FpGp^8TFKZx3dbedNd3mG%tLT81ZTaX|*6 z1dPS_E6eb@^PA0iA# z^E&zS-j@Ua3BPZ-1fFvrR|FgrLtdV^2!+6y1T~}5#!!b@%=AUupTu)|sIHMXIO&@f z&>yO>ybYQ7@u0s`VXRBEFi&6TfAjOl6bkx{IQ?vB{Ci%s4}}Gbbjz`sh+038+Q&|Y zCu&yG8!Jhs|EfaE2bxV7+&vXXSbfoY#)rdgp@$*-5e0&Mq2D5 zT&?bbW*oMD&ZI=yIGgEVkXTKk=Es;q6P=x-g-GK$)}wAvMok>gEFcV&V;9V_&}<%P zL|MOr9$5LT%cHERM>*`yqng62eMWD7<3aT2{gD5;y#3)9fA2ob;Of4?1{l|RxAgUa zICp$&Y|1`-F=^2;Mh;zFKSPUPs^u|V>+d+%V&9fW%pNQ!MW$6r`hj%ODI#boD6P~0 zAJ>Syx+|(R`W&(UA1$(2XVn4_1iHtY0wM2L9;U!6@jaK`9h`p-t=Gy4z?UPDVAsR1 z|J*XL0?x7~aU4Ew4T!<@=8V%Y4FH(=)qX?g*PjPxtw1t)zHoh$P<4_e;T8G!u0Fdo zc36$(h6q&}W$LFqa}3MS36+`={LR*y)50XXMqQaqTwnu? zJb7azNs)L+>Z~o29y?h(qjNpaaMDU{qSMO%TR&;1KqP@B1z?o1twqzb(sNp{icd48 zXY4QdfqtNgX+@QzIDT<@STB?Lm|z?e3e_Tp^s{Gs<)hw9^KA^O(#hiS;mg(hVoq$d z^{nh2M_|BGE`o7wioVk1{w0U3#dKR6zhds%(TKuGToKHU_DA_ za!e|nsA|X)4F!z1mi{AA!d%ns{>iy89CW`bM%eV&>fg`Z($}N7o+lx|2>YCv19Xjr z4Q|tX<9rEwTT=W5>z46~Qafu4_!r-BOmZTqQE$s0q>-w66hKs3*q3rLdHaXKsf}09 zYVU8};H0dHql3SIu}Nwl#{)83liE*;e1aAnysj$6hX8o4XtIbC*5e)tZ;KBum z>)m&y;s#lM?xI!KrY0g`rgvLaa-RmVRjtX7NcfzNz|b&(wv07zTz&aTgYQ-8YI+10#n9oV~pJHoF7b4m`= z&xHdT3WXeuNW~tAhuh0lzjPcFh6Dj>L!pMM@}#dULU;(;9ueW_U#@& zpI9k6`j}FuQY;-ZZtHPwKb7qr+-6(9QsBiQihohvkHw?M+dS0wY3{X|r5Pm^EfO_y zXLSk73=@o`sF9YwGuy>#gfJ*a%@^TgLvGu)co~#pl5$Mz32O^~sh*4KW@<9mFSZE5 zQtlb<3I%JAYd;CEf4o={N)Rvsxp%f>;Zt=UgvycKZm+V0CpX4fLd+N;P>TzgrqTWh zN!JfQRMX%GDw+3Df8?JVQ8}xeFT!L%NYMhej)=l)j{0+N>joy4OjInh`MBg9Q!#jr z#8+8pM>UkVr~a!XDq3$u*&CL|_bKbhmt+rEyxiqj%IIl>MIMefgagc0{G~&fRRA zRwe)gS90EJ2YnjSp>sQF~lOJ!bBhhx5Y!NJ2a;#NPHAD zsV7=XR=ss7yS?|mf{ak#9}UP=al>kMT|M0TPAA(uZrBSmV! z0@7Z;_N3T4gKk5DX!<4oQ$vo-Ep)GW`+1*V2|HCPW@}RgF05?%!pADdGXT=IiB+|Q z`U6#S3als&kmHU)g_`t^C=c$v8oZYhY4Qt;JAGvWAGh*gyak;D0`Dsj-t~Wf+n&)EQkb8s68bvQ4?@_0(0k(V5p3oY-t)t`dxV|JP5w&kuFey*y@)c|F}f z-S!Qlzg2YJJ-fJ9_J74LD`IS{))TdIK2Qfh9@K6!zSrG}A$a(me5c@JbZn@oy354R zL2mZB3=&~TeM&_s+rRXKgVk!uF#R^<4Ir}mEFrtH@FueoiuxM+3Cr%X7{~)7)$goM zS>J)c7+Ri~#g(bxxB1(^e!p629=8m;6ng@#focCkJs{;)^dYQWVGqA14=4@F9Tn;o@fufswzBMS;6{(qJ0M&uZH-bJ(r;8J zfZ#?psq>J>WZlO0;-nbo`HrbbOSO88@Z;P0Do)~A=xUIcACrUz4mu)4YdyJ{JugC!jKVF*@^@X**y@-tEiCPuXJ`f89Dldx_9Ofw!tyk0uSO&S$tjf*K8 zG3u(zGk2iLUlKtzg9=F>kRqtS`jO!SC4ubJOPE&cK^z!iEat4E^AyHEd6cu?SwE!8 z{)XX-f6PhSu-mZf9ENB7>{<}#X|4^$ywfmh$MT_62P0akLrFtPrP%iSOcN{}n9chBpj3S@;Y_87_edjIt{g=4j?=vq`5A3wV z1?s5UQU$=K1l0xB`ZI|=>-azDoxiOw2YNiM;fZ#ttLJ6imWYTA z3v|dI_!dQ=h#K#l7^$N-Y<&bEqZ4uu#j;Vtst{>yx^eRaC1OHrC{(rUmvVG%qRr$8 zIIS0=nci60Yd7iO06Q3OWgkf}Z|c1-(d)*4(lA9uH6iTmlRjd&?rC4f{X&6cBeZ3H1k*cypFhjhe{ zu#!nnPC32bIsTM@)ePY{yJ77VC(3khJ-HCj%|P@pt+8*b+;rIMj#GOS5WmRFVXvD` zU*0b^{v~w9v4gX8^37B^ogZ_S-&yo5d&T++9jP2n|AGee$;9E46SJXtYm$$;y%i%% zf2%j&m);Sru)4Ch?(^NsuLtgd^fd|dr3~WJF{g7Mn%dJG=g+CFywP)R8)8HWxv}zO z1oK0AG%DC=-P;~mC5je{W(ds^U*|H);UhO$WTgwS6_(~abgaf7Tc9|9H*}EKt;MAvtzRN}Lw+9a?4cfJiBL;& zi0ev+441XI&25wz71zwvo}xLA)lDPSv-J>`$eBvBLG4t~1`T*2Zx$Yy)}aB`B;$?C z%qZUDQdIfC+%;c69iPoD&1E4Jd~YpZL>w<~u&sAKYuDLVw9qAA5%&K;<+x^8rGvC? zKHo%y;z@u`4r9a@o>hLEm3zLQ!)<&FQ!c%#_SyyGvn1Sq5U96}d#V*$8bY9B)v&2! z7TUG-^9YEzgUQ_sASr2No&4ZXl_D=bur1T+R68j1e$u3o<#R#6;r+jy1fg$c%M;}4 zL0X^YQaSJ#j4N{xDZPuE$zG`;qW(a$G2dnhyuZP+39<=VobkTCp)tzm$q#lmzn48D zfiAz|__xy1ry7i}K3(=+53_gcV_b%w=hVN(u?Kt;F~{aD?i{}An>E2ktXY`WtpLgB zdB>fbd?yxg*G!h~#0Q3LJV z54Xy#*>FA}cltEL%~Xgzw*%(>8M_XMrv(-W>`L!ok0n*4R6>s9o^cTOkfh14EO{i{ z+CgIbM0gm--!;Ak4l4I;TW|ZX;hQ7xdn8#g%YWm&cQxsIw;zlDHs|tnRXX5QRHU~$ zuP1@=%h=0bLG*O9e%}z`;jeD01j_;<`5&4|Ts}&m1cklYz_*jeTpa*?%(*auJkRx+`N2)A91he3cFsg%;g7`j z7x4+_-pck;o|(V-tGri_WS3{XX=G+7`a2Xz&e95nj&PkqemJcgK2B^9fKHS_NutNz zy4#BpQ;;a8)XZk!>=6ta-44%hDKIUif$^qFQw4TLvsNw@1eZ3{h-p9o#HvcV$)ZtE z3&!k_BGXC0*Rzf3w3ETQNZ>CBBWy0tD4ylSDemxi85UByQ@prH z0I?B-?XiEi6@i%SVlBU5uO|20?ger-#nYDqyp|rt<4a3K{u?`(40HgV?ZSN};N@io zv8P$^%{&NwR<>>^J(nBAEqF zmxVF0?tLX3K3)678Aw$6q3m!~JKKL%1Oa0>kjj~|;NLLasV0f}=2(50E|x}N?~Li9 zNRHFYVe4yh&Z+a`isPAg{yf3f5DV3Mi6NL9E6Zzye@Y{c2Pg43p)c=gXz);=39N7X zrWZspOHRtUrJ*V`H}N$eum8n9^R_^M1@Gh^Ko~&L<#-~=x96dfh?w^1Vb%tO3UcZ( z86ibJ&?E?arG5)S{Z2M-e^Rj$K#1*h4Xe4RvlR?D60CEWo{1l)F;CNvq^VlNn&Ewv zB#BW-Rp6iV$;4Rm7{z8Acg^GjYmr$)Kj(8^{m(6V(uUM*gf9sC4t6M zVnQ_q(gEOfaDQAEte>@%fg}zud9JRmxmEHYN~5dbC-Rb zGlVyi3p<=CKnbCuu`Fb0{IGM~_kFT^iNeu?stZl{STQpl|H>0z;y?Xzs^0;C_RiM= zMzZ|h4P%7rU(PZ99g;!*^Ow#-D)Ck~njrzXH-wJg{bwl@4X~fqS;R!fCaIZ|dncR6m9MiH!PXwO2>d5N+-zNJ zP0eSZpB#)a&%{>-DtZ<@%`d=?rg%E z$U@+8v7d|TrD(Fv^kWl@2c;DB1 zkssTTbhX2*eVBv)w0D6I)r)P91kB!)J91ROVr1)8cA5G3G;{#fAgVQ|e|7KWq`1mT z;nGRCmsTis45-9+(82Wmz2VWhyVY{pXN7+#TeoGY=dx+KCM#ldvJ@KG$Y4Yugbbrt zPy!oi)eHL&LJlGf4+D>c0AT_aDG-CfGs>_s5I96HOhO%aWYK$)vhAryaNhKp95#N`fLw#Z`%O&nRY7nDP1q)4QHdU0AS%iNd{ttdCeMl^Eh5#dd3}FP~`4gR!aiq5G;- zmWNa*c(z0LScq_^6*gbtMFmtO?7QquHQQ@?^5B*z-9;42_K|)8gRI%Dv0bV)w*DgS zaD6kSa0w{xZpWF*J5>Xcp4U)pt(=?o;Pt*%j%hoyJ?N8OWArM%uSVpk3+H8pTPaee z7cTUG?4_)dr`UI?cx+kw*qnFosY=22Do%QAwx9JniH$U)v(?w|AXbC~BDrP1b?xP? z#wQ-XPzcs(J*xE*C|t5k0b{Y{c5}epg9cxplWv6C$jZ_hDQ!ar!`+ofE#X++`Nh>D zM-c{9oi!cd{Nm8|3uYo=j=^s9s8t)BgYMqi_teww=QF&CvA7^bI=(h>U=XiFY9f!$ zsm45tBZEABBMhv=4Mz3}S?t)W9I|A7E_pfz!*W2zZehSb2~@Pi4jX#uWW|qqVNNG) ze@GZHv3Mg9P>bD2z*n`Qn~D!?OF^aOd1Gv-`*&MGJ2diz)u~ zBYf94u5dvam8M80#Pfn}iUPeWz2a10^Nh`DkEsnKVv{Y_uRuJKWIZU3r>eoP*^utE zsu9WdU$C5>raWpl{rCmBW~o0)VK%z$A%4?_eJ} zKAETh0>mn!o9z2u&Vabc>-P44yLtcZ=mTG7{w&^Nlyxr))XE~Oex~{XXoy72NHJ?% zYa@~f}Y95N2;An&sM@neilvO^7g>U^Ms`^jrho@OiIOoJ5nY=jGkR%6TNkCT& z7Dqv+p!MV#Hj=ExVm`v3;?mrs0cCE{-;FCVA@RcgZ@YH`G5V-OuLO0kBU4q(-w%Q3 zm;33tD0Q0%kk;8(vd+M0D+KGWXn<z)Pf+i_ z`QAH}_m{)Gv$q%B->wb_ZC;SaN&bLK^J#VYmlO5(B;7=y|H-o011R8m^kSNuSY{8w z`H{Y}w+;Ryb0^1Apy(h=Hud87yKU+Y$aK~wo3;= zp&eHPHB;)}IdP2Lj%Jg;*@LLJkSGPyb_6zq8jV7kv3#91gjg^K0RaPkxJVNIXrV6y zADAv)^(PNgC=Zq_KtWnX6+V$m9)JB%h14J^G3v<>1yE&|B%M;pk;n`8U)Mr6e96pZ z6|K1*G7Xmv@&uE8YOKa|6a&J|QV5hvNzkLbOW%$_X+jN|L06R)pEX2V4RcJtz!j~W zM@$7Zcuqs393eluCirs()*qvgl1}*tIn8tu<$k@kU!+}i_uuBGj?e2mHjM%8O@7x8 zv$Lz?n>E|(qv`3Fnf{miBMIa={+!$Iwi%?9u{au8Z~z@S^<7PM?d1ik4n87*$%v6V zL|na|F}drXY<^S>4rYeoZi%+2x5a%ElHdM-WohrYJOLjwR;$e^swn{}t~1pH+2nCG zw^$OaC0LY<31j1l0GeG*X?S*T($HFW1T%V6rKFUQ57jWkUHy=^Hjs2d>5rX6ihEG| zHXK6=Ux097cq53l1h8+>VS^hkQK+=YKa2Q8Ct={Ccc8uER+$?Ns5~-jxuSyBc7?lZ zq2I&Al>qTvGh`6Tz2+?~0AwYat68`yvABtoF)|@f#B29y8#{?nGl^u%Uzm^-+pQi2 zM#fl6svWsP_1;bQr@S#q>?Y=6C5nHg4P}N9PwAZ#>=*wc_(%HGSC0a2+_2RT8H{Q6 z7C2j3IF&LAZzv&En3|gt5||naV>sv8Q_A9m!&RJ3G30XaN?PC{2{Zm%%w)BeT%H6v zpeohL<1?~8xnp~mb=^}I6!*V7H2$n^Zm^mR(BuKSDhdt)tYb&*Rs@UIA_g^J;ow7e zYF*MDGXAXX6K9b}JQKnHS|w`07JzQT>u6o^6a_mg6LmwpB_yDk1?SUSqS3y zv*K@mF5k?Il^Hh&h!^7YO~YVn?42^7=KlnJ#z;DJd?;2LA#lWt+N!xy@LVf*2ZpyP*J zNgphO+qq1 z4GAVd0m&&O01&Md#(p-)3zwPXP}Lb|Zl*ua(WV((4w_ zB7e=)_fF)^gdK4=DyQ{XkQ4?zVVmlG5)9v5RQ$Z9fl9fTad_xL^_B%A*oHck{geu? zTFTb7Khcw#UIlGA!QhrD5bd*rD48q^WWzYoUYVV7Bgd^Z_;J9^Ce+8YU*(%dPzubL zAvsMC_eF0KpZvsQX2i#8BS_zr4D=+p+c^I=S@Rfh7Wk&>a)Q-{k`us)6I<#v`_l{e z=_D~_RT6ql;GNmNSQdSGf+)rJfoJ?IWwm|XRbGpp)=pcXl= z4hmr0FKR&u(XkQ$&fqd7r}fGfQY&&FF2b+rGuE=*+x6fiXl4r!cmGSOFkuXBMuoA$ zq}nLU_j-iIW}^DW0G5^Z*;+FXXH+>cMWc1lg{wyl5_!Ig@THh;ld}12xbQts$_3rJ`TXp(B1|(slRA+)p{@1kN|OtMOK6R# zObKQG=QT204@p_Qu#*W$=Dg=`Z$d?ddI}owIN zZ_ww}1v0*VOmOOts}l`G(uCJb!BTAr=SLIHCiHO1VVV>6h04Y>DQADSumM`%!F1vi zFdJ865>n7^KIQ3&ST0^uz^tNn6tB0$u^3>t+a~IsH9kpI1DeQy=6=cFR@xjdqhOFWO~H|j-u^{SK<~rHB(Gg z{*b!N4NmL+q~=`s>baKGp9q4vDX`CZVbB{gpW#r!hA-{dk^fCcB>WvEKP9#4(K%F8 zdJ&|-ivXK)N&9#Vh`yqSBlLdq~&&5C3CjB5G!TK8m9jGTl7_$Rm7p3*$7m2}&VDu_eJY z@0Og0jAo;pFi7IXwB{;BO2G<#QFzmDN?zIaBgOQai z94cPU^5quh=ebX89gI@;{FC{1xQf=};c!p-dteLpYOboIzq}Mu<;~3JJnhNRgaKUM{HQ48NcP_N(et^;jan$8 zv7!)N=jq`v5Q5tm&x14%@bSkk@=2`-9?(4)&*h=^(Y5(%4XSOPI_E+Sam6DZ8S5U3 zpOYg_Y@5U&CJ?Fhz%kHZD+wR`hGZFcSDLkjpVDW4P&62x%+N$HY^8#Sb}0DYswc(EZp4-i$Im`u7R(ijSajO@T+y(bKocSZIAFJZW(ix)%*s{?d|;+*wX!5=m0d*p4Sf!YpXIY?(?6z z`1?od$d>xs+jCaL&1=2ZzkUcvk|*udIrJ;u^1UN;ZkiZAl!NV zr-XgYt&5;59Ps?7G6E&aWg|VdQg0WgJElLs!MVIxM>@|ym4NA_@8%x&RYu=*V!K*u z$ym>Aevc%RQ{XB0GjSRqZ(=eRCh7iE(mRzlw-WO!>A=)vQq~QNM=dCD(P6Z~H|Ly} z{Pfln1KN4lRpIsECe&h|?$?6bdmyOm6GAVXs6LAXs1&&R8cM>lthY5ZF8?f&H1n*7 zRwE$u?1cuhZ!pDpA60rHZcBV2tx}b6C zg~I?DNR)yt4d4UB}gIZ z7DhiNV4_7x7~NQDo)jB=vbYZ?7(MVWw9m9dvjXjgqw*Df5^eAQ76&O1&AD$OQA6bS zZf4t!OKQ=co_?<$w|{8{-FDN@6>lgv-v|KZj9nP2=D_BOGp^QJd*~cd-<1apQ*kW= zxjcBPK=4|7FMiiV$hH}CCEwRJp#{SCekTS|6rn_51GQXJWp%)*ZtY|5X zDgG?Lduq-ZC8pXx%XJr`ibeETLnXjh1#|uls~B@#J0#RL23n#ShA`N;YT{&X~qq z5L9$2Yz~+cK%EJN)cVj4JW~>BGSn>f_?To!uz}LZU(gK&Xy1Q0)`nQOm4V^Xw}YY) zRk-yeg}AA!`JYz(<-1AG$V>8Llf?xBvppZW@q(PBAg^M`W)}0S1-xi$@OzOgwPWZK zc$Do!GB`O-j-y{T~=D=R5mDD_RDaMNJM_Nd-UMbXdB=CJ8 z&qpvf(E7E1l%9Y-&)62{Xb8*1=QH}ZhBj#%W}#1#u&RHX@Vvf#Et`)>xZ9;>G0K}$ z840E}j|E74kz?U2S-_o?V@F;zqP!|2VH&vfsmkqn;(@^_-d|mH%Sm*+* zLahxUZ&_BfjmgQquSX3>67?hwo0zUkwt|FCtFPziGXF9xT&atm!Q$qt!%N+gnfUQm zgyX2I?(~$9Fznu3Q&M7;7Bii4|L|B%E-x@+2V?p@jE5nWH-lhx;Es}}^5@OSgi7_2 ztV={n=*Npyp7KY2cckO%p7ig>aS2S4`CvH6XZ@{&^M1_uheVD zuMRC>yj1{7SQ63x;w0@((;HR+TnsiHew*rP__lYV7UTEL)i>IPAEyT!cV8)@;64!2E za0r?)A`NDSp){>8DmIMb9QX?n*R8TC#Qz}IMbDG{X$pnB=|(PVd;uh|&hn2G&l0nKl3@v{+tUIIK$%KpYxTH0 ztO3Bi+u!sE@ZCu1YAY0s2-s!5^gVvmvFvLcScLoGMXp*A|?;p?rGPowa3H!khURMtT$$w<~C4LIKCJT}&muuRjWYnGhB|-4?7iLR+9mMQueWD+PoR8~QwCn*#is zM*iI(!16Flf2`N@;Z;7+9|^MM3n}f3nZ7-yt>wGfKmr6D;*P@&g_agHDQ|Qj0S=j) zuFKLjeLD zCQC%W%01t);!NgS_rGDa2=G*u6y1%gGx;i2SZ1j(g|TZq=fySc2sTOl)-LL=%SwX- z9K>OyL^AzIt*i$z_$3#cgv^Z^_7aUiu&t#2@WA73Cugr_g0s1H&U`@?ieZMLP3{P` zON?NlYs;F7bpt#q74DmQBa^AKbVxZTZj@M07DwTk-_ABjRX3&6^jT~&G2eh=UqRf?Oz!y-VWoj(`Dm7!R@yKVav zj^!PI&S2K!oaqh31|uV5c3Dzc?a8n3!zXDq(^KQ=eoPMCaxwy+k%1^H_LuiME6g3m zDCi|~G-)=e?@Bft84$|RMSQfV#OjUfjFg(n-XHj()!9(AeUmH`61roCdt##gM9IDU zSsJ{h)vW)c>YJkLdcyY4Ik9awwyhJ}Zfvt@(x5RL+qRv?ZrIpXW82A>-^KUGT63{+ zx7VJTcb@kFG8Z~GI+Pjb2YAMrPbuQ2v1Rm3WQ~y9HeiMKC&y{njL+%AZn12F_QODK z?;Om_+HGriFQfwD%QyI>*m5OyGu4+kmv7bMhX0ylzUCd+a_6&^SlWQNY`DAt0uM(B z3QBVEmnn#HKKJf*-3Vw(q4Ks<@P)KwEMaRQ<6QW5j35mLevYUEQ?lGB?FVf)Z8zmV z1>ZV7BFE?nPd)S>ZW+2ium{mjqBh!kQJ5Zk|2V!+pcvSEW7m71iuu_oY%*F@!31F< z4@?5Uu~@w5^E zq2yt2_~KAK2L_Pcr}GCqQGpT@N2zU694260&#yED9 zQNt|hTn2vgafr0gr;~$QrfXs+lic2e2{!pMJ*wUhd*WG16TA@P6!e7i{%)**(!k39twJI4D>b zZoT^c(y16@@BI)c+VZ^R?5l?IuuxJ#^qJIJj5v|d$WZ(|fA_$LZ7}w{xB{8WffcVn zb5WOKZ4IWG*<|s5q4+G$r=`UZJh17ai{O#?6dy_D`zmnD!eUfDPhEpqfaVH*bvG1<z7f7mjPemVsM;$;V0qvy0bek=8fit{UBcYc2%%4mL)QI+5S;aC# zg3=Q>4olMJm1cEkFi)bxE$a$(6Tc^I+$721ZN6dBHR4ReLt45+PzeoIaF`nS`)Rlq zH4yjs^yA9=;c$OK_F?u3fsBwSxWG~|B}nLF{vLD|tTk9YuQLA~l0|EP#$!IB?@UEjR135%uP9iX-q# zRkcex;>Ouoh>1_pz3pb!d0CDkw`fh3%8I#e+m6z?!i)XrYr1q_q1MdA8;D?3Moes3 z8eY>-X;1o?Ucr27fHRYHOG8Gatm4yglXM2$u5=!#=2lv4{Du zvvMW=?lA2GEAlwbz z-iqKMCfCJL>r-^H7O9fxg3R0SO-bIc7Cm3*=Z>JFY`|i~ncmSHzA~p_@ljOY2@}-P zJ>l)e1_s+8t;bu=^3klR%Lw2FPx65(wX8W8E^M0L=(%@f$vzOb*6L~t6Gid+a-O{v zd#)`jmE%&E2YJUkKtE!gveScvmaM2fXYiuN@T=;3YkRlXJ35vw$?s)#P|40+e{fUu zOpwy~Z_D&21Gt*3Gsw$N7DvpUw8p@!9Rf{jJs{HgKn^WS4RE?1V^7QX3bsDg(y~l_ zrKQ^)pnLjmkoF5`-ozwYfO1*dS}k;Jm8Kbx$gUp1?jA^Qz!I^RBW0f$Uh-} zg+qCopv&!`?@8|VA?Jm|Z&T-UhjxsM(5YOwJ=7C^^!Z!^SdAUSJ3q^SPsC(pYmh9< zpv4=E*!XpKkgN^c66c(Aipxk811%uuFtIn%4oP(aqnAe%lgw|c63>EqT7a_-3W_-9 zcCRL_Lx2Tt!f{t8y7dD5e7%@`Iw3ID3-fZo%;mw{#OgS~f1c*W6?~Ach*{T-M}9sT z)|N`1LYmHaL1o+^1BxY9!q*6o=+U#LrU0mG-q1i>U%r8Uos(kJ*QV*SR{R6WVVd(# zI-1ApGA9RFfB~Z%I4#Y4(s$;WW>6Mq5a-IVqX4r2KQ`+xGJ3E}6nmSkQ@KYRGH5*V zeN=d1@rYBE8AjC&R-tzNJV$8Qtipj1h-fU-ASexMNjF-lT0Bfy+QmW$Q#h%OAhJj|F6-WtSP5 z`APJ5zVX5(NbS`CE17Nt$ue_!s=`kL0EW@>IhCD!9;+^o`|XB#HhHJ%Ex%;7Cf4AC zFSBw`3H278YlthgLZnpVTZl|ZUwr&mfzkL1^1adP=Ab!2GiV%)hYT?>4|OW5{?_e| zxIyTu6z#hBCXUVl{&hTQL!F$|`rWGg>rx%+Js~L!KfMEsBz}#RsLzhd`0d=nDd_9L zzMZxn^7`JCc|-F^<;I#>#q+gm+3ZXsM5Wi5B|}`itxdpwf?M>-f->FNA=F~m4Zl|X z@+(wzMTziQh_awaIU30161wBl-Nyth{Dsn;)sB26?2QPKT#=cy++Fc@0#1-;ew|X> zsY!B`)bd|sL{cW9$?Wc}sDbwc7xB;Y_m9iqoF`4b*X{GBTZjtdlu&&)?q0BQka=G6 z!D?Fkmk{dSKOh;xU+%1FGbbV=37w$Zs6pho>LRIHF5dqMM1`hl&H+pArY3`;;mEWD3 zjs=tcy~AJUck*FyB7>O4yhTBb7E%XLa&H&_bEC5hpv!AnYeWN21=G*fa;vQluZ83@ zjckIckR^^6B8@I#t!ZvSy)9$AOea!IhBm~Rqu0LAeVYQ0Gvt%UDF}q;vx{9-Fzr?Z zCzw;aKRZ99AKaWgqxV!%-0qBUEK>ln=nI1P?msuuGqzH}|3m}T3Arm{KIsZkUKo*h zI)qTRyV#gNR!q-DYTH(;&xIK4V^<%ULbKjlFM1Nzb1b<}J-%I>&l9;6UNtAbKZh?eKpbQSxd-2Xs=GylTs?n)*yC8#WOKeQ zBvqgNmFLg>CjjrVOAi4>6)pn88VyXj!i+|qV?fxWFSIhjD`%^Z*3-2F%8qCQ>}Z{h zk+j)Ot(UNw%D&0e&R4<6?K=wJ^H*SJ-F!if?G#>S4ZG&YG{Ux!NsGcqwK_igtuarS z%bEsFr|QayL~md+E1vERSqw1^@1|~lidU^1V%WQH1uJH65r75_&705%OssUx#xW%N zZ@{drA>weaj&+&~6AwQ5#43yV3hcr`b9_sxPg{9i2E{BLtUI@@Mt!{d0UN zgo+vZ4?xG0%}SFY7zI%vF;dgVWH^7OW#sO28ts5o#p%C^jK{n5^V)_{=yb*k{ZfMy zRl%zz41lFt)TA7=SH=}JpP;9is{q)L(BwiwPr0xK3lpeNB`yDEnbSuH>nsDHm`))y z)RTd-9t6;lqPTsKw0-_bbmklthNlV%b7jN|?ch3S(qeLfK(5Em)tWeKj!(W7 z+#fJmn5tY_gvhSs&QXh3LF?BLW3)jD+|5%I#UXRmbJ6;okZ=8;9n#7U*{nEDMEh3x z_2pXm(YSB_H@Eq#}9NhKfsk3VlAwN}X?Dlm`G9 z(%x41b&HT+uG3?{QMk{=e-D(R^^&vVMNPy}_;DunKE5Z|)iI=8q28ZEcKq-~3eFT!q&%J$$6r1Q<%U@ZP*R6oMHU0+`pG&0B4yLo=`WqyAiddw761FIpXLy@s+09lK+B!Rw~A6~CF8eRsm zeqeR48QYEeXG#BvJneJ+@IFl-Y|-6)7k;}yJ(KhHY~P_}>U00``Ly|t=!dEZnQ9mg z2_GSft0iluK7;kRK){ep9p1cYSK>Do`dkln@m!1H?_O2%@uDKG>xMS>yxB&p z2V&(M^BI8E(bI$*EP`5uN--`ET;oTbO{>Cd$D**m6pKBwTN#5d22gWiY6ZmqGkl1r zxg&TXzA(AulPET&V2vSwX|tVvw`>@;=kIS;>lsKwj1F^s2JUS z1!Gi#KNaU`#ErG2B1y;PO` zUoODAC68+EuPtPRn^|r2u>8BF`Um7l{1$IHO@}HSzaT%A{!+4dW9)�%$eVHKez! z`<>|)Z;o?B^s|*UxPFlaouImumXWBpNc3t|erYS-v!QXHwbbVPSwg?>HVb8V?DR$n zQbDpW0BdWbv>*%1;00?IZ#Mo2dlPsXs-WCjh*2accj3;qm!qWH3$j^yv@k0p25i(` z7DaoIg_sqmhDIcwDYRb}W$Ic|5A3Rfxa|9L1yVJa(cl%@Cx_9+|GQz3hepi3Q&Zkc ziKk1cC61>XaO-jG#PIc*dSfEu~_I*VTQ+5xL zl9j*b$U;{Ki_PBlY$dEAEXX`NQR;UBrZTC+cUACV)?p}k|0k|z5_mAG2Fgt?KEi}V zXFAh~*WFNv7sG6SWy0ld0(if)_olO0E6?8C#OT0)*~tNxXpFZ)Oh%X;Dr;V7GP* zVhi%%c=b6M5o+)XK~B-^w| zGkKv!wg)RzjnMK~R(bZf)_#yb%ld&T(| zKe}7}=EsudEr7DbXhInH>bokc>bv4&lL7xhY9)NQJxXwzMrViN1_h*BW3dfJDL-og zAJH>g6_`#a*}`!As|K}vj^3PII4zIjKp%r>V9?7hv7g+L63?dfgo9g!gC%Y>KVTOo zr{MR7PkCwJW>)T`PuY`_5Eo(Z=y=!kKJQlT8lnTRV3>C)=L7-%MruqZzm))1JkqF- zwts(#X4_j^JejFb+Qj@UDhNE|q&O-gIyTbf!8pF$q8BpFCW!?ZAJ}3La>c+nWD?to z5mMPP-4bWfOAY`^A~EhwN1TC-rj}HXDVxdEMqaDXqd_Y3FHr%IYs&XEnmtGTqz^>5 zW9h7LNIlQUzkH-5Y5`_WavpQ2qk?|&tzxZt0x;50YpVDh(Ar*&7x@|G6Yv}IU-(9N zaf!8_(Wpd4f-ESRLhkk|>*-{8^+TL-HS!AT7OhB9dq16$oEOw;lcB+4X}nb~2wU4N zt1f)jS_s5SLqzOCgp_7`-yOml5#Ye;N0e^H9NQsvOTE$fA)l=b2hK*O@cc~G+6mGs zpWlNN`Jbi#WDFY}hu87c-H=+94_}=vzQji-FU-$-xzw!s2l=VC2UWW8*%DwRoT&6K zD$j460FBCO@TonNfwOs#UnW|?YHNkt zpRh;M(?Vdw!^gdpFv=Et&iizhI|rgHTlJ+!|9g`UiswlyG*6bAlo_>Vz(B@CpIEIusEPWr)LO=wawh&~ z6ZB;+y0^8NK};oJ`&jc)m*k1i&&&Dl;+a22$o=Hs+2ZYOreZYUa3a9KOYUN$kby^V z_F)|ecI*h$}$gzn4LoQ`9FcLxH=MPJVAnptjNWDgO&V$YZ|q5RK#2FIRo_l-}iv zZ6YmgegKp^-1m3mtDWG%V6}S}xM-kX2cY&&SEx=K!2TBmW{RqGdM5*DJ#`(2Ays{hm@)N@U}%u%e+3}sY6JC0O4N4g|5rZ z-|wh^DQE9ZM*%w1uUre3cD$j5i^UFD_%x>HbAZ&%j)b-LfT@&215NGUYP4oMcFg^CtzacmF!pwNV+)p!lvevOo z5-E|Mw@t{)+}}a~&A%iPaOTF$N~>is$@jaYpAGI?97?Swl~FVygj#n`BL-YB>N;e0upxd9lqg%p^a0w0!rbK{C*bs&xol!BOHIVSQ#$(x*AY3RH>l~ zR6$B`@n`%|sV4R{IXN#{8J9!tA8{TqGqIkerT6`v`aG{g;T7mym{l}?d2|+f-S_Qw3o&1t;m}*+fIgFu3_(z!|1*xI?p$9AJYZRm z^U<)Y32?b*{2Ml%1QniniN2%{CozSBp?%5mhih^D|B4s>f3Uw~Q25>QBlq3F>fh>* z5EGx7g9KxO&AnXQNufsf`@GI=<$Jg1@wPqZ;x(pTM@fln9G_};!oSaG z#0bp1AcNm-`}OV1b=oyYnY?roR-_2JUIGaV_g*SoUw$TCRXp;VxsWi7BkW1bexsud zK!YqKobI6GG?kQ>hp(_un9YF9}n;OzCz^|m>&q# zL%NmU4EVHc6$Li@s>Kpk@rG}z1&ki4?p|gbdd2~@zKJE;h1he{oQ|7=P6t?(N+NQD z;VQqW`u&vH=3MP&f-`nxhDR%{DI*rU!}v9Tp&SIAa7nt&)|68AcK^dPW+kDvZC-C} zO~+W+Sh&g&W3%(Edih>H$a|aqWpl;`7tY1J=6cf>$JlBBfG<32+Nem*2(iVvP^f0l{rU0Z1-LPbS)co0fK(3+A z`rGKSLyoDcP-F&FN#~SS=b%VFNUK%;R;Xv&dL93rDZa*dOX^C+&dVL*;3rOm|?%u<7zxx^b`X!Kiy5>=bE+M|&7u@=fHfa3@8U4A*cY$$&&Q&XFbFML@k6)GS zA<1neC$A%j(XWg(pm>YISAIpvlNdB?9e(7GiUa@q1qc|CLm6F`dsgLqjf7<}r2(s8 zLFSUOUk=AgC#vI_G>1t{Ou>F1t@bqf8^-d8WtZeJYGGOlpeYE$OiTurrF1m}{tEU- z3AVrL#-@ZSki+~A?UL4G9lpcA()trzY6mADOprYg6z{6}RfJqBZuM+rCOVO1xJ)@+=WmFMcwymsHHI z>s4?W`moWFPQtw|oQl`L<)6Y|Orw@~_P9UMdzg_hOpvTUZS$#`d#ebiPn=I6p@XrY zR{@$2F_%XpW1*WIv54FMtg7t|g8l1Jb;(HaPi|hG4|2qg&%T*`AI-`od^WEY%&krj zyCY_)(*}f3Mx*s6Pq4@zBj6*Z+da&3VCG8fklC&cZ#gf`b|mhN@ITOoMGA zPI~VeA;7^{FH;s-%+Zcn{u#)jMNFsw!FVHQ;b<4I)1Tc#UQZL>J@RtpAL>Y zteyTDuR6cpu6=RqM(Jrh8I0dX7=DI|B+lV@3|3|UFo;#dSdN4I#kUl=zpla9lnY3G zAVSepK_)Fav;=gIwYgNzZ-RfVsKs)eh6q`s*7`y01x+cdDl`2MchkKeB7Zr)V)gSo zHe3%c&~sPifHkwh1OoBS#Z!~8I8sog@lQR~mHn1RRw6nn#i7XK#FALq*==xJo!DwHVSbRmKjsPOVsxB4ev4|vJWQjY_L}(r$#;;V z83%nXj`j#Ag}Yn!?6mwy1U>W6?FcN}w|eIrvF+Tqz2t%`B`+mb1g&1^-S1ytpKVL6s7bxp(1@-vO;Ay^pnAFRx`AK4jB<(_~+(3 zLWw@^+=B`ndp+Z9ny$8bT!q2v6@GzZQiaVLgIQ?C`4Y@Q5mkYoM(d}Fg>buO0FfsY z)5JqQXKJi%3F(&~ChEg9+QLiR>$Ba$okv&pKwjHRa*Udh%&tv>c03CEdT81|N$fiT zed_DI+uicO%|cyLWL3`5Y-nSu14Z*p z!Xz*nK23zWQL~+fJKvmtL?t*6fT`Eh)rY*0eeLuNv3T(A4I}6a4dA)xsX*qKy^+$; z1&I8TY|1yftTc1ke_si`~B-gz(i&h0#`0?~f~f;F-Srhx_1?)Ddt z_dHeRzF(Faj*#EP5FJ9eD*DF1mXWLR?aPcZe$ur_9P0IBC-D!*I#Qm)Tp{AwNxP<(dL-+o7%Kk++DOVUC047}*a7^Cp1DXGJfVqcU|>KlGh2fs z=ELNB2I*FwFz|jLia>UrK6n0jSQ=b~+*%7z_=K4d0xn(ZE!40K@DjaP3mXVk4-IBt z@|g@K1>j(U{h&*q(9E1j@i?np+DFekz7h}IWu1HX9x*U7tGTDOjjg4X71F}uLm6@3 z=MPZi;ZovC<>n#wNRrc|@ajdb+t^jrf0_pJ9{vqP#b7*C(ixgmIr{bYFRdNcF}f6L z`4N%dZjJQw3U}8Hb$4h0)8f+vYkls;^g}5$BriV)D#*m?w`dRL8lVsoje#GrU>1G_ z8o*R@Yegddx|KK-xY80=VDw$=U6pYzjKz{^~~!(8BLUCGz?r0Wra8AK2TKyW^jDy6eGfZ&5|xpquN=mY01;M$j-?_98JPM8 z!VY&Zi=grt`(3(drm)F2ybj-I)HZ!o3=k5MMnj_;ZlozluR7@psPt}I;-@v;xgh?T z@})x)n_86frV*rIf|_hZ;MT);CMkHIE@sqBnDhlno3iHc*~`*=z%%t?VW6#9LI8uE z2LMme*AxGQ@71h6CU|%E6%@u{S>4*`!SM@^6_>f^5;S8o>5vva4WFvlI&~khTzg+^BObrZ%o|9qPT0@0Wynaf+WcY{WF!1sjkCuBa_dh z&YwKM0uey#XCM;ZoO8Wr6G&>@6Vu?pV(xKtKHM69!+KHy-I2WR`jWaHP%MNqi_buc zuc7!09+8-LP7w> zqshmx&}vDFIb(yFOn%Xv0VG4Xw)`wj{ME%ZG*oy&$qZ&$XU!^b@UrneWgHB4E~fRt z?kf@eXA)vh1X|o))=b}0I0(75hQ^aXFL@U{;Sr?q0o5)U9FQ}0x1Ok|(((1?e4PUZ zJ4dzb`>4|DSyDD*q?)`W{*gg!FCO{1580DTy|^^ipeWs0#Smw2 zKcZG3*-NfOdL9IQJZ7{!5c;LOPtG%UUtx5=4l1$STA~O)OvG4*?@w}9Fiz6FULL#F zQL8K2D#$sq9VK1M2QcF|4qv29atz?gR{LA#$bU5~V?hW!(ku?{I*8FmRp5crC@^8( z_X_TIC6Oj$TZ;B@7Q)mPA#$E%Oe@Z9gmiK0jltYwx92o=KdM}S0lFOskHUWmXF&d<+@yXY(&URCvm0;RY^@*ZtV$Im4T0$g zTMd>YP4mQ~Zd}VAS=|~zVe_g#F;(6?e1YWJjQ<^!8(No%+M;c z9ke~ya0S^Q!G8A|zo{B_+_fN%vXSqrY!r&W#nK;(}4YjyIp*z6V}V zlZrNRYz*OH-HiKvRZ( z&PA?AkBQcUCX!9lD$WDkH`7So#gzjClfbA+!7i`tsshKF&aR6L+v?VZbkoSq0y}?L zS{itXZJG|nyP=T&LQj8goQm0gx1USZmSffYb9ZA*g2H%^fSoh`m`>AOc1>!v2Rz#D zx?A`}+Z*}pF}(GV37EfyYI2H0>^jM}MI<#mEBQqRK3KYCw<347Y$WFsf5D4AoYs)ui*oG|PKp<3@GyLi3 zj9ql>l_WBfW)#6Qnv)3VN7K+p4DVE-oy0Apb-YY*LhR@ z0b_yubA{Mg8@g{ZIuOSU0HibqBSB2&N8L%gCL-Va{)N3^!(pVz<&G~?&b9u**|xpfc@MAiRxg*yxxuxxdzi&C#F8Ds zM$oi-t{*727nIy!$E0m8%w{yK%|HOFhMs6m)o$XOo+u}ur-!6U>Tm;eH7O$ z(SAkf0$j7)rft|*N|Y#~Shx>2KKWaf(Qv0(m_SEV;1+3!ZR!MQ_oopg508Q0#14pN z7x`CWkE@r^pRdo%qN8(ifLew5ai0qeT4EL^&63b@_?`_DFH>LVYi&+LrrE1+_^OX7 zi+zrrzVGISP)2XVKi-l(vQ$1j_mD8iqXlN=byaVQ6w8ATx6Mn%4Xh_mW5fp{g@P3- zPhtUx=*?vYL0w2H;7)bG*J!w6pBly|2hzF3g}U&+#f`sZk$_2~&Y47W8M{0XwTN%^ zNBP&CJUB(`_D%fMqd`n3KheYjNeGB5d<*Ju^HIXz|q-s+iy^k`-_0saGk zr+a_6zo`Al1Zq9dvRIiaT>ccjwh?f8=Tz{h95%3t`Oy5#l3OGksRIBu2pKF{Cv9L4 z1?zb8I%*cWdq9^0d~X`_1^3fC=5Se zZ*(*Nf4Km~r5*o-=(I9p=Sk2%Yr=&dQe)zfbP5}u=mv$#Gu<|ABvnEf?`*4WO9f-i zy=;Njy=?z%td1mw(JORHa%X7Hqwy9iJ!bDKLp67InFLHF*3SalP?D8@N*a@G|@KVejus_eW}Vx91u#Q zIR?mq`e%*%u8z|wNd4acWIH;9v#JJ-7zj!QkcUyWY@Mw(7>Xw-ZirWy?AYn@*c`Z- z6ZalbVtAFGqr2>nOCa%(?D`fh;E4y=?1(^}Qpf!wUiW)fEfIDMZ(%*`k%cV+wtV!7 z*{=a2b?VNiEo0POnUqS4MBA~p!Fxg$@hiU+y!Y2CqhaA&d*QmamDhH6Ax9KPU446@ z&j-deli?639akpKui~>L!`@tfEycQRex#DBRh5OJlE1bbB3leD>jeDNyvPVyNa&7c zp4ey$*HECcF-zsob$uNv^Y7DQhJVs=?)g)};KT66En!YVCtNWekA>$J*0m9$WW>|8 z4VTdb(vqk8D>g?$Kc=B4ZlTjF4U|NHD4$d_K{*M{j9)eW){Ng%gsKT@q=NFGP?S%U z&#}D0aw9-|`x#-R2+|JsTT0#zeKCXl;U-m@v%MVEtn;N3i#}jM^su%jH(vDmo0Mf0 zr0eV75lNE1%mLc`K8eNJSHpV_bAO7o&dg&k=l6e39x~gpTA_ExwFX3gn;S8H;WnB+shiLOwdk(HVSH==#6}eU9io2#ONj*7dBTSXl;-}9WDMB_T z(Zx0sA}x{VTPe4xV{LdP_DuDlbEc+ejlB39F+os~)hXU}@^sH%Fo?Mq30iwtd9a{+ zaTNZvXi;83NR;7;pPPQUjF>%waI13Ge3|`w@O#m%3Xd`8+e&%q8@pa$EE_@oClXxd z5bfv2&6v_yG7EI4bV3F?zqYe-l`8is9&gRM7uCh($otDQquC!2n6#&*5PGv|d? zlzBpOItqUNPq`;QcPmBI0+*Lpn(ORydzwSd1p81?$&cY_^9X9&2hPy}zSqe@_ppkK z+JDPp=A;nOy!gHAd(V+gY^rlO7L_(`9N$M_LJ(p?cS#2CZF}a* zAO|~on@71LY(E%@V5tuw*TKk_NZnfilQ14l+EGcy$L({7Rp**4{>`<%!^d z*v@id)zE;R`hk$@QqRiu?s^~I*wTrt;yXCK6mc}IrzcyUlKB2?_R$yJJ*MWoT_Oe7 z3*B_-A_NUL7`o~>xnDF!LLb66u|g`WOU z=uDV6Q4W_W*v4KKlut{_689(H5fTciFmATTy7pPLnT&O7zF#fJxg7vVs|Bm_7iGu zH8T4F!p<`cF#yW(rH16xU75!h#g9OazxvAY1#KaIurgcpK~mw7CV1&)PntBj19bt8 z<-e#Zt>AN$#f?-GRA`R8xSpE4(H;*-P-_{B1 z46!fwDr+v|J6cWXBBB7`np~dC#Gwz5EDPHPBtg)R?76sSy^a`;KE{Ha_S|=pHp8zV zNW2&5cWye;xO9cVSQ^1?qTweYL8$_i5FXtHDEziOZ-u++uE3lOuy4|pF2yr6qPMs1gJ7ds)kX1JonTrq1*8{5dBlJt=`UPEHs}}xSzCHA>^z;p_A>X3PHPE-a+?+ zk0uSCgLE0{nkqXvtN8vS@!_{nj37=5TxJ`~S8oTOP`fVj<)_I6G> zP{if|Ep|{pj;~TCgj@=@a}0dv5jN|Ky{KI;AoXifm@dcLuLm>;vmTq;8gg}|s9Z#T z$JBO5yy?$jY3c$>>2s3BOKmwgbCCmTM;I`KMKkiDUGVZPdsp!7qlA1Gn2RSp|C_FD zXTDF&A8KA#*;*ajN6d~n@7MRe_Xiz6-7>OfA3AoB?rnM356(n5cWU1rkY6A;#*90y z7cxR#SZ$yr_53=SDDSN)Vk{|kfjsZ2RC0XyNjY{ADYKo=#eY2gPQOdG>JoYF2(g$z zzE)sr0+_#3Bhc!zeBf2cGYURXbeLyJ4MLh@aLZ2e{2I|s8dTv6#2L=vMV3SEDV^(L za5p;1_NRajPe9)k&k?4ySg>O}HC`KNh#gD+s(03%`UDKQFJXNJBe$}zfOr#!Tyx+w zj3Es%-)>xTySUWqcPyss_7N`_dS8Dm)SDTx#%Ic+Y*15bn{AgI#xqEBfxhIcs^e2s zn%;z;Z)F$$Bxcf}PAO05x9DWQ*s0DG&box| zShpAMCr~&4F^R#`N@a!iPDrtKc7SaZnkihajX5WW<)XeOXWrz#i>8gXLBYabW}~QI zZl}P;*gXcF@Dr^fB4mF&Z%SiY(3&e!GTk&u$@-MGN@qM z$Bgkj+*Ih@rhUqvs#KhH-~>31uE03t$^%4B)^0miMSo1?kw^e;kU!>BDi9VA4eYcF z!FnV5PqmFKPj!JIv>%=jUs)BxO?>%H0a&T_%~5;p@Bu#>X~?$0DP4;#s4HorgW^nt9oY?S0f%aXUI{NMia#e_{AO`Xam=v2W}U0(H+Q zJPi{zWhvNKEu~ukf9Q#7>aUK{pN@2WK4o{ zUxDI%i{kqnk&R!?!29mb{PCyVaM-;&meH+fTBkOs-O^JqK!^(M@i6pYrM(t+6>#&l z=Mr8OC4?1?+3beLh%H3DSAJP4xT^z4H38!8n~Hb<{YRkk1EuIqqMa zemL~{c?!SYMxTQ6NY1VNDbGsD;#Jht{;S9Av>=L^-{Ky*=bhNuSVR0J9=yH!){b;x zwhR^5%YT2q<-(H^0;X?co?a9pSHb#zWm+wVGr1NZgcdW%JMW~ zM^ z^W=OrK;(%G!RrWYxj9&GY^yRjs8d?Uvq#fd=MQcXwGNC3dsbHL9z^Ahxn>KGC@xXu zr_dQXnJIXe=R_-P&Y-~DMvNaK|T=7jJdxlP4L_AgOSKn$LsMhY8NyGi+PtvlC z#EcUNHJBiJx_q3B%vAd{Fu!(oj&n|WUkElpMq0bhGwG`ae4%>?rC<7b#}D!EKcHF>a^D;YzS;jpcp;m#!NFAiA__Ks@fvAZf@Hz`XAp=y ztU~eG2J`p}mY}s!CIyE?u7>Ip6%G%B{+&>^W4W}Z#adzq<+=@-%!s7IbwWoRcp)Jb zb=ov+z4MH7mjPL5E+Jmi(K+vK;jV7Z*D;4?c><)`bz`v;DKm>CRj-I zBASMB-JsOq_E;F|a`Y+G3+dwort4^h|Khm0-!ul0o8j(koD;LKv?`)@HRJ%A8pAm} zhf8K(H=LRMe1if=MgUKvz(y7i8eIb+dt`w7Y=E9u15vR4Q>%~;e}>V5jqdEo^KwnV zfx+h?`IUD?ZSy6l^T*pZjG^yiFUs5a!O@{i?%keEs@m_#b)g4-l%F<7V!jDynJYDW z;yJ%zmJW}T?#yQ-)SF*qPR}1djm4Hr6JQ!FdI`L?{)err3TmTm+X?PY zai=)NDemqr#ih8r6I_eC6t@(2cXx_I@#5~q|GWp^*+08GlgZ8`GkdVlb6=uS*#aimAK$lMvMq=j*nicGvwLoLW1}Vf5CBR@O^|XBDr8|< z5?$97pIO23ij!TnsU67E$mz6?>_A5ooBezG(ch(!8;X9n{0#}u%RgutvY>}}KoVI@ zl$VvyRLkiXyhvN_x`o^S3C$%n){h;V8ff@&jvU$6?@u;C10<8?SGV^G8&_uRM1S1Y z|8U1z8$PkhfG(%gOv!=#b;>z4J0~L1m0=2FS~N-1nv23Xs`Rf+z09s;@U9!7-ny0f zd%PpMlKQ#|U->fpy$|MdRx*Pms@9Rmj^I}sq9?)HrhuI_zUcnFt7tVg!p1+MlKmJ| z^tEO1W2U~0)6hz6bPN;{C!?_VJj+59Fi9eWn6Y4T;|c!aGkPl#=&5{w4sn@-y+zl} z@^~R}7<0cP9kW;q!iH#5HE(X|>PR~>TiF5}B5g$#y?x2jq)+6y&>BVG{!B5YGP@SF ztT?&2pNbk%F_$dCu;{?~`R@$absa}Ddry2eqW)l<1So9sJnL!_k-cG;mJ|+L`QBBX zI9z43CEU=M%Vfx7duB3VL-*Y4D64OgST}APy$b@e$}}6eg!Tu0HEm9HQarAzPK2=+ z-w@dVDVD_$KlPj&KQMZvOy)n3My?s;i|Ot`9QsNP|s z=D+wjQTBaaj2 z_K9Hpv>Ag&V=m&{{0!VRjL3C5O&zc$duf6sTHC@`3VYtA-hcSZ!)n-_)&yEpJe$)P@z2YGgTpErLeq=ct836u*ts?OSDg@%W8(}1_ zVYO9-og_4vCM}EwOeaJAKe+gRAo*=`E-makF|*LqLd@3P+RdqQ;BCC1a4y308^qpG>bu!!Czea!+imQxy#yBF=@NP7`K89!G;WbU=+ep0H^M3cXIpA zLK&E*W>PyxVa9P-Tw}AMnSU`YKO{VBUTKk}Z1so3hg8dlTMvhf6;HFkLXO?$!GM&D zsw+N{MZ$JOQa|Mu%XF4slp6KNbz&9Vn_W{oMoH!wBm$H6sGV{j3^2 zeqdz$MqyQxs*CT^eJk}H`V_x-D=SV0M%oa=dZ=Q*pkTqab@g)N?6KPOMcTO;yFJ=G z!TA1T0~~|(Ep7>(|5J$M9hObBUWNT&QvHS>9Ab&xsyqTUE^P{xTK76jyE$tR1LEh9 z9}?3TNvc+?${C3DXJ>z0M|IkKp=Za=@oad~t!?9KUrHYXhPB5ImG^whYLhA#4KfWB zYpd8Kwlc7?)->V5fdkv$*L$U)mP?mPhdWE|;Q$Yw$J2FD!`@-9UM2DRyYU+`EUg)a zPMFfP<={8r*4w?yf2HUs@GOpwot<6R8%EdswDApd%BA~Oy(S#t|3C&DL6uBKG~pqy z1k^HIC0VW7s6ws^wg9k(NFdD4jR)6`zuCqMWrR%dY2YV1rK2G$WSX^fX6Qw4AkB6j z5J7TNcnhiF!nj*ZVUKkR0R$%lTcJ{pJ?{>c;Ese}Q3|!UYjsCZ5;bdF@Eji@4iZ`A zM3d4<|3!+!0p&a!3e#W*V%HHt-2H^Ix=L|N2q@B^iwalb+=hT@dNu#1YOIB?xz1?= zYC8U@e{30b{mcGZn^APimS-Xajj2V{)++58SKCpX?Rj)S($$KN+3p$K+~+5C8n;A} z1t;4JgH}zV695L4N*P!d1ohD}jM9?wo`)%Y%?mj_YFHt?aJq2aGJIb1#3c%@aU4MY zcpwvAd4GldX4AS}(;RVsSGH9VJ!fU@OnO%1Oj^1g@sug}dApm0wECgH=WWDj%jaXO z)4}L@&6O(%e#^`9@NSOpLT-N8MDrFvnqzf}%#tgh=j3tD^#wfBEY>-L z=lgKx(dswE23H1(`D|LA4_S1Y`rt>iIp+9nlPapYkr0ZXphBRl9=XD&o3;-xIOlCU zyy2hxF88{gOT^B(BqG6O6f&Zi=12kN0VOG(d46*x(RU>Dv(>a~IWUe+601J>tk&bZl>8@iSWyK@%FA0qRsyJa z?9oL!x;!ki$`{oMYP@_vf(rvJz2uI4!FbB=T?Sphva|bmMFuW860SCNurFA4)l{w|O4c~!X&gRnv$PGaYkZg>o#kdU~TQ;mr_$uvwR?>GQg=0{@g4!7z-61k( z49+J}RqV^rG()LON>Ik|0w|9#L6#ckcX>f@#*&DTws~o6))aE?eZq#++36WTdG~C( zwsZB88>fbIL_2G5VoH|Wpv;1xUBvVv1ot!LhKyopv4$E&2pnkehJ_kemZeXPo9&h` ziCvsXDOFmsI6rx%I$SE{t2l{ztw|((?_bq2{3BVzWX}@+W@-OQvdk8leX}>ZX;=^R+0(Q|wME@>zUpXj^lslm z9(HV@>BEQNt)D9U-S1UC@&UKdf=>j-cIwWO5}EtGY+O(uco5kVFBe?Nb0pzEaOgTY zo>TD;wjCIx`Wyj^&cAT(+9N*@91c4KtLFit(ifAMW8wW$zHV7zKsmR>;Vji_g`Gk8 z8^GUQksic;y-f%_K(>M^5GZ#w&!LdbgxMMIOiQ}|m5?j7L$+d@#(KA&v+<9KWlsua z*CTvhffy%qNi_{xMXZI)BJliJ`&?)>#Ao&+;7yaoTRh&O7lVRfLMx5=g7mlqy4ydt zRP^iiF7ONKY_3`4NnbSw>?AS=s|H1MMhoi;^jar}>CaG2Q2&;xIqHPdP$9$hY$JpU z&+B;W3glT^{y2*Xe4^UAaazHU$zNQwaBtEzs(vORJ>Yyhe(-j0x?qRN->P`dwQJJ&R^9#cFap;8I`xiG~aRH-px zHd(&^@kg%G{@xG$fH|~wqY^14Y&>P5yWevH_Fc`8lz&*A(S|(cZ#-|X{`GVswTr~b zoY~S2Jgb_H=ziDxxuHRJINzusnb}b%`ptlu0Ve; z!zedQKxdK(Cf#QVmUkiwjj|D2!hllb?JgB^T7=RzP=#7PJsQA*(JH9*l*cCSIw;97 zXdjZFIU*s{>rp%h>K*V}FUaZm-BpnS*e3?!us@3?C{x7RtV*^hq(tC^<7m*ALYC(_ z)bXvu6^9 z^PNeRXuXBF%xv=iff5vQ4o#7ePRyF(rnoh8HF7nyAboLvmWEYV24CS&acLQg^&%a@ zo<+rWy7XA!P*Ka~SAGtsfx`E!b1Dk=dFar`l^;90wD3+A_YcflPQJx4j~Ig8ZCcb& zu~3Qu@rQ~+B5>k0- zig^=_dI{J%8KmYcJ_;g#NmDv81XnHmT0kQ_13ZGysiv;Od<3oT-FjZ!dibrZ=%Rni z=5P_PIcHhG5!VK^3qe(gBHB$>37Za30!2o>Q2Fry2s$MesaeSdB-D0hxaunIl8DT4 z4D6z``<<5EBcBw5*kX=J>(sf@1SAn*GdO8njjnzf_?-;o?f=@p%}?!2$JPFYG%164 zdXDeR#br@NMDPGjl2=$E8d?g)0R}Mu0GSoQ9k-C&&mL(i#!XUs(D}Y)5RBS;mm%#wW?~ZLxnlkp)lQ9i8l} zIn;akHBy%xRWKrWAUFb6dV)jigZO`10KCbHEi-EwLcRv-UIdpqPHDq8y8H?XQVr<( z+#qr2V#=zUx50BMrgW1Xf1#>c&WIokj)yT(O_$0 z2>b01`+l0LO#j9wA6Xj&Z?)FmHDs&mt-X@35TnUOcWx z0^U*s-#UP=2NPQe+q6B0WN#afZ+H`@Zy^`UWmee}O@81-i=F|IMM$6vJCvQgE0Xok z&xzDi17GifmDSwBPl6u^2mr&UpO|NWY%=gHG16WyACbHSE)2D-nt>xku_31=F$ zM_Ra4BdKLTU?_ZGO`1Orp_`vUP^e!FppR58%Pd;N^i2{DZKbTjBtsE#=GpG^ z_jP6ZY^a2|ll!(D39!oppG(fxs@0*;uE?eunBb8JRRNoF7$?K9k9S51Rt2Eq;%>xh zT>@zq)I_2n(FvaYt9p3h|KvJJ(;I-d;}Vch)h|qjv=0(KMgC3g4^`jb@Bl-wd08Yz zV5yQYrp3!CAFP(9&>uAP`Iio`c#tB}>r;L#JrXdeUa9yHb8x0Kk4`%#G!7O(@=@fB zYP^$mpqn0=VI{L;ZuL>zQyHTSSlPP}Yg%*Uj`8;FQR^FLND57XR?f*cJvBz|# zWxx{T>is8E&T<8ba^iVd*9KP^d`Ug zKTlKjbbW{$-RA-R&DHo1q;oF!+%8@|@5lR3y+>e!W^HX`fuvGwe$YF&`M)vHtDh|6 zSxR1%YxWL{D2V_jjl1g6(c_zl5dd=y0dzTy6sUr>lVMqUQHB#VD3=6%hj^UCZ@&B~ ztW1a^O_DZ%VC-Cs=`@_UZ z_VWDn$JNUg+V)V76H&vb0Z^AgHw4{efy&o=WVNl!Flj0%!u>)5)r)a#9aK{xpi~uKK5jrBx{d(mxHnD&54cD_VcgRH3b<(Z-&#=|n32QCPYsT6Gwb;^P z85Y($Rm8{%>Pm6JVobs``RH{^TEu?qC?kgRx(OCM);F4lk!ZY9fKwP6Bahy@2Za#kNm^M!~bwOg}(?!kv(-l6&=dlSMP+_TLFHwn?Hh;Z_-w zF(S(^PH(CF(BKP8U`YlKV$^TzEsu%|wGG)OSw+Q)>0wio-9+3}RGGZN5F4mn{9bHv zcvOkVlV$m#dRg}Y*%ZDCh4nzv@MIn$>dAhHu=@!|VB<1puuXKgs*zNNFk0)`LXFWJ z%3RY2sC>smr+ub7eg_SVBxFyaH8KszCQ#4jwr5sZ&MCl7po5iJAP*4JaFNR2_8jVi z?Jq`^B+5&J5B5+aDSMg!U0OG zN+2P~$c@SbB{V=U5kM=3+7WqiPAWw_xLGCNSd`w9%4~D0n~+xQ+?Q0=7cM{M8GB|8pTZtK z+MmW@o@c(iuRmuyKKlN-e40-ge0xZdK_zk=Iw@B3E?C+99cw~eh7M!;D+j**HM0Oc zWzreLI?WM}i#{ls?=y{09Yqt0J41jo5ML98L1zC>#M8Q>7n4|&SGPB9>#@JP>>ZKd z9snBMETLd2AN0dOR59O&s)$Vf^t0!jz{izPQ$xTG_kpB)Lsa(>j!lX(=UPfkx?k|0?w$=sQcCuzqE)qhLe6xlh zC1`LW^W%@G#9CQ|-)jHc=NlCd(dI=f3u)#bNKtyl-69-#3f)6TVV}&y^H3tQtC=POwEJXM8*Y*&F<~dx^J0GE7hk)}Ao#AR zH7<~qH=BdkKKhH3`8gQo^Hi!U2d}mkdUjcxtFoiA#lK>yln$=6#DZcixfx}N^wNo6 z!#Ap77LL2d!(5}d(ECst%kp1^S9Gp8WvzxV{noxOBY`N=(-@B=?-s79q*^Z(H$ zey2;IlT=Cs7EA2M)NkiS=rLf|gJ4f;`>0tqEHs0ygQh8AUB4GV4J3N^%~NyY~pQ}M#sU?Ab`CP0Sg++ z>CzY(cvTKZ4rJF~q1ZgU53}i7cUz=H>%jM@^WOP#%^Qq*guYkh8u}0CvjLdeCxwY-k6ty--{8#Ai1+wEqJkJ59UMc(qN{Y?=m}lXrRA+ za!Jnz$zLZ*A*w=&E2=Oh+^KQp5GtK&a9B$oQ%~E-eLByB2+Lz;8J!$6^wP`-AcGh3 zHubav`o#KxOKO&;4YVwXJ!)tjg@Sg@+yZqJg5|9{CTyxbEJw|5Qx7-Og>xapv-V-3 zf;E`nipEMSM&w3CpvM>XL>xTuWtJ+q2H&ep4mqbFwph!EieA+mWUJvWI)awM0}WO7 zPC&9<@v4lvD`7D^hD5NDv+ODw2HK|PO$S|DGoAI6S_6mFQibjiH0s z6s(ez`ShR6H}u6x1Mij-2pME&kr!Xs6f$u?o8ev$&TRPY9y*kEcnYVd&kQV|r7;KV z?(IT}-;v$=w)n@YU_h-6S{v(n6O}mr+3GRNp^_q}jWPw$U240ozRCk-lO8 zS;_AcW8CVOq`!bi!#uZIuP%r#-?WYH_&4^L#{%!`TZGYBOE$kuMDSltr{`w^ zQvnxUIn!NP)YzYmBviz@e*2WDIB6iLAu9vspE4dQ*E;ejE2D}Y+yKr_UucG z)eHo)@nQe~^qA;i5GFBaf`&N`N<|KxiTH@FP`(U@%sxs?zqHdeY~if6&C`~dE;aOF==3`d@+Xs}Ef? zI_}LG@qTB9{fz4q_$TJsJlci5IGl_}c|qlQyh!jQ3A#VNYYEWPCBj*m6A79eZ2uFM z_lOK@=xkTbkWs&IwBp>OD> zuTTlcXKl!UH!)^Y=d(~8n?jBp#u4WA>{a4e$U*+WpFjW{rUE@X@kaB@lY^5o+>%*Q zn8+LDrXnI30o@iJk77EPn(JLY>(kHYE^x-~O<9-c#T}1Mo1lMx)#JNeKg?l_lTUvmZbdNe4$K zFQz3n-No)YaM>_?{hYvN6zxn7qFZDdbhnAcaU!+^*eG$tg@n`TyJoqf8z*OpPL;7< zTmwW>;ZPrUDOD(Y?{4w=4k;33w6FmQy~XA9lHbQ}fZy5=Wq`1qUb^IPBHX0;5?4tb zs6`}_lJxE6&c6iAyw739OZq%D{0d#S3M9>^eVYpCOwD~7EfGQ++4_9_z&KyVC ztV7*Bca)EdOP&@eVn0qUwC2EPWx&OjNS6~PgJJ*^%)MIC?*%VCV2Az79=vUgk#SYF zj%wVf9)txWxe~_7*m?4Ilg9;#W}Y*q?I*AvGvNvXm0ZV9V@BqAP>Bgc*!+TUXqa|V z2E$P<-p6(^VPoDA)>t04d4!8Q@eeo`5 zw#TiWSN`|a<@div)()>f9A8lZj_=8iD<4kmg-TMJUR*>JA+s);dGK74fat6m zEQFU3O#)(Ihj4A%Q6Ix0K&<9Mn#alxk$~fJJa6Axky`Y;NUThN4#eXr4b4jT{8o0- zbkZBbfd;O6v|K5e4JpbRfRa{3bq>8MpSR;CDB6w}<%Dw9K-5*BV2Gt>^|If(!+T{) z*b9qA4e}e|4hetdG7e(oqEo0+0m@mN<`YIf$KErn!650e(Nmz2T0)*?!Q|)k;3 z^`WKvf{4tm?0wQgCGUZ*Svqg&J#gt~!Lpl{Zta?Yf_dBJ^G=JhAOg#K{xJM{!EG85 zOL`fL6=1Mr$^J}RQE*n{_gKG%`Qvu|T>AHB1BJY$uq|S#>h8IsE%OxtE>%IgJE7zH zvC~8@c}vOZZ3Z_|^lY_!%8@2gg%_8_cCh!geVP{?xn?qTD2+=oXDnBOxLIc8%l;Wi zT4cr?BLzQ?z0#T8XS#|m;+N%8%V--k4%c@*f`%j!DojQ!=!9|!iAvtuM`+I2x>jlO zB8lnYKY2NFd%9Kxc>-&X73j59i!n5m6;;QX?uFAC98kJU#(dkK>Y(WefG_PBIK8Y+ z2w6$4WaGa#pY@wF;0kzg;#?hHDRt_}(K!`ER548p=^!mqWlmjN@J zcO{M0w692jeN+{vT?83h2O9<>ez7Y-!Z8S;iiztZCUDg*xr&#=(yTCv8b=)oH#=S* zW7Qj>L2?XV^N693OgI{Z9X=8k^XQqXGb+tfz}4a0(kzo`_EX=Nc=sB=3mSNo|L-YX zUifSZNfuRdwH^!5_rh3&g80hd5Rdpcxo|R?zG(v>n_dP$XsJ|ez|tpXjbpE{Tv*e> zvP-C0X*5xZH2x!az7=Sdx8onbK6az>yygP0w)A~(JxO0lL7x6E*wT((cHV+=iXOau zKcgRv@lwYdqG>n*bdQl7Na6vt4f_ayUbVF}b@E#h1hmfd1mW7T%O-z2pM!qUfY7y# zNw$ZnD0xyH^78?+Xt=o!6PA-EEh3lc;AdJ_4LP~Qgj*<@17+FNzBcrI?TVB^-R3e4rXN1(Lv(L zny24iU-Ure-l%Z0p7#^!EuGtIOeH1Y_7zA=Pk*Io4|k1_=A^DABz|kK1X*Ra3mXHv z*Cmdk(DW-w?Q_T&k_ZLjJ(K(dja_rbOaj))nyXF&+&bybEzsxV$q5C$RxuS8(D{B9 z(h{(JyA|3j$d?S&s_ehbyXo-O`+Ofk#?+IQ)eC(#tyK{>vje6^1e49|UhpR%aNdkzY?<4f=(LP;!RbnML3|6@o#LThWx1zBe2D zC$8^(Fj%Mf2{LaHQ_Da8q&qi~YUI%GDc9pm=FC8~?PmHpnW9!e>Fg+E?m zP61Mh%;bmQ8_sE8Wu!Kb09>=$GLT9eK=Y_Kc;J0SmN=!0t_tz zjRH*KWxcXFxuuXYrh#R(KUENBzj=peukRU}+(xI&f@;dzM!UkGWJ%$ZZ-o!yQl_Z5 zMl)f+LINi>s_KAohxMZMqU?rjm)yDBTGdkaf&{8Z4sHoAI_gO7?77x@Vfc!5QZ|FZd5ssc;Q3#$zwIW);JsB6=ROqkb*=nw8<_ZVCiHH|cv41sEjTGK(N}TSc%iHsuHm*+oKoO0df_8j98yd6K& zfzXHo&FmR;(mzfj%E-p*0(>sm43*__MkkT27ig<>aokDtniLW1L&o@-MuXQnqrmHI zL%jh18OF^kVr}BrNxdTjH`Y5sALhy6!+@93mc~o(A)@gbmVkL%h>>lkK#Ehq$7E%o z7JgD4Yd6k&mp^~#2g^uZk(c2n1@xV3Yx!5hz zJ=v+GA?KGZ2UZQWn6Kj|yq(0@hn1L|thx6I_ARkAa(a%Pz#9 zB;$kT2m7xkTNETW8uE*N*+j*li^{-ZW5T3#vY1_;pCSBprqe@FH`(zFxXhFW+oGoJ zS~TObCJ682hffkGOo&)tFL)fZ+s`67J z&p+5W#HLwl8)5gwwIme^l>5Y*;)e$a=FmJLESbZ+W`oX@ss71{%|Hz7w4Ou#s=n_) zvgTOJy7wb;4qcnIjF6FK>JE+LwI`yY3k>UED^j*%Ztye3oj69xl#0D+SM(3-10Y1e zBA<^Lt){>xsB2llh!NeqRlF%=RW8%4hV3o8^@;{P=A6To!$e=3X2Iw_WIY@*RbFI* z`I$4vL(KAWt@xQ|N@>q7nUIHiRr1|Nj_Y$^-@#9ne$D9dG=$m(ks7nC-T*8f`gK(V zx&*Bh{BNpRJmmixx8%B%6qN)QP;##^WZ+OooCAmt0T#sP<;xXyE!sI+bzDP(RSRhc z5S8usHh^%@Q>m>|bP>0?P|5yJW1!4LT_Lp%)S+KXUXAIz{E^vc%quw(rpG)G8)M2< zs_g66zm?ch{-Rqt-9I-lp+_^9{(!lv-_DZjpI%uo-%2(Os=6<)%>l-pVGC);){ry92-Dk2VE{9T-KNvDeiBMJ45!&9RGf`VcrgP+Z$a`tlK$~ZwR0!9vH0kw{n5wY^A;u? zh@6c^%jo~NP{;-IF|MgGb@>R6)vQYrS7ljfYK`#rQy$&}<>6h>jF|7S?bdz!){_lD*ynr$Aav#b@%MD| zF;CcX2v&&keEyJJz;o@y<~Hc^h4$eYqOP|Au=t;MkXpr0uV)T7td2FU))oQ8vcnY( zP%}PRPBV3yhb|UWK27Aw69_20kG}WFBLb*1(*%~rX}=$$V6dtJWSSZ7M%kg4Z?Pww z4tRs7wrnyHei6m)hXNc%Xdj=W==f{6ZgPyls6-8Zj3Y6-F zx9Mjh=jWqxA$kfHQNYR!A(1ETM3MjE?Klxwq zf=gc<07JRB8GQU4iuxOuP5zFPOz_XxTmTdWWW2vlAv+NjnEQsU{Xt$m2V%Z z;DU2VV>ufhR3Q7bSzFGdi(sIRQXJw!yZDW0T_+Jg2Pj46B=OrzIct~U!Zx%rEb$F? zM~=*}`)sgcO_n!^34YFr9T-;rN4`nRfp;lK16G7Zv&MwhO=6`OBIF0e%;w4H3^ngq z37!?BQHSsV+DGB3nK6Gn8i`cmr~ERtf`h?QWmg^%eR8t`R)%vU)x1chnj(Qppz9w8 zGxp5Vu`=3!9c*s_p)5I|ei}DnfN;g=enapZf$MPPLA@5?{YoLnKnrYlMxKmSqS=Kb zIBZz*5F70MXb1FOLFCD#{L>uG?hJ^*O;P%kS&UWPr`SU` z?`OyIz<*JfP**+v$1{F!uLFUHHC^|#)jbEhWY5QFg%@L%ciAEUFBMd}@UXVm?Ixc% za88~b+|Qa(eZY@%N2cdlc^h`B3L37eFOU2xfQs)k6YI%rKoOgYHJeIIxMG@)JH+}Q zl;i2`5qVf;Q9Z2;2>0K>RmuS&SP-AJDz#sWYRiBkyqcnU&G`x4Jw9cX@q0|bshJG< z1;>1!vjn7#B_K%5>YU!x5+eZO71kyqaoJ&bW8UW<61nK^(__IE5tVTW~s-= z7sl}Af=C%A{Yyfdwq3K&F-Yi%6L7}l?kG#k_*g3fGYQLKD&&eDQ;7(J@f=w#jhjP~ zpJqqNT0rJE6P_!5b=BfpEHs1h^?zD`UduAU`z~bx$kpk6jvqw!^zz~5-sD|tz~?yM z3^ARLZheeAJbzeTZWK98fS-G}a%|5>cn^L5Xd8gNQY5c`H@cZYV;(nS!-|rI2mP*M z6F;8g3lA}ow;bfIn>QyXXU456+(^=5p}gdU{y(J?~l$nB01u+PXBD7@l4Z;V-t= z$M$<(IAJQwEY0N0tG!E!G~XlP#v6-}XzAQJfbuHX+;8@-cgtdLaWzIlS$wZMi|?;v z9Fk%zSSLDG8Gt8;DRbhTs-3=8U}+H$c3q3{Oiz((R`Q^>Y|AF-_{UX~2juQa=&J87MBrP7l7q;+(C z#Ft;6e}_@2pk>*oyCopv`=H*?xuge?3}Zs!Gu&#`PBGG_m@z~N9xhE1>&J;<^1xtH z>vm8>+ni&~_ok z`0`T&(63A9Ga_Z|phY_O)LS~wx6@ikVsp+-Ob=}v{4x$7W&`K59OW=C5Av_4pw9bAAF!*Zuu~` z(CVf8NwFHsHzGN8)9D)v**|3M$IaH3$KkF(r%NM@*#&Y;fD7ZnRJW0)QP;6s6lg>-H}N1-4YhO#0VM6d3b3K*{8eXIJzD4z!#c zV#;JQ1~(uMEFow9-9s(1f?ACfA6{oGpc&wnY4rVj;Bv*O#%g}(>tGXM_bIZCNM?`m z4-||r%Ec6hXy(k(;3jGmbY~?3M$GgkTpq9nXVssTzyl*IaI^}3?(z2Zd$!R{furv0 zSl#ook=Lh9H|R~bke)Y=m0akAW+{WBYD}y+ZJkDy*&*m0{vWPos@iV%_(-fp=omo= zS%fhJogsAXXs3{4l05&$D*MdC+DH}(a}Wl@0@VVwUmL~XS(r#q#h7UQf9cX@|N9tW zZMP2J&1qulUh|ZA>ARWzP64vyzBowV2sln%|8^(-*&$%{JY=ueHsJ5eNxTCQJgKQD zbv)1frTChD@E)#ukdf;f8I_{36-UFU2Q-|^%|8zMdf|ivC7?SI%r~|1ZfIRGOLG{M zVKMOVhc+&yHqH$0_8+A@`Sj*aRYXXi(nU;OT85XHG+DW4W&z(^#}_|=kc(S@z3fko zvj~$d7UqA1Hd}A+?yhWvZp5@zFU|H?n#{$}aG@Bw2>K^tm)T$lb-!3RGxFT2{OvC(>@IODlkZ0Hr)=G^_5;MQZS5git z!Bqq^iCe8j3*4z-)Nx@RZL1}Ap^RXsJsKctwVWlxJ7HMj{XXl|yKKGhcjtG9-!>)M z>-@H{@&)|u`Qm;0XyEJLtv6}F*UP|x+%0YntQrGCIU7My3mUNja}Fth*EksP><4rwobX)*N2Ii%-J3NOKfCojJoVmqF^ zXRLs*0trjR6akqwGo~SDgN!SQce_(|20TZ^azQP`LE{X1 z5)u{)@Yjvr^mrBTN`8QgLmrEMKdNQjHx?leG7x&#agX16y#DLulAwO5gcG;*|I^(qgTL7S{d@LC9_ie06}k+eaZx&Rd>IcYL%G zbLLZyL|Gw4*+oyH^C;JRfep!7;qxNS=$9o3r|jXX&`^QG3kX8avT^B(h6lW)Cq)xM zS_VJwj%HB}+IP~K<3iV&V8p_hG`49d5DOOXifWN#yCeD5jdDWm7eb3>fK!RLj(|)* zeP{{Oo}__qWN&*lfrBsaH~^)~ohz6Ze!rdipPSGk(zNY8;^}C$8K;#6^6-G( z*bUevl6ua>jrt)8#yM`CNz94A7178R2v=w#T3;#!la4NOl(Yg%Gv8)^KzbzP3GO=_ zeAj*%S_t>-FFpSBUo4yMK2b-%NN6^(++l9%UJmew+|}x_jX@Cj8=PY#=z{rao7;uR z?2;$8aWZI4n0w*)U*7X;Gr#N-z7AbOjaD-*RR6gfaGPt z%j{{0rLMzaKLn1@j`I04w)oxuI31Jpns-PoeBBD7&-==c=WwyXWnq_0bWeFW&6z=kkT~W^`+JZtfo2Q^$GxzbXPhxjE5>=D^#QL5FSg=h zo1C|lt}w(~w4RE~14AJWSx+4JBML@j5-fSiyG|eiKNmzVX9|b3Bu5?1(>h2t#X=gb8CS6g5{`1 z$Zh^*fXDH+369-Zj$5cKsrCn%(vWBs+hDcIZMk~!D1AM{&>$sF@@dj(lHTx1ejcoI zS8G;7xY3Zc6^x8cH%?Z{grtSROy-?K`*SJY1rM)M$m}-5qUJF&YpUoxAuHDVpL+!t zj032foCD$mVu>fZCfkY(x1A+!eAREVO-h=yhR7Y8$qU3JnPhEieEiqab%Jr{&URIK zLwB$6O=8Mp>XgAC-)l(3g2wPk6&-V{nH4R>34~L*9bS08p=w9K=W22wrY02iqYu7| z2hum4SgF1*lVP37^+r>SX##hHz zD}VX?>9hK$$u0`I4a3iwGr6J}lc?FMaKIJed46gWFvC}K_OD&SSB`Hx(4GVWeqy+% zq|-t4*~pEkD}5bIs2EUU`9k@pJNQ!)CwhRwGv?(mCUPU~j25@c?~Pn*aJ2F{Ocn7u zlMO|pG6=_*mu;tbTQ`+kx*N|{Ew6gYK9-ODAs1or8>EMS+lZI}_E|b)-8X-M(<0Uc zwO{aTzw9D>Phwy}RK3oJ`K?e)8?=zJrK6_xWilNWvpxzCMEAH(E7Aa)e@qB=hquEK zvAW};D+P#eeD{K_?|#$3EKyxiZa@_CPErpNup26*)^(lZ!^uDKS^Vu!-W|z;mAMmq zDoOhw>%CHFvjHQkF1fE#P6E@DlzjW8>&V4tZolWc)l+!9N@zv!K=I?q`*16ez+Z%H zyDLc4$0EM{XFDlOy#ppqyBkP1MmHvxcS%qz)C^Q#Y8-n-dP~r$Zs7(r09jp7MY6Tj zX^<-ZXoup6?0&`o+GRo+-SE5&KMLf0P7b<%{J?6ZuR;Ap9U_W;GJ^h4& z2Y3xf7}Ylsd0D|-e$hJA&-(QX8|0+%!YU*9qsq!Gg?MFc<_29n3sr$J!rPnlBP%3& zhqoRrlP@gw)7PJ+Dq|ka2}uvoG(f=5(QCv}UdKT7z{XIDG zR0G>&Rn~V(+U+@nO{xm0H092t%`_H%Yh_fmN=p`Q`^Zceh*rWdd)iQ?rln3}4}jGLo!P&H<+fVRFjXc8oUQ238~&4bF3!ucQbHASO| zgqZGY02iO0-hJYZkheuR^K`XAn1zZH3$#GMdLOU*DtD&LLZs~Q?InybClT+lX z!c1PlKH)^urWYE(KyWFS*Fdm8Q=Nwo2)OJ%(5`tsr|sIt+`2pXXm7jn%!3TZAGasI zGo7|e`m$OsGEEzrOeHg6cls=>vAz2@9ioU!<-!8v5vHxDxDT{uC3R1?sr})C7@0h% zYeD;LvbuHXX*slj1c;yRUc%x_hEdQ$G}7)(@@iO)?*Ks$JJq?jYw4}F4xAb$EEl20 zX1a?@$`~w3C^~O{CnEj#!k|+P5;e){WuOr&tmuGfbT1u`wcRMJ6O*(;O2~6lrEI$o<+V_Nk!OdzaCbRZK1Vw9_#Tl}1Dk0dvCrofR?v$|(2vHjVzOB>wGi>pd2| z$Nb;@jM0hxIXtwTE;QSX*Gqi$b6^&rHO;1aX)xsO~+F0yH(H=o}&XPGlnyPBAj2 z5{5*v|E#CQOXgYN1morfJM+}=#^q>_fj4<9*r;)c)21IUTm92NPJwVXTz_e-n2rGy zO{rV0+nk{L`4LB_OEoh^SCjcx8>g;!Om%S*$9R!b6sD1Qz0Xag!IaWj3dt=8PB(Dw zXjPR5iACL??W{WGVBxZ3zyA?=Yvu$b)sOZ}=N=w1deI(-@cP}W9OX+rBHzx zVqdJOf`sLTYN&PlT_hmY2_({}eU?pO*9DpF(pAU2=i4fqb}4PHa1SqP_a>`mx{_vN zL$l(o3MgYOvdN}*($?*EYIYX2M(;5!4%26JIN|8g*z;t(h6{F9T+G$x^lvW*;oa4$(f80`+*L`&l~$4T&;Uyn zdr&&o0f3@N7h-# zwEf24{?kHnrwn(O;S6^+WVj7?hYcHpA*1MU_aVjIU4{&o;m#NgcXz#ff4TSOCikDF zO`0}o`s8`b>zo6_sXD6KtJ(vInpsKlb%@yBV=#PvOZj(ti`@W`ia#SCJ$dIBJ&Xx8 z4JoIY!QjKq#d6~lLfb>b@vX(5=3dG_YuMk`iXA(SnN?NRy41??u=v=0ii-%RK<9hw zd22QLw#_RWuNYQ}k6mUzrhh%9%d{DPU{yv|b>(OCShz?PBSGF05<%^3&Z|@`5JTY} z_wi0!Dw+o6Mp)nGun>g%X-=$?0||k~eGAGZYiE3Gp7EqI>1v;xn3&4Z(-NiLYM5(B zaUOKbfylH_*{SvklS-pyT7BHdcut23+tvp!gBa%sk0QLpZ|*sKCijKhS7Q5qeVJd% zW|g(k4>9p2yl?eBMQfor*KOc?qaw+GhD%L@+BWuF9PvA{mch4auj((G`?lIvDIi=X2(BMv$*nQtm|`Qu_*~+-6k|#$Wn^ zIGup?OC*d`?}+0vyk3*9e-@%97IvuS;B|`moqXlD0FzT(TKtQGbtc?AZWc1U{kq<$ zaF26TS>3$29&BYjkf&zI(N5SAr;w-@g+52BLd}wur;mY+020+)^2(h14ps&~`ujkr`D+|2* zW8EUO<(KE{!WVx4cC6^#KdE;rVvqB4>-AY*j|gllv+k<5U!t%at%_ZHTjxm; zq~~C{lHJDrbEq{5e<6_7IVt(~$sp!fO&KuOkff`qaam;68!WKpT)-rd(&caeVt(|N zjwOn%iy|F@T(T-xT8H!%m4r9x{CmQ#n*03AyI?mNu_Wuo7jt6o`K( zb&#x=#y_8^hRk)W26=1?10s%pK{xa7S59Qw4z{ixf^sQBQfR=zqis(R4n(mhIF=o0 z7EhC{$|%1rmYv3d2#|#WRv@K6#oZ_foyJ!g0H+a>>I1=bjT`g2aZVSz^i5szC{DMn zNcah-meO6+w&@W*ao*T74$DlNr5LE?ScV?)v5BTSVJ<%3#2$WB2Mi(=zMt$X-HUmS zX6n2kQl2x0`^irl_A$_YO2R0H8-K*%Mer=VWTk^ zwLzi+h%7iMx=xvBwxrMUjCa6=J@Ty4HBxDSG(_}w={njjLJxJ zx0y`oQ%P{23BHGZmwTU-XV8jba^$bI8~@U)XVNj_4@@5i+qKau?P0JDm{ZIAOPgYu zNu$P0&uht{liAnNKkZoa;2UL8Kwl|Wx5Px@D@@%FxG6Q&c1?E%R^{T(oE^&SQY;@5 z5G`ne-nBJKvKu(cQWw?YBIU173vd^5f>!0uH#~$u$RvxFg+R!#Qzg^Vgj1dxF%VC}YZ4YPTPZ2A zPZLkKY4nGC7Qm8jRW|BDA$Rajw+NB&LpTtykTHQFa9Tal>IH&v5-c3)$`-x@Fi{Qu z`(Es*`k{~By3(W9b;=Bsbdgx^Yx|u^sMP|84GeX`X`srdcAB z0Id+&acJ8*-0i!~jcU?3&1;Tr|AVZ_3=1d-J`7JC8G{!Iy1#Z3X3P(q#))aZ4n}v< z3}9ihYbKB+PUn{T#LPc9A7G--l?2i)gt=WJGg0#sVpJk-(%UtCw2}Z3knPK)CtCdaL&wL{>S6Wg<I z+YQJJ0>~Pb7DF2eyC2#~%!i@>-@N&w!@4PnenDq4>zb_i(;Zb35wUxd94 z_{*yi9v4#V->b{LdlBJ0ms)7DuVK|zVmi}`CC3U9EC!F+yduRO(Rc`R&`adqu56a0 zdQ}9d#4D@~hjfht46b>!9V$bk9S^3HU6KieXxh+07qRf2!>Q5PI%A*gMzH!;z28 zi2P`!rUwsmIToA~f@A~Wb=;(EIc^0&{ojGTAaBoG_ZX;@G>>cp#UB${n4CPbe8U&> z*_0IBg-{vUbj$v?DZ2C%^~e#77dY#19A4j0AVwo}#HhfBo~C&+CNNHmJF#_xqetV< zU(xMv{cgaQlJ<&8I|kF_%?Dec>HgOTciXjaR7_Ckg7FRD^E_24_Gt<-R7u30*n*_w0;jli%R)rn4>ME&`#Eu#x7foXlPVd|Lw$++U{q4#LY*;q z(?~3^t3<~w)VV=kAXiYLxgi9h!h*%ov{G03$W_d-sdFaWaXks0;5L14VY5q_d5TM$ zfU7&d>)D8W4^<@lJa1W?ZJRfr^2=W{_YfWS2VyB*#gE2N91^g|YLG4n5N3u_dW{OV z+g^p%pQ)@|{%JKn_W-P)HfY+qPt`{=)>yv}VZfrWoUJI`-V#=ta3RB%UxrdL|A@kM zwTllt?Rh1%ET2LSy$Dw`h*dW5J?a8oov=n)Y;2dK;}1*uU$T&rx!7>)#r&Ds0TXmg zZ^2)Iq!p5g4NjfXLI+!3SD)vD>ehh0Lu%dz#Ax=_EBV-0$z9qeJc$`i!O1=NRMe+J zyjUC7i62}k$IU!4J3g^Ei|C@GEsJi-IuPT144F*)pyJY;pKhZ29CMRYj$u44B7$Ks zYbtxN{Mq#wDbHk`NJ00Ts(OkUJv}xN_6(nWiUh#awtuSf!{7n)0~k!No~#rA6a~D? zQK-Faq-MsS?mIhi=|PS_Zb%7*CRxJbW^&=E1JM0He|4~qH(G((Ew(5H{jTvVM-Rkz zGN9hfai+B%GpWr3sA}kX@gD)_P4ALPCJ81|#t-=M@uno5XRKK=BY!70kd}kKb$m!u z6W^xjtT5&m%ZU|`_3b8;=q+P5CCw7%?c;e-*ZLk$ReEP+eXIxL!=o*to@ZtKasI*qRQ>2$VUzG%guG}&UcZHoWH0u)%*evy_R zsz>*6;bR2k=WA0iOx53faqX^AaO+if7E;Cp#)=E-6!~DmxyAdGJ;Cy%bFyxXKITFX z<>-8cZfEwzBbk7NG_&8_Af@6JL`_WDeP^A%0ypZoviR$Cvzl3J?(b5vBt0NbpRV9_^}R65 zlK?(GRpGY<8YYY%6H6>hDnIk^oaqFyp!W92GhKTEEV`U77ruNlCOJt$>5mVU$`Ugo ztTEe|F}=*tLh+o!zurFzUXz``gIYgBDSTR5&hZRvA!TH+^uutARsqPgWv_=7ucay2 zOiE$LGw)$%W?AqzNy{-+VS*ck22D*xd8gpq`rA1ckUaU?cYo7&*Z1p2$E~B4`@`Y( z;~DGvGqC#bGJylfxQyn2s&MiZmkU#l<%><#om7hlD&0KJ>>zyR>)eGk>VTy*R%e|b zcL8Sz7FG$U;zP!yw_sZ>>9!^R|nbEiVo zLSMv42*o%mjY$wgrp2pn+5pY(1SAA7m&&s$i`Xg3z%rCvgXOBUwv)>tiTGvm_-C&B z^lt+G7_>8H5o4z*!^~};auB-1Ymy9y*|8BPF=px1!DajHMLbw99_G!Dusp@A+JGS# zm?+zi=2&*smeDtxcz#WrZ0HIntsE^<7>>5xV*JOT8%vHeWe zP@b|e4?ta{+8yFbiF-7P{XV+8R{r_wf4H2 z(FW&}!9lNn%Mr}7B%mc&n(^=1Vc6t$2Q zYxn^|r)u`3X$!>c-qwUqLRzxb_2nK4e2h3UgJt-jgQg1njwFR3s|w@y5R=qB2OOPu zC{!%S&QTVxXTTZ%aDRHJ*uHN6$Fv4$S~TKw-$wrn!R?9_!o!K+tyUK6e68VApH*%~ z5RWhpQOR?zBIWF?ki#&8yC>d>s~(t`Slg5^sCM>)doa_%UM$Ne#}?bhe;aytDK=Eg z#a!Qx9-N9MPs{@25Ki-17%@#Vn?bW8Wf7T~lp$!~aI-*i)!-WneZE^XPF1VwdvtLh zztK!2ztODjmbn>{&f+C@@2&b5PmzvbO5f?$%-L^u{YEFHfYEx#`UA3oTY^M^VH%I= zz3By2ogZlyGqWtFYp^`F-RSp^gPORuqYtltBf&G}c(qPg6ImFq)&?$tMDL{|Yx&;z zeL6lxTiyqRE^o{c`3Z;?k)nz3)WdQZ6AP-k(x?nFv;nXCthf{T3eCI)NgV+ei<_`I zhqqKMW-e8h$JvJnIOB*XApuSGEk$e0BRhYscUUve-vDFj%g$^^d@lkKYvb!1jSe?q z<(FZ{)ar@M*uliV(9Ff`09rsUXIoiAaX}5Q(>qC}4&xmwpjHqcXk!`H#>tb0B*Bmf zsJ>M=o!EX5{XoeO0=(R#2>5fWU_k6@l3!$V%xA1QYnkP}ukBiUGKcupg)i?z%Ui^D zb^kq*&N~BgYq)~ClNgXvhdrKWpn>DpMFlYZ1mf))sKI(R-Mwfj(<$JDA1DW{0W79m zocsb*!gtCVW-NIZO2Sk)j^BP+j_VC2A`q!+3z#6>W)M)luL8CA8JplU5XlPM?n4=f zuzTG$A9uf-*Za2on1d=if86hS$;wbGjv`0oe0-~|kY`ddRYfa}#!G?rIxrAbl}qHy z@0u5r`NhD9TKZh; zuN8D&5vo9UCKRG%)h9{gV%7uzv{+EXE$<$!kaXz60mi$Fwb?a}!8QAbu9rN18V0I}pNoO}b`+U7hxc71J|cW5qz z5q!AwWC8xasp9W;e!d5ieDcxYYC&U*7exZU4N&%Mz>uw1OzNfavd&fS5S%p`y8kc& z{na42!my?;!${uC8aJ1AH;;SpXX<{m#yZ?}4u5yEN@5pUB$w-?YQ6A;OJt?a zeippmhJu-w*_`TSh08%||L2^gXDvPmCrv=m;ap(i4m|7!xY;*6R$v+&WLS9Is+E@F^ zj$i43yMv!z9X}s5?|Uep{T5V~?`F5z#L(bRS2w=PH*Jr;!Yj?JF@**r(P&g}HvBCQ z0F$R6Iu?RL&nD&xIE0A+(+hcs>`C1efVOKCqacRCL<{tCiuOY9b7IpB0gq{18RiO{ z>CFa+vjwyxf<(3ApN2Y4DDrnH;;Jta3`H&@$C^VjC93MdZbBwR#k5@efiK%w0!t)6 zKlBp1Jx^%6#8U})U&H&hx%7kBWyY9|IK(9X==jfN+t^bEWBMKTHT+D+9k}?fQytNb ziArkeK!9nBlD`JQE8Hf)R6HdZxCQ}4NE=_XjAi!F0;sJY1%^(Ms#R|2X<31ax z4e_N?>t=9+k=C=+Y$V>?K^(rGntyasMIIROMe1i`FHPza(weRI>0}1Do&7LEr=Yk^ zM)|%T7K%b(8`{@n^-pnh8p;gk!K!h-)!X|Fx^PZNUxJas8&SG>Ch>7Mag~3tGrQ7m zwZ!5tPZnC61K3W;n5}|1OlXJxP`h+=3q~*wFIP4lReS+#_wKb);i*n!r=Q&xB*GA3 z&V&jfGp36ymlz+8u&F~ZlB1C05PXvO-ZEo|H>{I39wkAioH`ZWGm8>)kHL#4NMA^j z!c91Jg|6HB*RqPr74d9X#YhmS<$;5xp#AtLwez zf`4u!z%w+zXDg-E-pxX`dC}bW^av09b@TU_8Zz%WNDynz* zOa+Cy6Vi-QoLd5%n~;rv8&}nsv`e8W;YvUH+ZtUvPLYjAF8=f-3usOt3n0NthO7`r z{RFq4eXwyuaw;SMVL%R*`d4#=jlPu)b51DMh(6$bY)LmEo1V=MFRrDR#7h@++u}cJ zT3kMB>3Ax8J`KJGd0aiHjENo^x0zk##QXZ#eRJeCGj|9<(na&zM|=a?XXB+3yZ&d* zV%R(e&pSm5#k}A14;vf%6lPb+uV;WTqPvhrIFczrtbj-%d?kNyo2CZvFmN&>T9TB3 zdQyq0sfEe?1HuZ+*f_sNY52R`avHlLk=fV{T!y_EOkswinX@J;ckz<+v6z32PbM_< zJe>Rah&to*-VHE19V9eh1#$LB1#a}Vz7#&o9&BLMSgVnzvSZoe%j63 zpy-Fpj#L8x>*#GSsMELW(oDB)(#)!+aq;=w`>=?3()}OCU+(qMlvWLgk^Y+rBti?X zL4k&GdTscJ9v5>#^_`%%3EgGyF@Ky;?kmFI z!p1|(WqLAO#WC+)d%w+Bd~_|^GgkS9?BWXw=1{p-q84#NETAv0A=*3&RXSVjOlf+q z3c7s~BMau&?Bv8l{_HwW`c^YR42y+N%Ym00q5JC$oI1MU_>(uz0P;*4ceVllVu?q(tJi2K zc4hG6hx;|B>%?G0a?UdAdoB#~A}}*^Nrnf~vHEH1z-72m z7B2?{v+*n5+EyL`IMaJeiaBtqHw!TdC4LqXXq~Y#PQA8?CBgB|Xf@Ex7;{~DOLOZ< z*2i?XE2VZZQs;QzTQ$7=h8t+gD;OhaLa(eI6!p17Pb(p*xcv`@!+d5h1_$EjI6FX| zgl5FRw?q%(wyy~ikmr;BJ-o_PS8&z1K4(}WbP7}CgV-rB79UM||MT+tSvMO%mq{g) z%Bxm=F*s&GIY7KmT})d93#CKFR-{=n&{Q5`tVVLG|MA+KAPzk=5)qLKRhnxO@gQ&* z&K45NBvF7mE~C+@+_amG0dAxZp{2Ozs07DgKb{f_^EIAsqOe|C55f8`w)C}}Ft*A> ztke9t$2XwN*%ctFcOxWpe&%d*Kvkw6iUTc{wjL1h*tLsW^l!XOA&w>y(DSIiwsbL z{sR;Kw0PK>V#g0T5s3~AYHC)>k?rPUbgiq#Tl91#~nYfvw`m|;?VarzNFhfg=RU%&?@fd0g0U_Sv?$K?bq8vCqD~IZEDnsy4Rg;Zw$p-#^l-jpZQBl{s}9 zqru_94FW+4R}Qu2iZTF_q!_;TYFUGgtfl!w_tk6Nf@)iLJ9*9`3`KF`#0L+VunIv6 z_V;`iHI3%-&L-U5-pIACbOcW3Cq4tnW>6VbQy0A?RzrlZM3&u%1T-A8s+~rfDL#1A z+uSj+filJKXM9X${nGGYN!=qs1!0qLmuCiokB1y%oMd=xLdlnK}vB(Pc8 zG~)DcxyUse%PVcDr)Enuus9g%^pOCuSAz?lp3YG{d1wwnJcPMtLSJP|;Ng#0ur&33 zskgTDi2+zV&jN2G4V9e#32R6jgo~r_Ox^1=VM(l;GbYv}O_PqS1g^NW-cdDZthoACK0_wRkr-q4uO@(6rb`F%ogXO_at2Y=+x;1!8cBEP$gwwC7XN zbO!7VxTV>t2R9=DPHOoANArvd@Vu?yn6y8`CQ|Pc6dS78918$54iljw>`s%Yyo8!N zSPFN}_ka8CI&{H;&LcZO3^~q$p|V}enGEvkf4YF=^yWjZqZ1A1?dRKr#^w7(eb9l= z240&i-UvxxNW#}A?|*p8huI}?sSi;=r{D+);;6bmpl$DgY&K1x9-GRmlXJFXK8sZ) zxJs5H(b+O~6oEbbU#0t5XXuV6`g!rg<0AgIV`fLl$w=Shk;yi-J=s+XW;79iwT*lf8i^9W`09@hcOB0_9~y7yrG6obUT!QI3I+*mZi{V?g5L*7dmga z$Nb`8gJ|#Qetqls`;xAD@D01h$ZOnXRyy8MiO1JMS;i=Z(RX5Gc;1QfWT2l@|1BQx zFeXMZxAUnn*#cMS^`f8VKKODm!asR^%c?r3^DfcTgScRl=G`yeA`d zi+c5kB^!l6)FGIXP~QMFrRhCT5^%BFlS)IVMB|)9VR0poC(Oa+G9?3OZ$$h;cK((# z!(IvUP~e&4XKxmw$DjGTz1(Z?(#aE2oT`Z5&UbV?j2M4?xI-c-90Y!2{vkR?SmjO* z%c3U+S#*9c+bN`?UDLT`KkdQNP?5rfzi(fgZrYJ&Q3!q6Rm!-@RF$-TEWx)HbcHf> z4sCtGPHAn&cNFp_pr0Z<=yhLXD>cq9A)Iq^Ffiy_{DW*&aolUH!~^ijsv%P`dnxb` zLUju7s63#2J!$3~Pjq}hMex^ksr_FVJ{*5jz)4HjYeJ{5UyuoqPQGXAUh}?Cv9g(l z^_X*6{D)xL&|i_^K)QlvX6qB(o08NY_&pG3g*><_B4K=-wdrKq)CdHyFNW^Ki(?!L z-D+I`G6Jam1854r;!ubpk$4HHfK*xu`~nFpIZXba-dCvI8BP{xIMCW~j|=g8kGAW- z94-`})+tB{j5awb~D*$P7&<$=75A1Ca>GmjLTaMe4H-3jE`8TPFQFyo)|QO zjo7g0q=h#4Sy3s^@jV9YNM-c#(&(GUj;NRCU5NGfns-xEA-s!IG~@~p{(pb=q^O@JwXqe&N}F~L0jfWQc=L6s^& z!=XaJDcB1M=u1*u2L`PC5)vFf#+jlk$YDx$F|$HofCddbG(Vh)IZl@@M-ESD4N%uA zuwj7M=jXBMWH=LMmG~YC9s?)S3*?PAmyTthoO=}YUZ{n*wr zfWGRgWW@hKgvMT>|G=;QgOl3te>6@8Jf}9j)5f8tsfw(uTGd@T6b6csKFH5z;$hYc zPoheSir*>_`wl_n-fCB|2!8a}Otpu%Lw!-U#A4>msWlXQ2jdQ(n>U0Dz9RhmrlY#s zBK1(T$e)kBVPKJlj8FZcu#)*^-|DRkKwL21Y4s#NLzS+5-yh`WLiD}T@#Ri8?Ejoz zGZ7k7S|+`KsXNXzCB(Um6AOJ0W^5j5msgj_MoNgTX;=vfPsr)`l!GG8-(`X#KmIQr z16^+&<}Q_&6e*AtlV1MYdA3L~6gjag0y57KGChJGrf4z?MGT3>L_u*Xan7kliQ#vZ zS<1jjk~8~a#va-ya;@C5b44N=^}DyOX~7u6x!t}wf2XQdTuC6IgLC!8>6W|UG)T5> z`>*WN&)nga^8{8EmTmjECrd3g>3X~n)IiK7HSlK~dftstDl1|vpoi*3C#>4v7DXYk zIr%bk(G=CyYBQKDNB22H+o#0=atxdgdimJX^s+xLpzX@ndatTEfU4rzwfJPuAqL@& zhGl{j{Z?{8*uT*61t=nyyOzS9}_2=E9G!OdO3=bVll=2@?Tv%9Cuku?9O5|$SAtK@&XG+votA2 zbIV;bQc(<}XI?aAEt$uI?j~P11jPg-H~*1WP=Hp4mLIOio>XMTPvU(~lRK&(FT$^% zaXRBOeXs4aE)L=wGmQU`7Yi_j3MP2Oq0LmM2>7P(d{?U{1k{r@8MTztR(wSOb>xmX zf#GOVg@|2}$JZ*_nXJ`TnDVOhQ73`1koVsN7!21<%Y<@{RMd~L)a zc{r5-=DP?5r=R{f`rJmaulPh8Tn)tFe*W7Roxt;pqNd)_Mhuu~w8&$GCq_+1#~-v&H` z|Ek!jZ=mqPpL>?pD>qNb_Hs)%X8vEk{K5joyc=W&Yp_)wV4zV+5E*#xm1VO_PtucW zy5bi}253Yf%i3eYQ2#EP$rV6jK0p#M;uvO*ZIuOkPF$M(2%*S3ydR+p1cN$V)KZ>3{?yHHsxvLLw0u?<9gEE9~h+iQtCXlIavI zFjDp!MtDVEA_HGM4h8GkJ(Fi60lD({sn(n6dXw=tVq-Cvdl%xjkGHOwXsflp)hu6` zU4{XGh)gw2JIo)3`xPlTq$cVU6@*QLnpz!(>hn3BR9XP_1v_h6F44cCkdUsXIc>*Y zn;q0QqwF-mDa|`z0tiwX*nSWsVy*x>~B2sRI@=V#G(<>PJl*cPlCr-?*d*(m{L zvuhrqE&kWd_5df_%Op)BL@v&?SIlIl%lRE5z?plsBi&G+H3rz|pZa{)sl4oStvfoD zW-3{^&8_@-c9Yd~&+)wK{_|e{ix_xSf7|^~?B8L>1A^~UL*q*hQ@^Wm*y*i&EK3{< zI;NAVrF!r_T|IH{ddyFh*W$8Q(D7;2lv?!W#;jb0#7KnTD?u-^!XyEv{58u?8TCDy ztLZ3deo5^Y4H{}O^^um{uby@0$~+be5G=Rv&9zL7ox^!Mj4D&&WM8pwC>ULmnHd=f zaTUAKyN)1yzE2ik69pTUAfH@yKkp^~eJGE<|7|X$w>Kj#8!XhU-?M0x4 z>=cV~?(Ct$ZAgjK$KUJ-g`qP0rFkPQz1zlIDC5ipsd*TWFoQ|Ja3!Vw((j3vtJ`6( znNFzs7x>$s^^YF9I-Xj5!*axImJu7D7P0@{jWuHDafzKK-{Oxw-)0+k@V{oONW-*AL=qImdKe*ALgN|F! zvJejy#xNx0FSL~i^Jluo;^gH7&T?XZPjXLD;8hcb9_%OJeb55q;LnM<4btb|PgX>B zr8tXV}3zamIaml1Rk!Z{rf|lrwIEb32z# zX(yS|6W;a;F@)4@uFB2szW5^;=6-B0;i+~UtuL`V_8D#77P|y?(d1EN&T;xsaON?w zkT5(x-%A#TPVEX%P*g9IH{$m{49H2n`$M~&`y=90`bBu4Bz9wD_R=SZ#^qOAmYkB@ zazvrD{wy z!PZAX$6=wHB4|$dESQ1J+)=b>*-#TT?(6JN35TaID3}{db1{S_&$oi2`zu*soDL7O z5$w#K2}}1<5`CV)klJm|AD7CPTpszgoxk->#45R_@S005|#XpATp{?%mm+=F7$1$HZH1Bm2dSfD}=( zJSygp+>&9H*9v2OoaVG|T*h_coDrEAQuI*O<4SvR5b>{Sw-mzU`HJz;SG5f@gupGr zBq3&@7W^-Qtth!fa0q@O_p6?AmTnSaCR#{ezaj}74ahc=CZ3MvR7CWHs^g#rPRQfA zpi3x4n79RkM7#qY&Ws;df4n(%8h7l8^u6C126^ADwB3aH`bM)S3495RBA>8D1>)nB zGxBjbf51?N2>?Ad$-o+bCuCI=@IV$1K#9@KRqIp?7m}AF!hy@>1klLq;lXF-n=;Jm z=*Y|?xcZ3x--klm2t~hs@gY)2u7!u^%Pe(9E~l{{e;=bh7+|gCf zVpAfWG<3VW;~P6K=|?@dqrpX-hu7cKaJ3Ipp&?s4g8?R)#HMVlz~GsD%ZwkDsz|bO zuL$epIA5rVkBp+7kH3aEXT?BkNN+#mkB$9txD`mU1{7N1&X!*AjRyT(azB=5C zVT*Y+^CzLbJ+a;hCK=6Y>a!L!bWi>wMVR?AtRef2q5-LFY_`!BBf9IW9cr;oCNU@# z#Q}2L^II8$>i^DvxIHSAmCFM3d7X#Z-*isG= zAXzVuKY2HhqPXRdZ<)fa$f%mVt@FQ7(^iollgE}f(sSCkn~C&GZ|0bwIuU%YF)znw z$dgQUUB>}Q>Lln-=!pRPlNd;5bI%&^yNPfsgsHB29XSP-M1qeL|S?utj; zj6>++Tl*MOs-tMYs!)ELomz*CD6y+2JD5)JY$`5PqBbsxrG#TwC<^89`4gfce%4r2l` zOmR=?C@3MgstJ}ZnfCEI3_~<-I0+DuE-o^2A^DYek`WiHwgP?C-FgIoO}k74)vw}O zS+Rh7_e#)7t+?~1c-ub&#}rXj<>PPL#y%^p72bR>$A`gMEN`U;g@kw^?iv+pRHlN( zZ`&jieWCkS`z??9Jz+o$6F*I&;k!LM5EZ@UV#k-|S7B9RKb@1>I^5*yucc~C5*%1eP!3argRPV=sy)-*lJO0=O??J z8GDEv_N@g@A}aqxFC+|sGpkz_X70-)r+1vcG$sQ@H8m#xCW1Hkh#)jJdYYCwfguI6 z*x)vm;j|$WEgRkO=G!!#2_jmi6GYTny7_PTnb-Rr7n@lscnC>I9f#!Z9XCmh6p!Lo z(c3o^g&r5juRpauiQY4a9WQr$emLY0LTBgfi)S3Tw`z?b06I%$&axXr86ZSZm%iov z&k0JsH31c#Or4w`dv6G`Va4+7^@?uDik#9Z@l;xa@%^Rc* z!0f$B0~)~hJXZeuLWAP`R2uq?=0t67$c4BRf`q(rZ6!a z?tz?uvO$+~YPs02q1~2RA$04^35DZ}BD6RmP{M$@Y9z>fl8QK?`M@lwv&8-qr~b8pS}GIjHZ?@3p(Fb~sP z>?B;2Ezd+n`KeSyz{Kl2LlB+@Hq$)wNDPWFCdA}b5&s8p?jJ8a6>ewK?m4+RR;;Aq zpQ_A7xF4!g@J)C9nY_Y)R1SC{(;lkb@8_g$(?R)En=XR-e;aq_mhiu=;nHDFQktEbM*wi z-urrAlwUv3XBmnA+*a`2qcpg^2R=RD4nIE`x9_gXT1{z81Ol<65(FyadAEez?PoqwiPT*RhQs?_IAi?+-Z5T!WWI0nZ!YH7PKkq4Dou28FO(jxIV}9!FvsUQ3mx z$v^{)YM>OM0Xj1_i@XzDz-81`5-p9>w+MJAK5JCRV*!81bz#<{u<>)`d&fhDzh55j z9X;J2^eG>M3ZsWQMW2bEuk2UqRWwdMD7Rl!WHqndgsRD`7ULLb{bsOMm8ko&l~6mo zooe;Auzjf*HKhr_0Ixbo#5_0x5Y(PZ!W7+D>fq6iPBh=gs^G7?oTo=lfu?3FjCs4y z3J8&pKG8o$A)*9R8pWx>8Rv^LD{~%b)4qw{s~kOURbD(r7BA{tr8xqkm?iG{ZG5i; zMofb0+P9PiO_glMjeaWCit=5jVNu4%AFa}bcTrzcS>9*RO9m6qkHfy9r$rzPDy~oR z>W_Egmad(58nGeABe{l*dP(J#lo8wLESbWH-P6OoJ7n$Q7ZW^Kn z!JY93!3v2AQDW~MG}&=>o4=Ty11HerYLVra*Tk4eZrTr(2AtAepPOI|uOe?!?e$y$ zJvaLAZ<&&-Q*L`K=zdMt59`dANLc_;yeKM$q@4uF-2x01kwcK)cYln^05+-Om#fv5 z+#BZ;EdowH&H@fd;}s%2R&!nsw3DZ3di}r`s%_&UcX;d=>#3F~qF?>~gZJvhO@3uM zc3spd6je!tLcw*Drj}3&<(#3h zX_tcjyg~6F|4Rn=9{O!Rg&&IFo!GBD4|6>BkKO+ygth|8w^Pp#mL2D@_F2zf{2d27 z~TI6^dd$hbpT(#5bVr-{z z&dux#sz#Fc>&$uE)ckmbBatPv6im44u;06Okpu|xRv|Kp0|pqNc@w;;7&S*8nCzzz zNAE%7r@4MHuG|xeKj4%4s~z#?d$+qE{S~(t@*{+U20fn~h3U*jOctXq^ zm4`|GzBuacB2u7$;_-59zyK$GQ~&K>s~THs@GQOh~< z91{Xyq$_C8baQy!M$uWll$A!GD_cJUdGu^p2q;jLdfny*`(u|$DLOXv*y0JFPTEZ|Lk_~ zca&w!9AQ5B(7pNdoCZ8V#Ei0|gLZ|H#$>iX2~i#+=)6|IP`opHbw!WQff8NfexZeY z#drSNl>N~t{X0692GZGuQ4?44Vx6!mua1a5_C^2r-&NX9(LAX^?sjo)M85K_F3Inf z_uT^xC&e4dn@FbbU1ZgPkc7BDR6?Z%Oe1Axlbg$?)b#ZJ3Na9ZnhmS)Lsk5~u+A0o5>gT=1Nys)t zVxLbD^@oaV&HOd*T5^X=uecA;nfttpJ|@Ok9VRzb4%e7fEb&gd)YrD%))i7qm~Yx& z)XLVJj(`ciNXq4jCrgqTAe5_i zz#Fgq=Ovqdz)A=u-UP#eKMWBOD9L+_%y*=u8uZ;N<)j9S$^rv+b_LuXCx`&qqkC4g zmsj*|DqkNycS_kJhit>mv|v#VlWMh6-Ww_zXdqKnF!;Fm(~C!1iuQ}TCTMOUq3m6G zs+h^mpV^2czR}F?&uGARY?{7>WD2(Du2|z2Ti^$K@ozk^EK%>NH~s71#V_M1e_p$1 zK8Ll6dD6oUTkF!%Wg{(xvIL7f_9)iKBl6RA9*07^9qpd?Oa?nFw|o{}K9ldby+jZ^ z?_ioVz!!{?=N=zd_A5&}@r}coA6iT`5x^At;tfWp7C_MxA5J0?6s9b`Lf-L@6nIKz z6>}+GVU`2$9Bt76#~#lrqWjqHH`$fBwoW&22PM$SD7e*&3|vyfPf|vk-ra`*$fzm; zom`8s8W>G11jg%2dS@A`3RQiJQlyZP0K7}~bEN#Q=ETg!0ElXk{(iYRYJ6PmKs z`tW?^W%R7+k3`X2F{IO}M;c!-h zs_Qz;(U``&5EJ(2yL)tah;Nnx>AMVbSPf}1d0gQfO4hq)yrlFD;KSiQ;R84V+H_`- zwhHBllKqQGycXs5DfpzEagl#N2e2=L7(V~G)II2i1bcua(44pZaHT`2e}2{J5Ldsi zXTS-R(}Kw*pf34Lf!sBUSTD^bjypR4=7-4@&SiS9m#qoOXr|;j<)lWAdl5^e(lf-L z|H+S-=Ktg+V~E>i{*{EQYXhN;SOuS^8(n9@55_<^!bC<(52nsin4s-Jag>3!MS&nRa9CmhKTUa9tb1%KVVg&8gV={87mg4a>z7ikkBh| z+V`5!Q6Yv`A8`{gaZx7Zxk;#KQHnx+EL4Go9Zks33E<37ZsL(FhVOrI_f|o1MP1b3 zrST@X6Wld{B)F5t-QC>@?lcyh;O_1&32uSlA-FpPhv5GA_s#rOGgC7)FEbA__oYu) z%dNZjKDN%DNSupFFgY=~KrSHT_y`V< zJa#-Eupbz)8HGTwL^qX_56J)<5QSGRdg`86Mu9`#&5EFUyG2PjJE z#Q6`{0&<7aLK3$1RKqH!k6onQy*CdO&y4fHCJNssQa6v$MFGXzsl*wPg;Rn{lI2*0 zxC5#t3QL{-vxMZ9v)Y)T7?2IvOnrG-UNij~O7Im!fHN=95fORid)dpr$J0u@N6ay_ z)C9}bmVjYcGAxM^XIKPyPngR@nc{>FgrI8muoWTDengZJF*f+RG>Y7l6QCdTT>)i+ zL+(raDbyjF!-L=)z}BkWv~5jj(vL~=*5_cNj>AlT8+qVSm;Ni5LM^efr10%cEIGu;Wlxx-KB>oJE?GKu{eS_?mc=7R{?Dh6^FLA zgh(JkO+?K5bMc~h1N%LkF(`mMTfL^yisg~&`N zMm@cdg#2nxK(u@ZR+#9*g-I3TZ0iGokNvK;++H4b_q2jc?8kW|b6dLebS=F$f^)7Z zD~y7s%}l-ru4NV^|1UI>c=;D|T0>b3UxoM3RW>}_-tG$zQl{RJm zH+R8`grGcaLWq>93Nh&?kgLax92O8qq{XKeQykv!v2jk}OLcnc-^wsfq_~vVNtfoz zm(P`F4Ja)apfd{4OB=$=qYahGgx_>|NVswfEjG}bf|JOp3Rsnrm3CG4|B$q_nwj?P z6KJtw`ah8a&Rc(9Zys8OUTbsj&T=nG!@Qb9NqPcY7KbLD#$(o>_Rw#i?=RqQnW4i6 zQlR;Yq6|sC&cr+%T@A*|@gOcu(|={0eTp0!=iiEk^Hwv*rQwO^+6vyaP>&z%+? zR#o3WUQu+M|HC{z555IS{d{UkHboX4uylv}Z4%lRc*__y(+g*$O@qYqjVq5CSHe^y zC=?m*5|OI}P~vG~(~uW)v119HugIg14)5_GDx}-|-(i&hfh+~&P0hdps9V3<9lZD3 zYo2Ef19pY))6vcm9V%#`4B2n;rBOi(rSvEpgW}hf-Ip#y>;BW&(QNRF@Uwxts=+ycC(H1nIGZKtDzQ^4l=MnMu2Li`PJ3{DIP}?9r%et1XsZaeg3Bh zIN}v%*99S{fHQH`N5aRcFE7X+Yh36a?CBigbY%c!m9ioNNZiHe32x;vent3{K))#_ zuwj~b-fHV=uR0XD6BS6~94JC04sGYnPQ)U`R#P8%0_7D18*)&fJhsyCr1?V0I(rUQ z&Oub@@bI#nIY4|O(ZVm33M{IjaIxk)4Kk>N*GMzN1?ea?NJ-bhqfkwCl0fJ6oAnRvmpfa8gS zrxdeyrT?Vlv~qd|8Vike6^v1T6h0z4)uaVJN4!}A z9z!r+F#?9+(v3rc^_C?)YQMi4G*PKv%Tqd8rk)uZ zami-{#VQkoW0!1O4W*#4<+Ik=P}(~(AL!fAutu3l|3(TA8W)uS{syA6Pn~Z0e0dO1 zH$_0q`Sb;bB|bOazTB<*EmHxv9S5tcuCf(pUeoOt^c^q=@{j>TF#atVwk9ml%>8ll za0|b{K!>tXA$;!zO!^F^D~oP0kxw*dhTaMFmhfPOP7nk;gz^O1I+uzdf`L*Yz7Os; zrA%c=4H!Ds};Lc>?n3)pT$(xp0*-u8 zfLz6|=}WE|2pkI09iEwOTQ9HK#ErYzzaK?xssxmB_tFoMauic}kwjUwI@HyLnm-k? z7T5Tsh6D2l*%?Z8^0F_g&aHC3-`C@_eC;OSLl`PUhpAIJyqNa}*)1n}@X^N#$+{fAn)zI4pK@(JQPNgG1NbIh*IMZf- zHSCQafG;cLzVAu5EmRqfm!9OrO{E1gBz%=(`KESU_vab{*QK`jE9JPD*Qcf_@5N7cRHqcQy=g~wNR{xBh^`fDjkaCqm9oyTt)Lh zJ5jY^j{|OGG|E8pO(5skr&rrKct~(dt?#1q=hPKaU`)tU*Dhn|uN?7qIabFBx9l3q4xaNFa+X<6raP+y3NyRVa_Hv65zGWc{KD9{-upcLIo2jNeLmQ?4X6?_5EFVvH4eKQ4MCql^lp<4En4BmZAqK zOH+2GzNHO}s(|9rhQj~0`+bU!m(%UJ>_*XM?Ck--r>W?bbys)o%-tuSbsi)Sy+Ysw z9%V5_5T?OnJgvyU38dA6$31)rpl+JFL0l_jq{Mb}$GUoF4Nf7Kk7|=gCXK8J^3bYc z&jtWkCS!pU#@@HOszkbVB zybOd}DM_1$R}MG4$JJRLh+NG7uOA*zHU9O_Nz3ce3xyEkE2_W@gkp__~pd@ zz3EOQliY7>S^mU8deV~4C@%cS2%FZWeE?nSeVw6*#y96#TND?q1g5``UvmV<=V851 z-Z^NR+%pq0=b+d(tH>mB%gEVA>;fm4$;~Prwu)Wfminppl=9fodO8*rWL9>7_Re-J zYNMV&UNlO}$9_jRPX-9HSk`<>1ua6$Ax*K4l?5@QGBx2q8M7H4h78*#?=ZJ$pr1xe zLi;#B3JmL~SAhaDdnPDiZ{GCaD+dy#%c76)e*x!FVxJ?;%N@$A_LTF4Fy%9IP`st- z-lvj>H~L2*ba|}%j`to{^TeQB+MF_hPhRJ({w4`sZvoQ((@nlj0#&bJ&2 zAc!b&35o%Tr3l{GGW6MP5~BM{5#`VJ1lQC_m4CspB}{em8kIch_g|$l{}OW8f|blv zg68VkEBnfA@!92jHC80t>9U-c%WP+x7s*#$!I^(=mzYr|GjT+uiU3f3dSdBkb1DwN+k25rUO6Zye-#8~_I~a5@TZl#a2Ad41N zzAtalRmEsuW{WTz{ybybqtoWGQj_4@%pn6U3mtI#^>cvJ106-jGh*uMulbyX{CgZ= z;-r98G?{#5;HHF(RA(j}PCbIFz_f=q46Ba!a|8mIy|nO<6ikaQ1yHl&4JIMNv8F6! zg?|3{x-k(d9x-@_VFH`Tl8pcM@W*?Dfj3iuni}ttw`zyv-JW6|4PSpK3hn}uxR=fh#ueMNz7&;YH{9?tLP1E3rsQFG!F*61X9L`fbb!w7wYvX(_i5cKA%@=+91<#{uu zjqMbd@VMapK<#^s<=rHa((7Z~>C=RhQ$P3LdQO4J>q2oL+gil^kBF}8L95iCqc?Qz z`!f+^gaC9udrflc&CkspD96UyP?-_ow^-JR~8g>V|9b}j3*E0stuR=Alh!H8zs z@PCWmI3Y(H#5Us~Aes^@=qLs$wCX2Pc0(b+uHD* zHx6-M%AO`S{?X?ew1`)U)Dx(CD(uw$y4Ab?e4*I&L?`Ub0L>M+S!9WvPW`b;=ooOH zKmPu?uU--Oer6u#u-3l!t^4L_SF@Fy{Crj$af5I~R8;zMa^VH|t{h9k!u1vexEnha zIy|3*)8v^XgtX-0#et0Xq6q;bxA46ow@Y42L$8B*gHFGF!B;Piv@vj_q`t8J2a zkVUu>ft8NZ-za#F0`#;bEYVdHE<|Wdx%Ukwtc0TnJ`5$?iQRVWKFD_LCg>6N-@YC- z6nZ3l|I+FAv7^Dcw&Sqy`(Ys<=eNOq8t}~KVQ@gf6dSNpPm8^BTd2-6XAp2Q@4uT) z(U+mpgIESv`~8G%`t{PtYnu&-{niJk*qtYh&m0uI*fQG3(%-CvX#+q_aPZ=ARLoos zSiyP0INU(91L#0i=~@YCxQDX`3ZLtAm1AyX4NJ~c82$;vc)VI-*Sj?o6qy{>956Y` ze&6fe=G^hA^^^A?$SllTCD`W5QsE*m)|Uldc=vui7zN6xUt2;~Tge_N+XrzIW!_0G z{TBc6_R~ioqK|pT4XpJl+{1i-3$Cg%3RNxZTbKw8N8#$^*Z6|MRlFKEs7zH8op4Dl zY#o6Wim%pYWdK7VTD{b5>&;{TKyNud6p2tv$6h?g+}-o%ehGu8to5Ga4lr9HMQHM1 zl)6hJBBVF8tdZ=;5gk0I4`PmoC$i(AtPCqiN55X}W`iSMQq27$bqJME>Cjxb0xm@nw`Q=&QJ;f8%}u+x}CaKA;MFC1*z z#zy#bQv`JlJ_%PCj$o%)%Ptgps8- zuZnN|x6=ZO7GA)QI{d=`jySx7`Q47XB%V5N^YRxdJg8PZFBY7YWfg{Hj^xSDar4yd zhy18hIH!}VKpKZL6OYqyTY?b`@J6QbcD(1t<>+X@QEV#N!}--Yp*x&j<0WMZC-@uI z6feJ>g9wDXg!aCE0m&1Su|OoSro5CDht#M74uJHsizBi3M$@96V^ore=S#NOQ_r$B z(*Sp?gD7AD@q&(vlz$Q(aPzCTN437snU43cqi4YYa@iR}uUW}2_`pUt0<_y}(zcyg z=yrJDH!Slpkm5z=_I};qdg}W9dnicjX=FIn|F5t?0BjFuzg@Y$`E}6KX3&h9?o(oA zIUQi+6vG1tbc?W3(lLsxQeqc(r7cUNUR5dOma@pXmikav%$pgD+uEvXTrYKgFa5Ra zK=va4_=tBS875>UV-g5=pg(mKXYA+VWqfE5k4zhGaOp?^W*-0{B~I`A5d`-jTIjrX z4QaQLb}cKlqV;Q_jYnl+N)Y{QJ2L;y9uW8m$BT^gj~kchA&Z92*%|wMkAok)9wjzH z+DrneDFS2M{SajkYEEwxQqwxSs&iyCucLH;Dgl}jB`Dr_@OteqO~foFL}Vuk43`&3 zRRngvXVC0n!mGd7DJla&u}B*WdIrM0bWgvcLWx_O+k%2PnvAK#F}93rlTCeJKhuHo z6#Y*lC*?F=htViJ)v+xjh#^#lOagfgwrz^aW0uLQ3OoTxJ3?g@6*~ghKDVPeF_?apSp#}K@k<~{N6pukO zm6wDhrqO4g-c&8=L$zZaRNt1PYaA+0UROZgDm~0JtZmLoP_uvN*zH^^j0q3i1JS|> z;0a}CPg^go6&2C{rYRlf1%}84{EiEM<_hkszwWu!dhKCmJuPl?!+me?G|SXX{q7W} zsIQs@+bLl}!!R7Oedf&G&Bl&RgdW5&OofM+Bwav{r*IA z-KhBfJ`nkX&{x4OWDIN$=$kh75CQC!W2$k^XB81B1S}}24trVoBX&lSNFFmPw6K!NXF)Pk*M+4{T?yB2dy ztt}&w+)?^Y!u-NVqxqB*Jh;cmLQc^)Bm3n-inc|;{#mOn$TLf5NlR_=uE$?}Y1^NP zlCCbp+)^N7=Z_YF*VRW*%HMu$5#Ob3UhK^>g0$X_<(Vv?Q+go-5?xZ=wH$CLKx0}8 zZX+|J^c5W+!1oy>PeyZ)R!o!eylW>JjtGTldQL>g@@;=Jp4T;uMZ$HLf zc!tbW{u|V-c^I&}r+M#rzDq8$AY+E5;%b3g5{L>QG*SV12@_(?KA_#lH%83x)JZy~ zTAjFX5%gW1rpA9NP&5+PZDj!jL9J?;Sh_HmlYyF?a>sBb6|0}+e@YDDP_{yT#q*Sn z9^)%l@FbC<)_o01cg)+7LKvWh5t(@3iOu3@D_k2hK{ezLKK22rY(gS$x!%)f< z1jlxJdNhkm;!DJW>|_y5L_86u3)>sztb`Jyw%%(p^%+H0_k)DVkb|MqxSuAhB(WE1 zp(tl#qD6@bUrFH-QDN2afr_#cKit4;JRamd+OL{;i~_(w8U(qTZVh};;p&bFVT^2I z1&o}BxNCpFd;jg}?)t|7WVQF5brih(O!eI=TNga^sC}mZ=jr~%T}Cb5_EV1PQ!{)k z{6cav9Q<<`G{$BWUri!i#Lfy|VG_40%P8ujZ+lvu^1$zk7Td%WPBSNB{;wz{i8%sH2@nK5dP2>b zd2AHy*lD{p1~IrV4iuD&85a}2z9d3>|KV4R!}t{-r=0jwJI8(9jt z^AnDsGa&;Qp%*w_@jgz-T!#6$q^y!dQTQUz0Nc?lcw3YJO zoL%s-%Cfp+LINz5$WT3j6=^zFmKqe zUv)G_fZSE>)vAS5KBYGQgp@R%C~h_1H0h*8FqQSje zkAWcW0%v51<0yBZVpU^ECTnK9{WAjX3G}pdMg)l0tZVo-hg}`tWD%!ARr0Yku<6VB zO(_#=P&VsP5K5zSFKuZiG4zMp`D`w`+fJF9cL7a(}WXiC~!p`XL&wE;4h-qPe9?;}CX4FpMZKij;QtID_N z=N7f*R-+pV8c>60qGpc5i9c;l&d1p+Bn~~=pf$CjY6vr2 zW%gw71cnLU9qw#(r}=trhfNB2wD}-j@wx!Q_gTyDYZWHHzhfkKzKjGxWmjr|Nj8PE zh~+IM7WlNdCK*{bx(EhDCDBwFa7LT}vpE{_#?6CO;fvhLLR4bdGCalIKR4h>(-OI> zB&qe*L`h4EkO)o$%cITCIAPO_ zfC|pvjMQLF9soILeA3%Dyag&o{ZQ^QE_y#A&SPe^+ExsS(T1};-i z>FjC1Yd}0`^c4=)A?&vO^`0)m`Xk!q-W#c*6K(4v#mj-+N`yoK#yHPA{296uk@wx- zx|T3y|HemIEazX>qSv(Ey6UG5gQDl95N!3IR)5W@zk1cR zP(8$}z4eBOwO<=L(XPI?HTS1-`bR;lt5{)N1&=1fj@S#QQJC?G$p}@`-H%y+%qO)B zq0=`{<+dRoz9>v89eW!f`#UIXhu2CY_S~8z$f=H!HG`Z``ZcbliazTgxfBj;o!!vD z%?^@Flh0UHZ&v0^(U$+QI7`h;!FGF^O##=#I#PjA?~Irj`^Q=_I&Kz6U!&m<3l};T2hM660!CJ zN|{H49U67^9h9}KUR6pk<4GXWAtpOmC=x-GTDXni@?n>yfxt*+Y_;$$p@B(< z`TLx7M<{KY(67{|pCjwOVfT{%js8n4IFV5jPE!?Y_1_f=3+oLEIidK44h=nBlB+$6 zJ#WM-!anA+ii9j8$Y+v^O9&bTnX=jfutQtAf;{wcH4G!|%L#I}R6;+$M`{b+Cb$ik zX~K2as-+(z2td3|l zkKg)yEwavd zn8~rn?WXrU$g#1?{N?7y=+jBR6f)5^KPoji8Mpnm4zv-+{JK|bJ2kxN{EK!u8j+T= zXANIp!LWUcEjTU^euvO`Bq8MMFOOMA8L-pik#a-Lcd@^XqE(6%FLXt38mY7@OO{#Q z|I=tA4;1R{{5|3l)am%g$#R+t>3fe3@vAR{vODU`L$K(&bGZ3xVtNXQ=X6BSH@xqH z!wd|LrK#)s#!LwsutPzz>c8*A3{LQ85V9~5?L++6wu+vljTnjLDrSYt+yIDpGr`UQfRqeUg(pL;htDl~l62SdCcD50G!Dze~o zBJ4}<>HElF#(-ii>SgXb%vQitRjOaq+Lb8fvtxR!LREts%1RPw)_BJ%#d=_stmLa)! z&W+Rtpk{@4ia}xi{mXleZL|aFv8L=a1E*l2H~Cp`n%==b``z<^_H$o0b798<(KpF( zkr0!l6ZAD*(C>a^E04gqcwWh5Tqr$eNP;sno4fD+;v)+VYm)SQvP5madfVnbXO1W`ee)c33aWnWR>;G3~Hn6{c>ub#6wFyE^1i48&-*;n}S z&bY6lxI})^b3Y+CSY=5S4PHJvVuKXO*5G5h8(Tv`_6>l+w}V<}{b*gQZ`ND$qc7CZ z_h%CEL^MkY4?SP>;n>VyY66mrSYL8&UdT#C8a<2@w&%m2^aHbTsDGE1q_km<9L!wT zs&p@X%6lhGM&B7c*}3uB)e@u-;4cL^OF9XQ!Ax3pZPIrKIoXXT`8y>|3M)mxO`QpQ$)o=XjK)$3 z&BNIy2{9K{0KR|FFn=35N?zt0GMyUQ+`!-I zC_3da{11CKnL7gFZY~j&% zHKP=|Js^MnhL!~ak^U#lrHnT%?QC$2fKjE|(_Zw|NFHvj_ytANBpDw;gR^6(NNg2a z-kp=mIa1K7Z>8&E6M~W@>mPGTr#98(?W9T{%HNCzB?x>&L$v*fL&L}pBbE3X24~?a zZo#Qs+F2^tU)j$3BhG|>PsjW1hW-nPog{(#+}iOD{R{;W6{APTxMT9{rg-r&!T7Pz zC*my8%%{6sX=Ler=7;4b+kQK@IN8t92Itk9jc1tpk1lDPw=uvzVbf#QlYj~6B)4pT zvRr$KlA?I+Czfs4yI~5c_4atp;l9rB z8mrL9w5_$}o9$}3YD5froz70o#fmd;XYLW(-kPt2s*fZEjMcNt;MEemsqf!Nm|?ot z6lA)x!?UFpvkcTzv!JjR2{0J+zFo1qBN4$B(E9nA%nEj3@&@}f!02*aub{D1$3?e7 zk#*rMyl*2;F9-JW~(A`J%UIX;Q~eRjKTS+Xi7>Oetfm=y1(?8m)bJlJ*)&d-Y0w-*NP+B zMkP^Rq2Vu)EL(nSckuATtKb>8u8JcQ5DC|sl@6|xo#GwE8cU6k63(P`_d8H-Ma4LO zCyGjK#mPiS;J_>ANgR)la?GizLc@Or>nHE-G>;`S<8G z7%}W`gt*7B`bK@rWuJ$BXej{9jGh*6I(unI*KLAgK_ z85FNm3N$8E(5e7xxL=H{Qof32698K64GahwnW7H{e`BYOEXi0zBHk&0k-P#EAg6n| zcArAOA*|X~oY){5y;n%P3SVaXyYL~!9YG09-*-DWoUm zmEe*C)E+1BBR{?kjS1b>$2Cm!UC~lJn*eoRE>}0FREgXWhCEe5nAvPUOo@uT6GA{d ztNx9|qi_l@4tMrjg7OC6XJ3iCY@`dd+j^7K1hNXc_p)&JOPGC(=|3Zqmm)__{4l;v zL}j8cka)f*vV75I-561N!Cy+p)k%aTk8*CIpIgNID1Y zNQ`2<-GEKbFC~(2M6-xMD#7k)Lan2~ZX*j@yfX|YBQySLG`it+Fl$_sosQ;&>og^= z`AN12W}Iu|*UD2ez?{9@$KdqsSY5S$THD#9lfUbRn50&!V_4vonpay7#L8ip$OO5~ zJ+G}(i7b|#qIk37Qz^L3;w}w4@NzJv{TU_%11SBo0|0uuk?;^>c`-_@S~qSpdMlNL z30+$D%CZtWVXvRcb5fJt>g)V~QVUU?pN0q%gEM8S2BPbgH2`Cd;_T+2y!#}<_1aQx zE%*fvTB;@LZjSR|Mh!nOi(UyjbQ8#6sAa)_U#L3yWO`>Qu)Q++Uf88t_AijPn9wL} z3CjRiE?MQHHkwEkV^*?db7H1S2T|GfxhL7r8$Z zsSd%7wS5DwpnY~3A*dan-~RbL!Sg!D1g+BBAO(Lbktah=+JsmA=eU$q`F3jpK{>pj zuBxjT3tMdDkZsm*mXQ>KjVRq$8-*ok-r&m8tb53*CKKLudT31w@t+c7%y3f`+tg>({M=+&1L8U+9 zxcKuGavWs6=g?)Y$RZ_hZ*g%^qb(_rd$-Vrg$MlZ5ToKZJJqmVe_TXuZB21OV^(>b za(zk}^E1=4_3D#v@WDNl0NaGVIc$rn3H~F~&O|S;rQoY|;#)T@FU?4OiuDzzJ4Q}U zxNDwoZ$)(eI5m8s`2lf;L_!hgM#m;VYKRP*viV~WtyzUeR=zt*Pxf`)oE*Xhx{Z8! zoYO`U8Rp;bl2kDD3)V%MbZU7XjxAH^o?)xS7 z<-$iHx-9cdj|w_E6jLrI@<9pPL8;30=pMUM41A`Em^kp_1zU0>VatbpShfg=FU5C) zMRv$UV`wG3ILiSoj7ERu&vAw-lSSS@8V)wUWcf}b*gi7FYIxsk(m#g*N2swiJSm3M z>G;V>Te$kO&X8mt78{N#a|tb8E`_S~ZkDW0s4Y@=6HUrUJ)K2_6l;mN9G-gS{reSc z0Tb*|2!ZJyZ}$NW7HUK|euJqp!;@L49Y4t*Y8mT~W_iQW>HIx!V8QRyzT{jXFSV@B z*@(#~dz20iQd+Srsf<0m?o9dclZpxp>Q0Z-tT3=%NjN2l zCJs?olXX*b=I8Nv+{GS7jZiTO-Gbv{qc%xr58QooXX)_I)V*UAdSYklKifwYF=!Km zmN)*ZCk3+g3=&IG(~xzDy{zcI_x?nmLf3NQtI1T~td%lgGC>MQJ#m&2LBFsh&0d=b zF~y0BXvl&?gJcPz<;OLq6H8OsQR5l6dvL20V`Jk-=rD}9_7)-PC#^ifrYo@}s1kwUZI!q?VrA%UFgKWnS&< zG%xc~8*AG5x%VR}%zxF%Cmki;Rpg!AY}VpT#2!S}pI#!He_y|nq_JlpNREc}rNqV= z9zr#GiWO~EID(3tR=Tnt`9k?FY3d_M&+GCl=S^8X3wH* zu?9|dTFL&MG}4^CijBQ%wiaE>G@>yA4l|u_QC`N0569SLUgcEFDKts0C$)SpH{l{~ z>#fp?yGPFBagzUWJ~BDAHZ0fY>FEg>?qtz{zK$n&vxBmUkAYXDUkMif@WUFGD z6cuVJhEE$atkq4#Odp2`u=z=F*qDdhkzTp?YuKonOW3$uETf7GWs;<%Tm@9}`daku z(;2JhDl9(4#u4Zqgjc9XRc_bw(@lhYsJ|N(PbmvObQ-{kuc0{V`!+Ij|(M{1$tF0(ZSeJ$rx#UDz^ZKjw8Sf8w6leJ(Y}P>vF22CAMM%(*#@2!( z!qvoS8CW@VlcZ>wvz^5u%oRndlI5}C`j6E8W6@e<5n+Sl0^!E>_QR;M&FQO@nhL41 zqB%+GQVz%rzD5@BuwYa-_1T2!Ug_$F5mc@3_w~)N(29`pXIQ0E6gQzR=ug4$Xi!ks zl2p9c{bltb2n1wgW+$E-X+wTyo$eHDVJkx}7Y>?vz{1pG^pN0)Sl=1qN1+`+c0F-C^0ZEq8w>-K>O<5| zW6WhBJqJyOnq$=Vca*Cd5l7Q@1>1r=2`cWdM7$#0!ZJ-s0#!)^s>E6aex`H2ng%U(C z+3Q~L6}UFc3#Agzru~%(D zRzFr0p%Vp3YDoUrT5y12+FmdB#T1#j#96j_0@-!mFPWFZk3>-KkaqM(bWg*H&g8I5 zA5O#Z$95K7mdg%73x3SCad=-cTf9$Ad})Fvc8;dU0sK1wUaN`HD*RCavftIB0Y zX|buykmPr%wQmDPiPNRx^T(b7Z>cZR_p`%_m(ur?w%RQ!)9kI;X7iOaM>}$rrd4~r zr0lFOJ2awU=Beu(0u4+~gwM$@wDFZVi)Ewj4|eY;+^4lm0B7Tv8|wkqL>2ZRsEWrp`?oP~bm%Gff6a(cmP9YgzmbjH9FGt1UcT8D_4XqZ;*- zsZ~gkre)r&TWEnz86TgVq>|`%@&9mWn$+*aB608w^)yI*qUWXBuUWIR03oN)m5vrs zD#{_zzT5;BLx%d1m)ylLbp~2ss#5>>4myE ze;B%Xnt?I<5;TyT!ti3P>MtE?VL($*MwGvPJXwOy#dUz8~2fnBM}P+8U*u6BE(;cwvp%k-Vntw3|DDm+jq zpe_2zh5ybtayoo>jEqR#MB-C4b9{)Gu{i95HxzkIkgYSCG%BRRiRg%m5w8TiiaKY7 zvX0LQJ}VQC1u_smUw0TG{8vqxlk=LLIYQH03+FD?T~5bs?UVy1tRr}QWK-%$i}Xq;S>ZurzA-hQ5wP) z7GK379>Vs`N>DE5gs`!Vl#l&aqt|7gkr3lX<`CJvtGP6AV^X829vNI7| z5kKUh;0FwZu-fbFdF21N89-qS@B#m~1=Wbk0sXgyfCpPt{O1Bi=Kc2-fD>2xZvzUY zX8dnMLjhf1|cAKa;G|Rf0*0t8-*=$1>xQ z$C=j!-zy5UZU6j(g5v*bx{>u9&>;7$nexb!BGc%-k+w-X-2`*}iu%Z^P#3eg^go@c z;n7vPW??OAnK5B;rW0TGy7~OEaD*6@Wrn`BXi%rfJmj$zSKr|@ zvUkzm2h&}k)4nKLCTIWaT^+N+QcPXkZqg}wNO!Y-*AXO`+K}_7|scOYqXud#mf{S6cetAo%}c=*ZZfm>$a9r}9AG-0O_%|6h5yf;R|6VoxAhS8e+h zytZ`s7)SLPVzxh#&6XK+7V!E={cpu(ve}MnZz7w88jbLs-J+eq&4MZQ2baCEl<~pA zn786PTT$;F7VSs{z11LXZby5n4}leDqIKTaHrPM*GHiADXad>omp)-@H`}PoTGFc8 zHpU?dqn<%-St1;t8-Z8!)AK-?uO=zVI{BN|HFN;xY^-A;J*%q z5{UfI5dVLFbO=3dJF1cJtu89s$@W-VtT&Yu7Z*QU>r7UOk)kDuaae5FUG-QO^gK5b z6&3aO_ou-T-8S1rDfsDkw;6UcUwbxPs#vO!O>%L~I@b%cR@dbO|KsghD{G~0t3!;! zP~w=!dg-ycy86jlr_XeWJcD8mD=X{R@UV5fotm0jT9RU}(CQDD{gsuKhgQe0hpz{v zxm{O(WbyIw{T{BYd+p4&c7_wrIxZ*Xs&&7S3oaE(enY}E*&7)dX|Y>ua66i-sHo`c z>vQ7Kn;f)1LarA-^m*L7MmYCgYiazPV!VCUtk%gTlOr?RT~g9KEVE3WwPjPF@lTe7 zv9|MODTPh<-S>^4LBGyx@((9dLlgmedU{#k;h!IG4V!I}=UvHt&wC9zy?;c6^lwr; zZ6F)^-xtrjZm3UxGh!uRVP-xwXeBiCo$7v~QU3C!KHP4t;|KQoxCWVCx4)mtD3ABm zUpC#APt>vo<_(WR=4Ttd!K$SS%~cr_8Y$-TY3#<2Hz(uiG4RM3dS1K9(%pF*VI>6Z2#oA)=_jaIx^z$V>e|WGxD8&+ltqI z_U!De{Mc~0YU$osdZH(CLT+xrS?BFsvh&*qQM=xUHI1kJfEP=_{mr|JZPo6rga2A+ z^mB^z_F4J=iG@m1Z*(0y)fG)=JAH0(85HhPU%4t88X9cpYwqvwW9}R-^@2GwTJw5f zZf*BCJLRg4FrE^RA~4UHPz-oby^Rv|zH)kBH7WFXJm*C`;{b~p|EG%~mD>FrpNaWS zXuahm`Q>pvwrHT;Y_DaG*Wj}QtY5<(-AZVGZ?EfO@U4N%t~7o7nd;4&&sitzA=8SS zot=@;Np=jnV7?e4_o?z~s5c)?2?_!wstv`GA!CwfrKVcG5Q9Svd`_B+P8w&S+rqi+Yhkccu(|W(@4$5}zeOw`?hv zjDPRQph>*sHwiYLRf}z%#3cb9k)U@|xK>ItEQ(?Fh2360lM9_(V1ad|&CQlRqDsGg z4zG8i-n7+zxujXh_wF3l5A6vI+-B8d7BS7}StQSE1D-2+wOn9!OPvU#@c(-oyU~v+ zOe*C2ofpd>7_?Xs9EL&mfx8&y3N2VTy1BV|dEFn*R*sYX)3(f3S61Hi8v2kpeEOIq zxZDD>APaRipPTo2FY5`o6+}KX`?vR z;Dg&gSggtGb@|*nxS(g;5KA%Rf{xd_161m6Qgj_S2vyv!yTx(Mk5JxeH$WiXx2GqH zT*|qy{(oU9{J2P$s+X|v_{&y_QrGP~mj4th-iasc%5LXB<|3ADd$Q+K{7*RN_&-=* zUO%3;zqg)+MfQCDXJqVjA-}fuMNgRJ#^*JwwBnl%H^V5nDh<33=sb*DDgvG{D1`LX z)XXNRr3vxQ-@m2szsr~Qf;k@DK~G1=##>zuMzpz@Qib{VS3J#lvfp-FMU7#%(1~#j zgqnVr!*r1Lo#SWW@NvWSWyWc9zk@%;>2}BeO8}RC-YdVjRjV*~OQ%?TXs9~9WL9jC zsqlqUxy4^P;I5w{@>dd*>eH~rW4+mMf_9??I`M}Ad*2Qu#EgBCst5rDM2C(G3G9Q} zN==*4j)Rg+NRjDK?C$RFHN(GQhTJqU>6jb8hl5g!+4lkWqhl_iW9GXkHq`+ym$^~D zU{*i;j}4hrOQgVxqJgkUq;XP6_s}!V>-5Kd; zmG@=M>wlDY=HYDT?HZrH?Q~|^LDjUTRZOFnE<;OEigYoQQbp}+Tl-S`zGOCAi1`(D>Mf1JP1e_U6t#P9h&&vSq7JMqi> zRtB2FS_wcrO-~m>Ya|*cKYR9yy>9oKNm_*tDv7oXV+=cx3?l!*wx8LW&k{_yDV5YN zKGTtWT9?0`!`{|<&E6(*$Zy6X zvb}^MP2G(TXEFCGt_S}kP}PGxc)YW2ZNvP3t{jn;jE!!K_;x?Ha{aI(b6Z+n|7y3k zrlbdRjkmnKycQ3iUL@s_%FA6y_FBA2GiLsfwf$?}l?ejLG9>Sn*qWTnObZ&M6WwNKB})n8;P9>_ zY5pV1z6IMN&M&jCK1w5s#J&sdZh=+%o88pg``I_8oQ+5&R^3-N*y=bF7PTyJZCc)S zvGYP4x(GCzcV}z^P_<~t{-bd+%Hpi)_E8PRcAqdI;EhtmIx*G=RQ4!r!)2nTo$vVe*d^FQ#C~04sZ>2SqO;DYQy#l%$dhTtsls?y>WTm`35!v zOZi#RYr0t@_ertxr}dGN`MAd#IV+4>g_K6lc!F} zrpQ1OvA0)|{!8!Yy3-9!+$U;>ADno|BjoVRu8c{t2OY;#!U^_fsGS+n-U~Bv739q{ z9=sJix9i9ovkIqvSl_HJx!&AgEqp8o9A@I=dd`w^&}}W>iH3Rt>F{sCO^7k=U!?{Z z#=@?rDIy|5EsR;m7_o>Il*vS**eDhWRZ}UOKoWR67)0*j#gJN%O$LlHsi0qtveME< zBnTVdFE_x}v&ajB28P1LaN%`*Wn%mN-T3Y-Bz&oaIF`r`HZwD;@|md8#mK&MN9ox1 zCpuK`?R?C9rF)~ogQ7-1zWlkzs@C`9nKLTkJJkd;tMyfi3<8))k1%o~{L82Qnbvs0 z!-pMG73~lfntfI7J_l@I*g{}rfi6~x0Or2ke|X%hRhXgIihh<{tn4(9pxh%B@S!1W zd;D^CS|Vzcz*;9$%^5J5NP3qXLNW^B=@Y z3Smq*wLpwI8OoJ791Zqs^%Aagajc8vmiqcLJe(E*_aRkuC|MZHM}B_0d!>MQ5Gn1~ zZG6`D?eE1Fcm;&etL=x;KOH(G3}OoFHJmYQ5`Rod)~W9W=y_M_xf~BlLkt-YZEI{z zvEcI&@n0F=5~6Ijz$qUzK_8W0?AH|4JtO+HlNCxIbr}{0yC>B>E7H@|bxoWIdEjqj zshd6N_Ic0mDcT|HBS~X zat%=kOzv(h&TkKA9Zv-2i)|aLbk)mHmIu*?#TX}|S_@MJ3{9W!h3o9B95L&@h&yTF zSIU+vdPnu9JFa#@0eS)&46Ut2_C-O1lDbB#*T-BR{dmN{)bxV$K(1=YdYmW{wim-; zsA+Hc@gq>p9XgUjhxR+`{jtr4!z3}>=3EtYewpGLfpW**-*@dU0gv>9fJEv^lyNcK zeC~ZI>_mc4daIaOZ_9iZ>Ym!tSS1zeo~r0Ec^X^C#qs>C@L=}N*40P6VILDT58}D9 zQ(V`87nxI03H&?-wX6+TRf7Rs4c{Ql?ezmm7SsGgC+?@fuTp+r)eczQHRogHtuPlC z^K`e$5o)m~YlwDu}@a%SLk3{V$XlWjQXhtYMkj?;`f z{kX#^+>UK;Z}-Y~y=SSc=G?R7T+I2BkK_?jSgPNcG}Kn5wTZ2qXLLV90|146>DQFV zc>eskevXE?$h4agr-HpRkCd^fI)g-VxH!yOrEjO8i;7OkJuubR?@#w=*aB&M1ID81 zAx~D=I%Yv}?VX@aHT{{1vGG{dvZg}Up<)9U=9h)Myu3sSUGr+s4>| zmKr=)zAFCS^(R56jIijZ`TvPZR1zJ@?2rFLM3p(0?xDsQG6WpoByzTq^u=yqO{(xk zf4g5PyXL6!ribm1{^WV_L4Lzej_L^h7`>~*w#p32r&`LNPg!V|78E#r_%q7k!2RZu zQs}sCdKSlR&KcHExW6oqsNHMcDq8Kh+bFr(YX+`b1&kh7YpEmd!$n38aib1BEwtHA z5)5tV7VU_f!~3dwr~a2v+!|G@awC=@s6py|AJM?6`(QS)Y&5G=!^mjZBb=TdwO{bw z`_jg)gB~AeXD3h`mWg#xUbG5(b7n5eh=bENGdqber-F@f%nAejs04Oq^~Z--farl} zF{mUxb*S;(7U3txHZcb)v)@#`p<;>Qa53O}GUQ#2r)k{Ex88$wZ&7w9%Ip((r%XIF zZE^lBmMiq@nMmIr;E#TP1;#F{f_|56Vve&~kzWIj7R!jZzt?SY?TrR|& zIejo@hfHKyJo6TIa-SXVIWP4jE6YPIH8%5>LlDr8#KKV4HHn3{uibvrBhVSp zN{@~Xg{eZkOwvBazt1e8Sj-d|Q1^0~j8_yF-jw{hK09*7bk%Z>cCRkEk5xD~NAo)v z%yvo>++ZukBiVua`ucK?V#TpC4Vw>z?j1;gou_sbt&ob=FyRDH!Zx6$0tr4nO7oLr zT?cZ>Rqk?}P>>a9$jFDh!Y)i^?XrPH$tmHIUEA~kvWVqKp}v5H8DEavJm!HE#b3}N($fgsY_ zURiqwX!Rm2K`X1}bxqw{1_pQbW?kP-l1RY(NFUTg0{RzvWN}?LVgSf(NWZdQeN;Ju z;e)mE_VG!7%Da;Y1a!lVfa0)o&kaxb=C(WD%GpY*hYIOEzpw^U4ypn9$9MTUn1QZQ z_~%6P3a5nV(D{oLt&2@)v!7$%@q%H++90!vh(R1fbsYx-_sP0ZowPu*J08-F>>%^( zTi_`>Iy*0hF)PT@87TIaxVX4;`SG=xfoQkqKn!z{L59C*;UQZKSP5MmIvJqy=igh+ z0=Ak!@6|Q$e*`Lf><(#DNiHI3w7V8EhlVN?%<441zXBe`$GX?z*}DgKbV*-}GG_S8 zPy5h6pSz+y8NR(dRGF^eE-T7ruW}mLz8ZfVJBfgp#5p84)%U2*9`uu9G43DQ4K2x7 z9CjwHOxBY_JtePcx7B1(}(~+ zxUrg=8UQrwQrkuWJ(UFiNYJO4YZs2K48KmX!!jkoY;}^Tw$?XQ0Cc*M-4i&y(E|yy zohiMUs@oI}i!xZk+M)M$yYAd0*ts+kRvXfp5jM`wg_y$y{G*-(ZSn3Hr(;Uq&2j3V z{DdhgrEdK&wea6_gw0ztu&gY^Miw?AoW2j=QW(pbELy@I*v;vgq4E{yu!+0z9ov8ANWvGT{J2XT5wE&#I#+XL4(GiGax`;(rTOPRcgi4DPrLy`U-g+YQj1&IgZ}ImWc{D2_h~YN>Pa+z9KKWNiRoLa-!?+VPSg zZzrL(5+!2V3iNXZN?0TK25|)Fq)&=n9@DW$eHS+l%biuTzdMSvhv^<8qEL%t;@6+0 z8qVg#tI1yPvfx9|{@gD!RJjJcc{D*lZfqL%oqLnSUZOY| zcz1CON+a+-P1(<7M0Ub@XVHWxD|kP%VYrKAi=H_y^%+lObw7xOs%KR1fJfksx`ObA zWKKdF#bS_BAlUL<7=VmTLYlJ{k8;zNE4xFk3WGo@`WhS*P~dPu*yY_&=83I}@U>W* z6M00J;Zx-<&{gc^Z!LKy4{ck02Rx&dcwaIz5aCrr#_Sa1Cut29n6IVHTu@8fdRL)0 zYFZaqw#5XBcxsGE;8nM4jQDot3U-(nv$${HW)gZ}z+g~s6WF1+s7Twg5_zXM_#f;}lK3y%`ML$h@`t+cW z`w;9&3WvP`=Q9a^s&i&=OdCXM&!Z-;2&aYbaVPt?_NBqiI6%~C@WukfK+RSc?u}m{ zSEYybMieye7b8+%xRX;Xynv032_M&4q8t>QE=Dj&{Udn)>(lGjdf({%>-em%4;%gq-m~9~i|v8qD_F?0GB;QD zoVvvSL(~;H#~w@ghDit#N`dNPrEA;VcCZ{Kw!6W?{Zi!RT|Tvs+W_hXQWWRqO=kl4 z?}KO*_{7?Ps}_)>+!(7a*@vwRr*|t(B>ZfpUARS`S9JF1d-CQO*DFG1mRA@P-Nqo< zpunj*jAvhR^}Tt?5z8wAfUtZi0220?;|54O+PeBkxe19Jpv4XHTovMgS2mlxN$shC0Q@zYXLf$XjM^rvW;Ur@pe z@{&ys~on+;@`z0sMul7|K02Vayk=Ydvd=f zmi5rqY}R(Z1SDGo&kuh#-*ESoSC;B~4jV;4Rz}J0+DS-(P0+`bfMf@%mh0;3J~Ta| z08GWJF`X7IEfH`V>Zvs_>7vLP z(bmD=)!m(;~U8vrx*@#9mcPF0Ld5a5eKrenF&2C=3hLsOM{be#3ZaTT&8NMMAr?w8$dWv1`| zoQXicE&|QK>p)a%DJ#PfuLfx?sM6FKkHSK&Np{Kj;x z5*t>0auhNdIrf?;rz~J~5*~pVcx{3OZwto%?rcZ$%7Mrj?x}T-Y*bBycGPXnr2|{p zy4Yi_>!k@xIBE&u9*l{@o5BLpifBmN1rB6;`# literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/examples/computed_tomography/index.html b/previews/PR92/generated/examples/computed_tomography/index.html new file mode 100644 index 00000000..e1354e0a --- /dev/null +++ b/previews/PR92/generated/examples/computed_tomography/index.html @@ -0,0 +1,65 @@ + +Computed Tomography · RegularizedLeastSquares.jl

Computed Tomography Example

In this example we will go through a simple example from the field of Computed Tomography. In addtion to RegularizedLeastSquares.jl, we will need the packages LinearOperatorCollection.jl, ImagePhantoms.jl, ImageGeoms.jl and RadonKA.jl, as well as CairoMakie.jl for visualization. We can install them the same way we did RegularizedLeastSquares.jl.

RadonKA is a package for the computation of the Radon transform and its adjoint. It is implemented with KernelAbstractions.jl and supports GPU acceleration. See the GPU acceleration how-to for more information.

Preparing the Inverse Problem

To get started, let us generate a simple phantom using the ImagePhantoms and ImageGeom packages:

using ImagePhantoms, ImageGeoms
+N = 256
+image = shepp_logan(N, SheppLoganToft())
+size(image)
(256, 256)

This produces a 64x64 image of a Shepp-Logan phantom.

using RadonKA, LinearOperatorCollection
+angles = collect(range(0, π, 256))
+sinogram = Array(RadonKA.radon(image, angles))
255×256 Matrix{Float32}:
+ 0.0      0.0      0.0      0.0      …  0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0      …  0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 2.88889  2.88911  2.88977  2.89086     0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ ⋮                                   ⋱       ⋮                        ⋮
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0      …  0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0
+ 0.0      0.0      0.0      0.0         0.0  0.0  0.0  0.0  0.0  0.0  0.0

Afterwards we build a Radon operator implementing both the forward and adjoint Radon transform

A = RadonOp(eltype(image); angles, shape = size(image));

To visualize our image we can use CairoMakie:

using CairoMakie
+function plot_image(figPos, img; title = "", width = 150, height = 150)
+  ax = CairoMakie.Axis(figPos[1, 1]; yreversed=true, title, width, height)
+  hidedecorations!(ax)
+  hm = heatmap!(ax, img)
+  Colorbar(figPos[2, 1], hm, vertical = false, flipaxis = false)
+end
+fig = Figure()
+plot_image(fig[1,1], image, title = "Image")
+plot_image(fig[1,2], sinogram, title = "Sinogram")
+plot_image(fig[1,3], backproject(sinogram, angles), title = "Backprojection")
+resize_to_layout!(fig)
+fig
Example block output

In the figure we can see our original image, the sinogram, and the backprojection of the sinogram. The goal of the inverse problem is to recover the original image from the sinogram.

Solving the Inverse Problem

To recover the image from the measurement vector, we solve the $l^2_2$-regularized least squares problem

\[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +\end{equation}\]

For this purpose we build a $l^2_2$ with regularization parameter $λ=0.001$

using RegularizedLeastSquares
+reg = L2Regularization(0.001);

To solve this inverse problem, the Conjugate Gradient Normal Residual (CGNR) algorithm can be used. This solver is based on the normal operator of the Radon operator and uses both the forward and adjoint Radon transform internally. We now build the corresponding solver

solver = createLinearSolver(CGNR, A; reg=reg, iterations=20);

and apply it to our measurement vector

img_approx = solve!(solver, vec(sinogram))
65536-element Vector{Float32}:
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ ⋮
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0
+ 0.0

To visualize the reconstructed image, we need to reshape the result vector to the correct shape. Afterwards we can use CairoMakie again:

img_approx = reshape(img_approx,size(image));
+plot_image(fig[1,4], img_approx, title = "Reconstructed Image")
+resize_to_layout!(fig)
+fig
Example block output

This page was generated using Literate.jl.

diff --git a/previews/PR92/generated/examples/getting_started/index.html b/previews/PR92/generated/examples/getting_started/index.html new file mode 100644 index 00000000..813e69bc --- /dev/null +++ b/previews/PR92/generated/examples/getting_started/index.html @@ -0,0 +1,12 @@ + +Getting Started · RegularizedLeastSquares.jl

Getting Started

In this example we will go through a simple random inverse problem to get familiar with RegularizedLeastSquares.jl.

Installation

To install RegularizedLeastSquares.jl, you can use the Julia package manager. Open a Julia REPL and run the following command:

using Pkg
+Pkg.add("RegularizedLeastSquares")

This will download and install the RegularizedLeastSquares.jl package and its dependencies. To install a different version, please consult the Pkg documentation.

Once the installation is complete, you can import the package with the using keyword:

using RegularizedLeastSquares

RegularizedLeastSquares aims to solve inverse problems of the form:

\[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \mathbf{R(x)} . +\end{equation}\]

where $\mathbf{A}$ is a linear operator, $\mathbf{y}$ is the measurement vector, and $\mathbf{R(x)}$ is an (optional) regularization term. The goal is to retrieve an approximation of the unknown vector $\mathbf{x}$. In this first exampel we will just work with simple random arrays. For more advanced examples, please refer to the examples.

A = rand(32, 16)
+x = rand(16)
+b = A*x;

To approximate x from b, we can use the Conjugate Gradient Normal Residual (CGNR) algorithm. We first build the corresponding solver:

solver = createLinearSolver(CGNR, A; iterations=32);

and apply it to our measurement vector

x_approx = solve!(solver, b)
+isapprox(x, x_approx, rtol = 0.001)
true

Usually the inverse problems are ill-posed and require regularization. RegularizedLeastSquares.jl provides a variety of regularization terms. The CGNR algorithm can solve optimzation problems of the form:

\[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +\end{equation}\]

The corresponding solver can be built with the L2 regularization term:

solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32);
+x_approx = solve!(solver, b)
+isapprox(x, x_approx, rtol = 0.001)
true

This page was generated using Literate.jl.

diff --git a/previews/PR92/generated/explanations/regularization/ac0f72df.png b/previews/PR92/generated/explanations/regularization/ac0f72df.png new file mode 100644 index 0000000000000000000000000000000000000000..071e74dedba07fc84448a05b0f798d98ebf963a4 GIT binary patch literal 130783 zcmeFYg`RPBt)b`x|Hq?kq~L=?nb&1I7*iYNJxhQ(%lWx-QA6VbV$6#_ul*N z`@R3*eLfG5A4K=rXYDoT9CM5@m!V1u(wJz(Xb=Qp%Dk0$4?#$}5Cr!P6(0PJ6uvJ7 z_=apOD=h&%JpRgP%8i8}3P?ucwW>$TpHxpnwcoQ3EzU!AHWxnBl!$LB{vZ zochU93!BWZs&01ur8b{mbTc)jy=hUkS5S>#rsnwibs>IXd9X07@ChZ2>2g9t3TKO` z0td$BQozF3z^~hPa$wo?Uxh@&l6(=GREYHDUd6%`dAsa_fs6&2~#yZpMUvmB*L9;Bnc+AAn| zO3G&#g!BA)^TXZIrGuw`c5}0DZw#$@Z9@2EA7e?#-$@OF7X$>;Hc@mp+~j_@jxsVb zC{L)UsimXHQsd&x$~3)-RQ3FkE!(CI{F>a4^dCIr$Em2O*4EeQ71KzcKOg&tw6C9E zP>?J4-8d-t>5F>n$^2$!Me=t3hkb*Gx!3Srn(yC_C9<20jgJ$VG^v*wUSG`HpPrly zIGCDloKG7Z#jYIGEZf=Ia&-{sxr~0Le6vyDeR+6yvtKgEX7UGItf5vF98O9q8_)Es zq=dJ_eZf(>1h1s5>=?Z7BFZ9yKXs_5r>C&6aA06y>7`uMNhgkC2(Qm-AOTC$*%(-i zgG1JX!~OMkxab1;{omkbmZz`JIPL0p=|(@B52qbCyI!AcIxW}w-g%`X#?mX|YaBKI zJ6w9@YSBA9Oz=Bdz}4DbM7y|VFq!vqD?8M8FoK9vfKxd%EbOLR^nP?YP#B3z4Bhvt zgWT;FWs>V)Eu3{|aPVM1CJldcb8{`SyuAFTp3f(=dwo~#4f5C2R3Ex1?2?xIdWQT# zbLTqUlgYU`ZLO^10nXv8h5J?ntdIg~=`VkNe|C>=^G6AP&cn-lIp-WjChXN`PyO=c z?q$n^k9~YTeeHIdcP9z6UVUXrI1Z`HM;JxOr}jqAQwfj$c;+CZ9t~dmC8mdkTF30$ z@%7_Bb5*jpjXPQ4UO5py!#eg&+=Y=Xx0|d!dZeGlTwTxQc^A+AEk87upo_a;>6f@~ z_Qmn@^MjqRGe`*BQM>pv8yg#2;dU_B%<|T7BYJVusn=fw#;jBAAcK0yDZ_??IIzcL zaZK$_4F3+@BVET zB=dZT@w%G#ymW*Yhf7#s1fV#C3HSIzw@OE2bZd@bYTh?{Y5nYvd}Xli}k}ahlPD z!1cu{ifB=^SLh+ z5tV)S&a~*t9|bFn*$&ijIz83LnL6j(E1{_(of?nhwTTH;N7vbMGxCprUz6h>xqzg* zr>GAsC~2;LOafEO(q$9EAT~SGD(&_4bvRN!2gA$5Mf`BHfkbvID=R8T6_xR>NRop5 zd{B?l5rm_kex~>J^?`iD#mAqst$yu~{4+P#y%9~|B<(^BM*QB;JmsXJp?USH@1c09kXHN|KK>Tx`yW4k z$bIK9+a5}7che9%b#1Hu!V;mb7ldpX+(EgW9v$sCsiu+YJjCz5>{CNj;k-RGEc$Q@ z0O6vgrmW0yzWT$@pFi{S>FDSb64~0iuL?pJs&an(VC#DI>J^Xu(!$snhs(}LnMrrp zw;-d9tu0XVTp}XAV24E(3x~6#Nco*Mda!HeQ)6Oc;^WQl4@@ySEG;eBI(U-hZ=dY_ z=WD=0RrTAo`$CiVC4i4q1q(Mfw|DQ}NvlmgfY=>h=Yhxr>`qBZVY0Rb^$KEtR>z*# zTw}BN?`7T9TKL0Nw`h`4dJ#M&E+MCRglD;7M-XO~RZncdcTNid(x>Suir31M6B8jf z>?rcrAlrp~Z)=InBd+}<7df2HhX#aLSQI`|f)4`#GOg=8_?y6>(dVBV=gF)^`UiW- zCclUKj$o|m$;t0qPs|vfd=^RZt*op>Rrz+pOEIyaswV&L9lVl(L5t_>PR)?tph=ZB0gG;}{j$iz`?&ac-y`qkSQU}06@UE_je&vp@85s4d&$b$ zvXx}>u`n$S1Q67ypI6orsyGF?SqjgGq>zVg(FZFjeb3D}<7`9FFsMG+nvHaesM9A8 zVDc`kEc+r|F1n}J-i*A#3iXKUKAka%x@N)}8yma7nQpn^TKa;CX}8?0Hx&aJmT49@ z-|RgWITxdPVIr4RjL?&}3JPi954vfvo>?^N_eV{aX(6|>!@kwvIl<$H5H>8{gIjwF zk)77o@=d`}P*a=y4#N|P8gac#bzeG8m+0#3yxr4i$uBOxV4cj7PY%K)p?fbSEzPP` zE^)|4z@#}6s7+OmJv*{;IxI@gHmK-#qY~YrO-zq}BnlS`zq z;C9{`fcX{Pheu_$eVDIClA}YnyuYYv=}q{2;N39NCfJHWufws1_ zl$4~T@aX`j`PKcuBLdz&b>zpi?elay$&L}`)Aic@DT4HGCp)Th5(G2XrfT|AX4??g zEr^FqES;H!ML437kx?w2e3GEMU3b-OWN^2qp^&R05fl(0^l*C$7hJRy5CDG{sxrhsaDa5h z?z*Q+8F$%cL3VMyo!&p#5!~6?Y0~|rch~*T45hsb>S68rmy0b@o2f$fK+}7+E__z~ zh4IO^7^aQ-B{RaM^9N*6-4O&G*W-$!%sDPmA~$)SlLv0$FY;$*G&|TNf>P}{(m$Sr zh5&du^+BVH;?=3KiKA-ixfkt!>V}nR!z%YQ3zJP>tB{g_1CWvDl<66;btFfK7MTcxC<73 zz8p{R>YqeiM1hAB;VV0 z^5Ed$e-?N+I4W9Nv)}vv5V*W&_?ni+GS=hQY4~r6#pUR=BPjQ)gj4Vl+$JoIf7>Su zG?G_|IL$*E0H0$%j3KB@eaL&o$QXE}7Ths9F+r2??vVEWELYUE=wc2B&82*`W?O;+ zwC43!2N6mzXO_#atW9SzA@-J*wHI?X^9669nq}XHh1JW|vusZBPlAWF)Q0L&qW2!% zlQZLAl`=#f`}l)15O_;P62!&D1BT=B^YarE39sL~xm}bRb!_O^H6BYTlj%*Hc~U~4 zk3UCOZW7wIw6&E}P{7~i>H5qu(uvr!50TtgKPWJ=+w*T|3 zhJlY7jh%f^y;(ngozQrWe8XOTfvGF(?98PCXNO-N?)A2?YIxsvN{Lp5R5Lpdj~gHc zPKs+Pc%W8AVrkg@ztue3)H2z&3Eh!Wc!|sK>ecfiDP>$wKkmG#(ZJDHnwBtp5PynG z4d~?bbnt4uJL+GaFg-o}zrtUDt^K}d76p;E#YDIQ%w1Cbq+VgX(x@W{R9yf5@W#dl ztYjojDZ_so;7C($Veh@TMF2dbMltRaWGphKDdo0{CcT{{e@V9n>iFfg;TwRWlhf15 zdXXKgYzCcd7@5&5el$WoQG4b6EI7yI#Z=ou)YKgj8n{0JHMFTBP+}Ol4qDDmg1_Cs zJ1?qPdbQ?v9B$B4qf<1s+7bMZfx8hjI4U1<1yS&DI~i}?8WyEX=ldT+I{KZz`|5bT z#&&k?*rVERaWC7v!m#agd%Ji-|2bIh6C)a$&>Y(tll$9iOiWDk+v*SVojkiEnQtUL zm%R3wqeZy5&it`N0M#@zGXrEW<5t&m==f2LT&08L6Ia{%nV|ptICmkQCS-hdkaziP zx6f6NH_D%*3kWFrb$AE}E4iPrX?<_`g_9{A`_RJAA2`ZAt`^;w@s6GDTkg+G2H!e< zA#Mc%#M;_=;3|@Y7p?3PFy7AEr6mltwCKjmC2w<6S=oNT=4sY8FtbU#8%<0*wsviIJvT#1(BlYZ9lt4FCs z)zny%0%Tx)x{$*P%yt)zewf(5h&D^-Yal%65QoCg-4|V_@icTP&phCSZvS?ybs6eN z6G#;pX2NNY5M{y~wv5YxuHw|Ub9@v06whh?;r_DaL}80MN{FgFCJ>&Tot@n0OxfA_ z6p)^ee{khe_#F4AipZkq0T0(F4t3Mh(t5eIv%9++7#K*UKeZv?b(Tl8ER)%)rlA*? zkg$F1@sv!6fqaut(CyDloAQ?k4ve;3o&<=6YNx#c8D#&auBe5M5He%~uu3OzddzR0%!OLw;KW-}Q={VB(() zN$x?oC2n8-hNDZxMeFfC0b(_ps17LNI$5Bi{H)>|Gc#AEMQ@@*q9P)g7#TV3cRO~a zL3V>j^!qoz3=o2tgd~AUi;BPs?0@R7VY1JU4P$74AE-^iXy4Mlo zI*(>6x+88uWLT*Nt%AkUT$)e%7|l&viS|H?me>Hwg~j5%jt(P}2`wF6*j3syGyv

_C@3fZeWnVaVa9_UqT5-X6I%m>ozQ z@32ffA7$>zYej5D7 zlhQ*!6P2Ht`I?klQC=P|^kMnopC8q+!Tm`>@g$kOG=RB|BmV#NSB5dv zh9_D12=`iMWg&@WXOn0C?g|Vm6(

e?b6u<$NxlZTPGdQh{V(WR$)A#=Jk2$o?k2 zvNyp+j~4+@jlUgOqD&Tf`!|5Ii(aiDWG>nI@W(63WoG6cjJZS{&s9t?TXlNiw3%YUHjnt-**P&W zktixTO+%u|0Yv9)lXp!iHZ%Pa_>O7-2=obQk8zpM-&TYZ$kr(czzjIFAJXS_sohL9jfVL3v?7IuqjePm? zB?u&zhs?y^LamCAb0V;{wKZ;=sh(yw$(tbu&`kT^4S|btxZzImbXlf}jGP(?z6-h+ z7bcL|F3$%ZHreR9j7pl%0wmE?dHga#yF$h!HXVY?QAoW3MijyfaNQmYi0(;PR*wKW zfC)-UN)27dz?a5+US~U?N(T0B0EZbsOv(w>3$P=q8_N6c>FivAijI``2zgW|fTmv7 zZTj7B`*pg7FMLAva=sZQV#4nSJ>gY%53@LKh9X5~tCl3n)3>H@n%%0Zs(@?)AZ}Rz zz|-vWZ^6#J)f7nB3$G?~kBK~G5fLE{4vwtsY@p>g-fG=hP3EiJOGzLB4{p!Y>PZ&* zKr-(zF51TCW);v@nXTVmstmLO`$CSn8Iy!(!DBsA(EX5W9YMQn&omY;gQ3rLTJJJf z^zMn6nb{_Qn;gaTX3tY|b{Ye}yL0naHVn$(;-aDhCzEKBMI1#TN}DG)+vCpti*~z7 zz+@~n{v8Ik{LeyNMMg#|TLi540@P{yiKfl-ksj}53+`fn>#c;rw-9mP`O%_l~CBLvh?qJP0bxvT+5OeL4yuv zW@ZDQbMT}EPM~F+ob2uI3woM}-8PXuMSLk{YWjl-4S0kEZh`Eyoh|=;D~t3W z^gkj#-5TT^#CIA3EuM-vTu6oufrQ5vw$bP?_Cx00?<_+kpTxdVdFRE)i&=~HuE&0siy_j?iVI67QL@=!FYlcLMF-g;>@dQ zzQ+EN08K7cU=qW2p_ZMMRgu*1oB++Gxi|4KQdG9uocdMPaUs~^pB@QUO5KO3FC_i5 zqdUL=c{D45`T6g#;V3&w1o$?k{51W^1)sk(&^`D*v5;jxclW()SXO(>#l;2uATcf( zz-Q){@24xM{YNhKZ@EG+*|Qnib~qfYO>J=v4#r z>3n}W`~>ljb;yNglULP3ypFbZ^ZkuYX14Fn2&K_1{Y*(Q`l9!ABDYPv0|!v=<_|LB zZf@1T(p&78oA>stDGN^0X%PP@10z*2rI4Ne3F!1V?x8a9^}hzwlsnQFm@!@m;KGXc z#eFD%@v=NDu6X(6wY=z!;E$JLDUYIC^txBEa~N0`r$d7Fw^zpidRqRJ_jlIW;LH*` zXlZ@-vjhE4guOgA6Bu>ZJHtIAvv66`-`P#1G&K|X`-=4%rc@D2HJRFz&p=7r@+9|f z0#THp^wwD*wcP##;;gA0(1cvTtWx250Ct7&-PyP}1KXpT`wt4VU9N_)}@5$%6`vUj%r7WM0 z_3j^&nNp*cy94_`R7I}5|KdxWUn^{3@mP0X$b{$4=IOnUVlOd}wq_Y|98K#R_}u=? z++LsV@9hnwfB*jd@!o7k?VzCb{q9_6cZjiZBgz1vFL`dKKKyHWu;~gJ=ALP;d5i@R zlA!0^gWpdLLHdiUh%rzzgmHMDYyi#VJe0tq_bNVHMEn!WM^*grO)xOv8N{+*s4dIN z5|?`pw#QcCr;b!Hr-iw`fdQ+648+Dfl$XEfA|PLs1qe-iJbt>*IoScuvyHRtmN(*X zYly?bmno>M2F0*s=;$cW$avdt z&77s->uh2U*uJCEDt@oXh#ykl;OsEQd}h19({AaC?8JjP!jd3+RseMhNT}=K2UnVz z9+jTdj50R@acF#e0W5lY zRdN-$t8N0(JO2K4a4c;7VM9I%{31g%B#aKtI;Wq{&;U*=PI(-~NAC}O|K4)kMIuhw zzUzV}$nho!1GG+FXy_VrfR9fxdtXS_Ts~=20QCUOe!e!)6b4}V`R&(eu#)DRcP`eS zf$i1VDZ#0$tJ~@qH)2yEvCGm6?l$pWH2^% z7{#MDU_2caf0(Vrn663TMsSgo{Qc;K|M~ta|J6c63b2d9#spX&{eX{C9zYsI?-ajz z^Tx;P&$#pi8?2wDL5^t&WZrE95|!pg^}@)AA@YBjLgU z3rq3?o~fDH6V`WRQQ*<|AIS+|5Rcs$cu~MJzF8gvKA{)N?AJ6SLgOCPYF9)-Z8&h7 zNSk%JQkGdolpQdNxG#>B2GJRlWgYD6yLpuQpS=(3q-#~>060FBCjej8BHai0?!dr} zXVP*47Erisl+elBn)Kbch9oddT-1es!RN37Am>mgcEtk4Ne7>C_`m!e$oH>5c}O*r z&4P=Zxw*NNR1m4NKrABSsq%N8(7{qq@wS0Iz>E@NUHf|`1B3i-Vgnx2HcJP1YLAYh zLqBs(2rCT}lbpJy$KN&-Np2Q{=8voGf#%#~0xmn?tpv|;(wDMzP~C1uk9I$hhjdyw zyyNZB($aE*ta38{=PZDir}GLBxzVh>;~|f3V8mnnZ`!|6{syCC59}BQW4qa52k#!c zuLT7KW(|d4pa59uuV25MK)n-O7}7qMAZfo&?*%}$Ss=pW3M`I4>2HAg`Wq~I+eRO` zyFU|L=e!+;2*{*LjvNuc(~m-ACc&W(!&cQ%v1x!o0K)_|S&`1Z={)}J17MKh9?64` zUU$lvV{yvl)?o7B+v|bSsFD-Gqec~7FW?$)$mV>Yj0Me>^Sy{PTB}`6f1F`VY%DcL zbOPxMihm4GtK&oL+Jv~RPi{|#|Iz;)eOCPI7k0vD>lb>2MW&9)`T4mY35YWg;#*7r z)nA;MVOZAD(_A+*`?++|vO*LvZ|G zw$El&y@S~@(IJ>Q@(+U=8>RoGxZg88d@1wnk2LMG989EXJ@-_B{Hih4 zQ?+x0pyf&uh{No!IgsOL;0WmQXqyuT?MitpHF_GG;J_S)@yW=VO?zWtOCnuS>h#qy?GlZe`-!dL{vUk?dPZ9f~-Yc4(2D6to!Y#c(#{IW*@oG z?)1peq$MFhaK^{SeV)5qXD11HmfMQK`C6dJ)thagRj+n;cJ`>1nGYt#F>1KohA2EI zCcXi)+Z%$bPbg$py^6k652I$mIqC)Hz4Yn2rG~F-zO@A#=91qLKSz5;-!nAyNPLBw zzL$U&kh^Lnf8`}{~ULL?y{KGK!4rnG{6B69V<#~G>NF&Ms z+Oq0Y{{b8JPiuGEpAR9r`yVg|Ze;y7jgH#US$VP5;^SyNeHzKIV)ilffDd;=Xs;+I_bB7< z^u#VH!||EDfS&&S4XG9IO!Y#|0g^TNB5Z|IHf{IW4|u+UqdIAFp@+qXBLo9Q~8rQ{~>RVBk^S z4hto@^!MP|cKCsv2hREX2Q3u>2R_o?-d-@uxn4Z-b-((%`j|txW!gpI1g!TU;!aLZ z8`G7VOa%HKs}~3Je&+=SslGDsV}ZNU4}r(A+@eq5#Q=hW!7Rwi5NvArFq1o=+QAu& zsHiA%0hhd&Lj3~+TzAE0rlyEzc5@30jbM;iUtfQ9bp^(UUxW*=JHN{jB*`fe205;@ zegdr&Oo;(0oV|BY0t0K{NzH6JVG?sO(9-^1ZmNp_bLqT12Z2c~a=PoW`zD_MH*CWKyH{hfPpI$W(qCm(#9=^%T>)CXA85Wb0A_PY6lAvHU zOJTMy*odS52!qOiodG6PW`Ng%71kHe+g5`(fk_}BV?F?}_x9nR`?UV|8ZCq;ns6i( z#l+#V=2ucQ)YJllgJTt6f2J5BZPd31+*wX8;?Hp!Vb6aDgZ){?VJbyEI>5L8J^ly% z{C8)C^MC)0ILZp1`F{=vBEH5@ddnd8zn3H6{-19S41oXNx3Y`vY7tazPy|p6A$oQ9 zqE@+o=EKRjPv9GgZR55fi*5wM>(=6?$K<94^S%cRCvlpO@ zc|ur@gt;YTSR&Cb=;@`Wr#K;FVVHz0=E$e%f?JX|A&sS0eZ;HF3?=60D@O}a#_uAt zGNWWnPh@Gh1&7>A9@V%LFF(mD*}1#$9o>6s6`^tNl=W`8;1 z=sDBN>)>l#x^<8cfPh9Z!A^MEfL_GDPy$QgWHIa4mi0J!LkM+w!g7;mlcMlTScN|$ zC=n9c__+I0%{{P>HGL?dxa17(Pg3q6d1U;x zDk36E{AN`eF3f`0>ZipbO!JpJJpa9@=BQ zbd;dv*|ONB8t%@K`UrcS@rvp*C*Ogi-W(Sg`(O1>5;|n`8sD@iQ*kj}Qhs==pOian zY>*Dq$h^K3??(AQPPjg%tP6eY@Vo``-ogbdemY6c=}e&XJCb%?JdD=Ac_++7j{e;Q zRs%iLCL)4DXt2RGZu^%v`leSId;ZB|P{fsvS=(e;HSvsfop<}hK+7cjjGx~Q()Z;% zZ(q4Bi&xX+HvgS6Iz*l9v7GyN zRT|)m2D2u%F2Sqm!Pg7 zqBj`mHld@C=2}Ja+GNjPTUmMZ<+^ll;U*<*u*=3`9e2FN-j}x65DH zi`mQ*MHN||C5)9-8;AQNZ&`&@->hy?!>g-VoFQoniY9uXN2|HF30zHf&1T30n0_qqM{B(ZF0P8j9Atr64;`N$z`&ln{3G`*8>!i3Q!;6W9dLaT}K zs#j{te6SAQE~&%qcx39cii6;^L|nXWi0#iqT}$l;7u|Q5B!Zvq=NIiL2|Ic+F~^gc z@$K8`tCLnCwjK8(b96!zC0v!96=r5x-)gxRoW{#hR0lGVKbI@uLT>Y7tcWkYyz{~m zv!K?E(aATdRd4WYm{kdwFa;nTv+(!ogEsr;e_T3>wf0EhxJ1cO_3W}yORL@f=Z|Qdno05-TLiu5V#-O++c+c8b3Z8|ozyi(zy}4MKn9J%&I}{p znrzH|P`@uU^{bCV>BVG+pss&9L!qDKHEE$`Q!rA9Evuqm?K1(FK3{)aA;~Ub8FG>O z`TwB%V((lG#wAh}q-iJdTGB;VqGKzDt4P5aAEC9Yz3q?KTi-(AA7akIMx8tFq2)so zWUi0x3Dm3<#UaEtNA%*e;#Aa z)xhZb{ukHe(mvM7e2`L#0xb`+{GgOccFcD;nA((Af8Uwjve_N?e#65PMIzNF8Gp%% zLRn`kORCQ#?ikc<2CHJBiQKYEjSC(YQX*~R+BbwY!a3bS{_CGSE)IB**fg#$Hj{Ca z<{e_jcd_Tn}Lh?343h;*4R0Na? zicY2`G4eHKJwB1pLbQ7L+ZSZWuwT}j-)0yZev_D2e48Zs_Y{64=;^2a52~s$5#T(0 zmd}m2R)%2oRAK6Z&X)LZii~nGi;LJ%I(Sr5>5=85Z2O3ZzF7Y%ZMbg}SaVYw$oBJs z+baXp)dnaIs4qKSrX8h=y+!nBs5x6;@l78)+Jt{RSDz)=8^JQ~#Dxb-vkdSd(N5Vc z?c%1c%C~-%YE-RE__RWWR;pQR zo7(=}FRYMOi11#Nb^VP`*!TPwbnj!l8r1>ONK9@T;Bhz^gw^b5UaEf~##Z+6bo;Fd zP$|pl9<^BP*rAwBwul58Uc_^Naq6-ZE*rrW;xoeL$mLGvw45u=3j*nJ^GTpDx-Ud` z80nWQZ8G@jl%y>tqe7hUYig;Pic#@kNO{R$S3df^VSrUD&rvO|34gOkrdnd*9*~ig ziy$(Q;5+~Nwy63`Uyfrv50zTH3Q)F+KIg@U>BWnv){VX&^^N*gE?J3EBDAkq%iU8QO|(xY3lCImKTU zO~X(A3^_DPJ0p1}tvIAvY>R#&8JuT>Dh>Z3Nu#MVsz+yMAED)M=DhUAXFJrM%Rgx` zi@7Gx#|QgMhfg`q_7$2?7?VbOgBW=m3Qtv$n=eyy^vZ>R*ejm2oR^!x>sZP?r&_ z`>g2FQZIXe_X5DZg!UwN+ujl0i#Hs5S|)@l*&f z4rpzyzH%nZFFzDDrE_R*q0GZ*ii4bKyH$oIrw;@Hd}bjw-sX7S^L62YS*E{eJ968veV(tq z2&Hyu*D2+=FNBKxUSa;{(DdO(OC5DdQZrHOZ_etX8NTMJ&7PZdq3mD1joNV^YPz@s zHUjDN+_^@TFVl0S;CgPgSf*X2t-@DJttPdn?iwIc4=<)u;wcBcaTgPf+8SlJ6$TSX zH>fMJwaIn1t_(^ss){Rl`UTBoz<6|R{j5>~I=51IBRR4CuTh^BIy!z2P1TP5kC!BG1PUHEQT8Reg*VjC4*#%F4P>2DhU-gY4~iy~-jn;h|%9 zW3__pJElh34jg1i8^Lyx&q>Cz-sVS{iDC`j-N2j3FZs!7WJ%=ctuKt6RXwWww&DM> z!)Jc!GsUYi9LOs{fug1z8U|#wZJ8jx7Y^Rf$lCi0&i1Swvt57FK|HNK9hIeZFb&Mwq7n ztZju}UrRL=p3q!b;Vq@Zd(C%86+s%>jEp1cnJuGOwD1%O0sjwSVMr4UlaDIBKuY=mG=5+p<@Jp}0zfMs1VS3W-AAydX9L!=q z_4J-UJWx;vL+!$9(I~THWHDFGdmFf~H^;|8(T>06vERu;pXkP!hMZosW+aBaa8CK| zzENIiG`Jgm?#~3_V%1DJ+q=enlzscUDSN;=f@Fy2V2xDDnG+V`CwMs|UrEnpwQIHX zxqZCkc}^ZTdd@dR&Psv6f`zeG$Z}9|88ltq=uztOAx~anZev`SxI&sf6{G6( zhssuvt}=d+jQy7?i325Ny$>m(*f3XjO0GfgTRvFnPm+OkdNTS79zr~vjz7EO?d}@8 z-WQjL-hf(Q*n0Ur)P88u9TT$TWJh%jfyS)-$OqjsPgqmCct^HGMl8>fG8haCUH>h9 z462*7-IJ*oVY?P>}it#;MaiUVYs zhraFBw5wEzAG(!dH2EDLBE?L%Cow5eWsY2N>sY~nWq(F6T(+J5#>J*;zyaTyfrp%^ z?DBI}fRxPl+wVhLIKu#bVRsGEdp8FUEtqsc2QrC!0s@~V_CBAr@*DA|Okq_CWgGS+ z5NY$PPVIiguG z+HOxZlJMU6SACHrJA*G}U3R(QNB9funmce?HCL7$DuT4E`RAWIgpeI!ZeIpD zfMh5yIZZ!3KZsxtE%WUCi?ysv^tk~r$NX~nQ&qo%Tovr%zci*2Sh)X)55a^-u`*0T5L0_TpT9E?ZWH& zaeAR^G|>7)3!zmFFATnzBPzkBNY=+3Lguw4cDJPRuA0rR^w5qG*Tc4cQ$F^5+Us|z zL(yn)ZJP_EOR|*3ug5Gs;$oQ@xg=Ic2b4P#U@J- zK2t^}Iv9N*<{O?wl!1rkzah$8EfVebRIs(WvM=in!Ok|!;dAyW?@3#^FrkWBIUNkS z3Yc@T_dI8oi8i^M4^Pd?bZi}RNk>nM6p^wJM(b>8uCUKXwIBpB&DYK)RvgIyQo=2`EdAo+use3)0!`Kxez)5F6_k7pOPMVih1e>(U=o69B zRFE_-Aq^`9{HRF~vRSZO)4&sFci%Mlfx82k{+&n0IkQDkzsWVe3Y9}SDwN-TuKq+s z17wird|Jb`he{>{vlCOU&4&z;x5YLsr8^8go-Z7SRzX1$s$bAq!zPkqm?zbilnACF zjI#Ldf^+XhnV)H>ywecZ?i81fS)sZ?QE)Bh!TBu_)Q6sR&^Cp_fAK0X<(h3 z6u%?ql^yHC`(8|hl$xgOGq*nh&8?yCXYNw1b0Xw#CI|(U?Nbxb5U-ri;?ZIE2i6o2 zNULYHtZ7a{-Ns=M$f}14#)lzC@o#KoVg-$@-*6|kx@e0pH8t!G<595hP;;EUqw!k5 zif;N`{t1b=JPTvz5f;g!{EbZE$<3NPVA4_@^v#R0LQR7PBGk4?C#$Kiy-iXgTSrzB z;AJ;b8$I6jZ(Oemc{9|tK?4aDj80mX;m#pkw8zaRt*XJbw#Sv!c(w5I`z9CA&Kc8@ zon1747OV){n&GStIz7YvS&S{Vs@h=mdQ4zC+H;ByE8MpKm32aX)ca>^E#0K5dZp$4 z9MA+NZ>1FNhqwmwMCOgAr$uX=mNGI*c-dL+WMno_&<*WqB&0oM`xEmW7w4CX7S_pb zobH=Z#)we1|Ev_TLqQMRi>iJ*xeN*xyNJ0z%O-u_|LNa{4CnYX3I}nrpb_m_dWovw zV9(R$iVfEkEeoS%J9qfLE8D};Byz>|L>e8ZN_C|@W`45ci<>^d90XKG%U8{8BBOS~ z4TA#DE%^3oqa_I>zEi=f&;5e`d$%$FYquF}I#7JHijHQyZxks*+;;bi=3;5#KS|)e z2x0Ej`_ri`Jw!-o67gE4ZE}hl%E@oh2+ndaKYVZ=;?uy}I&qQ@%z*9s0G)W3SZj{91Q zBmJI$ERv*lJT7{El2{^GeD7e7ySm(Y{e{kZQNHS6SWvI(M!@4PqYU zbD7VWNk!IBPAKN0cYr9}6!lVF|CYe({L#=OB-Vj5ly)S9ew(RARLnE#c!U2YWws_& zvp3e19jt05xL*AVYJ57ApIN-r$C5;cg{<3_wkGl0Nn0F_S)krHi~u%PxZ{?+p{uip zbMTMY5X$)Zvp%S6KFkJ>`wKyW(-2%%dl1S3BmlPqi4iVXCDtXzNX7S1{HB5IJx_^ikDU`hgn!WSq7yK1aA6EbD76^3ijYbRF5Dxp*JUgh(|ZdM}6mq=Vq}q%|h1nR2Ykz)wWb;5=3(xAtqB*@Y_R_24^1e(t>)Uf z^{CTVVPx^_?^9MU{zB6GYM<>R8&th*==}E63>dcEXJ^EqCqUh>5XS8sAP;<$DkDn4FX z&1Tc6%<$-y!kGoUCdvvuek46l)*b!>X_5Ak5bPeZ_<(LQo|4|)N~j^%07J7SuCZDe z%NK0b)z5K`Qem#;>Pyn|_TJ)!zIannRnZBa)?=Wf*i3wYaQ{A6{1Layv$Y9(iUdn2 z5YT|^jPwx(I@DTIh>z6?g6R|H(D6u#T_Ax(_+mD){K^1^V*C!Yl{{>{T)`xa{i1c= z89FZ>H7qzKC6Y}olGM`KpYymy%G1OPkY;$dgC>#5yI6EP-ak`QH9U93eL={I+9BzD zq7KGY{sm>Mbd~YNFg;C)b4cY!nMO$bs)@^8ZFT*{QQ5oh(&1CQAEMY@M9N0W*p|n^ zTMyF#(b(t77|<%po*8?=Y3v{*rmunity}tPd#SfhE{7ELnJDkipq~G?3oBo~AV&k&o zuwhj0zAz1dKl3_9`XBIbuYz{fr`l$HbMnt|R3J8l>OqtO3nnO6HivJf>&g8xG}GxqnViWIU6HdGhspf^V9s z#RH8Q+|<@f*!2=CV^_@`o6ocSqPcTjWqy+&HFiBnUBQXx$1%GK)?gT4lI5?#(s;PH z#lU#)*X{{cnf`v5LXV#f{PU@`lT--s70Mj+9v+MFHYv$s`5VhpDOc=~=o^`VPv}l@b?DOG54`qZ!SF~+clBHshB3cMu_k$#z#@Kz z1`q!n?aUr6J>@=^WEpZOI~_=6ys9v|{dXl=Xj=|vJ|Y==MoMK?ylZZ#fDkx@Q2K7}sfiYdZPA@{nlbQ3@ZQ<)^{H>0Z!?1;2yQ6o$wjq4!fia|D z@j}nB^SHeO?O<7R)c8d0;ZXltVHEmoZGddgUV9K#xjH z5`5pUCe#79GNZ<#U-G+1;T+$^-~M-+l&l;>oizh&GHcS3qq>#hRjr(22g>xR* zQSe#ru`nRk-=IqdY=_FHe9fBMZ+l%NUsJMbA?K`*=9D=(`u;2_N1b24{F2OC>0KwfQXmEE4 zK?V}sf&_PWcinmS+wbi5o!@iL?Ww7%N4nZ^ov>OMvk?srANIRi;0ReE;WrMl5w~6; zEjd^lG3_KSH!|mO1qZUO5fBCrJUf zIeUIh4dF>d!ilRdcgCG4bN7I(&Q;sKDg`S@Z09w?$R{Nj^!?MkeI=d8>sc} zCQWj z?N&rg-_(&$wE7$Dr)^7S4kX$_-(5IfgE)8%1{q;IW;A0rl*IF@>yBTfXsVD(~ zt9sRHG?eABgf~Oria$~{end8rL%8$C8~P-qLF6el4}9$MD6ZuAv7&>WXKAXWp1Ay7 zjArLhQk?_H+q?Lfi2kMoeu@ny1z+{cr(SXDLac7ZZY{dTJ-n?`V zS?Yp<<{$zLxT5#;a0-d|;SxrIvP@7C_zx8l{%POm9Sqce_OzB0Yr#aCe2R?mn%s69 z+&L6!R3L0aY0~z`bf3`jd{2{54Ln5Mop}v2bh($EJydEJZQ-V`!vMs#gGLF7@n%$+Uo{J;R@#Ywb9ICL_h{X>Il&{2$eF;a%~hOU&An2;_P`4XzpUw}bBA@C z+^~v@mWP#c8>!i1MT!ne@JUyLLy8O&k49QI!OlP_JQvH$ooCdiB44j*7+!x(Iz(bk z*pXotYF=7Ci7L^OVgYFIHahy{Q#$TL-8BYOXNYUyP&luMGi+p655(XzfZer&yH#IH(*MgIpC;?rS*hK@NANASMCd|i48P}*mJ%pU`8!k3nG z`F=3GPMzxowEk{NJj`Ut;Cb?k@$oU<7ekS&e*0Fh^03%xE0=UG`5pZf*^JP~({i5X zlas?qM5>Fb>+4zN23`^iBFtE0hj*SIk+?nTJw-j#;8L7JoD~tF z>6&p)PMQ-A<)-Rr)hfV9c2?Txl|=Iai=#}wFcLVl3YJI6BSDr{Mp4D^;VR!H@zZ{W z!N>#NxBLK-l~E}{POZ=~MR^;W0!2drOyo@ zl)82Kw^liGXgyh#kjemH^^Owr5+mVfGh_8)LWkPFRM)+ZuYB(xbWXWl>DtZG`}%!9 z$B$B$cGS8_YdCe=uNys-j{h5gCCkNM5BavWO@GUh!+d>;5MGm^Jdxk^-T3YLkZ+xbkr`pxKQNezqt{#t$csx|O*+)OA7RU2|lRCk?F zGoSw~fj*G&4=>opHyt`%bI_^~BdGXbGifw6Bb?4oR7o5UqxCt6vlKv9?tT(?!AZ05 zUfTn>fL;w&-WKrq%d%NNPUG#f9STG<6|UC1ml+VZ_IjxD9K;dMY3*}!MdL8|6RPPj zD+j;{+*rC#d46`7{rXH!Rz(Li<&uc`I{uu0BX<4k#bR7x$#d(Oh-i7q`RP#+ko&69 zDpy;W(EG#QnC8Om4fyml<`ZX(2gBh|XNELBuxYI=2&5`xj%h_Y_zWr|`Mf6r5x3dO zt}BNP{LK%?A5le$XNwmlMQ=o5>3UE*Nx+rT(OvaEvp#-8lGsP+?Ivm$k=4vAx{lx$ z2Q1_mh<`IT6)vqh?0;|`*+?~uiw0!wnF+YBZS-w9+d*r8o)6#5l!>_K_@EVjY14^v zZkNG-?w1FwFQv$}iM$?ux_Nf_o$dWRSx&|mX=lChNzs7M ztW`GyqcQqIs2ysGc_&;NR%+|6T^xy_QZF8cIu;A1%5+&~fxX-tc!Q8|Rt6+pn5Yry zl^@O$PZ!HVt0V+~%!*$$@S?lY0~Igi3ihCQiyPEC=%%b7ZO%-@g@bg9}mY;|*z~hb>xHZ$L7&U*hTW&3bAx z&@AwQ4}eLZi{mcQ7vHM__W*>v&5+0gqCu}s-uM5CLKxXHh##1JyOSynw|SPX8NW$9L*$^6>JMLUknID-~6kEJ#g$ z$%|aoy_#~h>pOegPXoMPQ<7#ot9pyz)IX^$rtfR!Z`jeB=H!C*GMje7<_a0;C8 zasImq5B&ITT*tcb)sO0Lca8+>_AID0u_tl$ZNYUYCq`9upREIB7iS8qjW@`|B;^e% z{%bv>3ISOa4{KKk5j3JL#!R+w&r9vjm*s7?(?RAb#mUc3GALvR$3Hj8!ldh^*sqrm zSl3f+wJme7H4i3UFTXlonhm+gC98AU87U+!lleu|S&Un5O zXRP=2)%)Q~;-OZvp*=AzQ`;5YUVk{~b*Ikh9J%=+|gLGq{?Q2W7hwkW6V`*+UUSR)*v znJgy6zd0BojnghsC+P# zu?G>NQS9>6dI6opB>4D?gxWk_pca!xe~ux!(Cw@fz;9%_QjItJ!Vl>DII1=D_@*sY z&ZIly;fw}0b>2Eyz_WXJ`tm?`McNbu7H+Z;ugC6 zsQlcK)t}YTQ{A{2 z^}cYuH}Jli;_F(l9kc2sfR+ezioL8$0S0M-_viTHaBI<>qYVP5x0tt2@~ucfyWg36 zMfI==M#KZ>k=kq}^53r={TB`IWFpMA58wQI6>0XUA|RrCuGrT5_H+!GM3VNm^*Oc*Zkh%4D4xp{HB{exxwwLk7H=+8#zDS`2JS0OeBIy%VB*DZ!3 zuvS1-X1k_uuXnb%?M3-sjvYPYE{GzPnrd*?A75tk7!#dI8E8lm-h(gTaP!3%bIXx#d%)PgC^Zx2|m7SO& zz(xy}v8vBS+nOn)qACAF#9LswEbmiu(BAVVK&~y4Snc3#(HDA5u97 z7xavWcRg0MF2k|FadSC4pc~@a6dpMsj~Jk5ueYBuFQ${|B;w9?qn(raqM5J}a|7h@6}lTEXR2Ab0(|$rnULFs@n%wz>gy?$*qe9XnxrU&_zdhCIPXfu4XSURNTd8j4Bl= zWCVb=5;x2@6C#+^zmQ#(yh|hjY*T&_*F2qIVXdtGVt#SP+SR$(X6Z*$N^pu@F!_~&4pmMn|4aVS!K z)(b!(jiTJwBGqm&+;Q)jwSC!?R6_tt{lbRo(7@#bi=KXd`+A86-Io{pEU}jhX-VY=Ao=(x1xk}eDg{7)kc-Z(-{XFH9j>wfLcc`% zKPJBBB!SN;uQ~G&ff;{`Ux(alaP0)%ftO-g^~Y|EL&A7GYj~skTUxD;srUSL+?o{nJ4OKY6A|#QHZ2*Bs!X_ifs-!eI7Nx|OuulOp(wMRt zIwpIpjRaB=%J{&x`B6GDr*9^~0s~qtS82S|%sfrjEQ+KXH6jK?MdzC?TGe5Mw@TAx zw?$yc)r*i-{B*ePJafT@?B?hgEB11KNh%spbD={6dyg~3{m9jh_Ku7R##WN8Fvn4{?fN z6Z#=pa}#e^-P^ZZd^F>cQCj_AVP$SX0ua*t4bl+|Dp5P9F^uDatR<+r4iHt(#Kb1F zD?JqXgaU5QIpeDgYQyDazZiwPEf-UjPp{=MGmAB~=a)MGo%x?UPIdkSkUtC7(8lTW zAQC&!R*_?H?NAc=>_E!v0$+a8It%wFfWlKpiC#2#KP6@*?h8x6-I@j;5on+f3CRC^ zKJgWs*(+DPvc`C(YXLd$!ldlqgrIlYnwXzg3gGPG-r@Bkf{Tb$?RW;0YVwwQpiYmc z8u60HpZx$1HYsQ~>a)ztN)h7d;9OsCPRUJ+pKa1MGGxusx0-1U4#L}UAa$B_?b_KD z(CK*{8&;#&SWtq4L*>Ho!0$NZaRbM+7{R%Iqr7b7|A?HMTd@f}%>DUV&=p{@OYrW! zIn*L{L<)VN;q(rbhI%~t-D)CV@LD({n*M~t^ z)l5$Q@8W>K>l)uTklQfo0PPDhB*c*%Sh7?WbH9!q^6VAkLNHm~3A6fHfXBBMijlSJ zCG=Zs;Jg3Q_vo|(_paE+r9Dau)I1mM^dg9b&tqbO-0zY31TDS=3aSh>A<*73S^1Ll zh@Msf`KgYtiukj16o4=Oo+(N+m1xLONsJG8y#5UwS+#_IIS}b=^!2uHTJWK22}HRY zJdCKWxfbCAAPTg0I!p@6hwRjVhlpTSGHcf&PZyfMmctSkyWL+$a$!MJyx~TIGla+h z52mmGT!4CcUAxr3jrG9tUUDhh7>M)FSfD8$^tV?@*x#K30o`0FksNkc*P^ZV6?+5C;IH*=~PbgaL z>}bNl^M*Ti^tqBM73pT!(DOFArMVUDKr@;HgU(5;+lWEAig@?=6)Q{(5tw zrNzeMF;+8f~^4#hfMA%~8mXPSu3{jT=iM@#JW0zsbpT{APhO;khmh3QnyNR=xWU z&kDMWJq#()RFx_8HIXQ2LITX12HXEs0n7Oh;`?8PEybr^6QK<=!hYVcS9-GQMLY9&injl zqzGZ0^~q57b=DX70?lR=r+YcQ#vb9WT01kmb^LkvOdrtg6oWJ-UrAHrAI=QnM!+X`r)5BmgJ5d=RS4RjD z%W|)~n>Z=N`x*}<7wEFV3siTd^?F(V&a`Mij3HT#3qk3k4v!h*qet9f!=>Xr3P zVf88SblrlQ-1;lcr?Gbe!A@Kl_+$9TfWCi9A3Z{acjj zRG)w20m=QFr}gHNlj!PiMMtm`VersH01m97T{^`+cKM?a1-QK)?tzPCJQ|SX=pYnt zZP*O37wxEWK8J6=+cgEA?cjs8Ias{r2oP5y1a3eM;s*XE!}h1A<9+*|yYB8H9dGz@ ztRz4Uf2KsHy*PoT$XoLJkNaI+w~Gx5tX|JNw>3YXVi&O6QD?287DB~wOF8We;x9y* z?GfC_>vipJ5>!Z2A8`V~shIi_cmNeb)*lcJ&_Rk0!Z65b_t+*4P-*k=G~ch?PAUZE z6wnYNfW4x_*%tOw0K1_uihX?zxu3O z7pwd50X)v)RfM@l27pjjILVeO!G3^;3gF5y3R{u}_#b{YX6~qac!vj3U~#1?b7OYs z)mz{VoRS2R)IMwBd^S^z^+vE7`mlAs!xs_G}K)Ye7zenEf>#CNtN46yjL%R|n#Ij!c~y!RzX!Ph(I7Xgb)-anPl{94#p{icyj zFfmGXre6yT{eMgg1d6~cYX9$!fM5J1${lE6uMU1H1?Ag*ek=#2P+wHw!*k9{HTP6uLHF< zibd@kjAjQJStSKCX(jr9=4b#3Qo9ig^CZo?f3r2X=!60)&#%Y!&rdVW;`Zf!cXW^~ zg1`hMoUb$jie}-%i?~0(Y%j-&psn%0j)ZoP_n|^)kw*$L*X{>lG3~eiy(PeYW)d36 zj{Usl1VFnwUPW(Sep_`0bL?VX4$$O&IR7cjy!{ier!GuaUu?&%@EO4n0Ce6+)G~l- z@rNqZhm;6?Leq#l7k>duntm#b|2`8C4zwzH$he~2(IZtt=q%#@C9y2=%>irB9QqK( zQd@|+*c=61p0uvb);A<`%fmN>!vB(GVa=%%Kr^OWIX1TFYJWKy0Xj0+-1_J@)I2OA zqui3=5~@A7S+L!3j)Gt+0WaL8N5S$^RcANb*L^*cQ*>Rlf&!s`>6Eez2%cE^LLgWN zzx@!dOc$(oG-|yaQ-K|lMham0J8C*>kkkpN@qf?crUMdc2URJv+Ty&8PwUoVN67qw zkiN|`!?~s}#(CC@7a8OSg;5zs zfJR2r=vZ)$5hMftd8&6EAW`?=xcfF=SZP|qoO zc5d(oBXeh*a#kkX-)G^XTzeve&Djp|RXuq$I91I^nfOtMe`oeZ8mRnqt}dx3#BufY zVQsLn2duvuUO3S+d|Y$mNaS$j`Ej~<(c_0bQhz>4>7ai;Dh4=yCk`~IKZgTgEG@=o zm+#^jYt4)lofpb2_x|mN_E+QEl4dj8t1jyBeMK12QkYIRIDz5$^%lnh9o{aGpHs={ zAppQ^U&9bsJsi#YW!bn;8kl|yPfb#l`k_S1_U{Fe?~KVQDu~I! zg3umISC2RQH)j%?J)vwWTr4^O)Kjy0&>#Y8N?`VPS?hwGfP=JXkVLU?NE zN}jQ}RiBf%UoSC(Vt!g~TcL2TVhvbZ6+3^<8J%QHGBhC2?j9 z@_LTX>FUL=Q|!*iIo-YVVSA>BZoBMTdjzgY$h5SU)=Gm8mN(qaAxe5N9kMWC%lUXw6xh`jivBIC33 zaOcm4TReSqJl9456lenL7uOql8V*G1>VQ4amVVouJ~g8lW`t9^RF=AqxQ7z zx><+#{fb5;+L$vfFyZnyN7K!-oO z(nr_)0Dmg zK|00CboGRwAY!U+wmxsPH^ltm17&s}(dO@NB6wEMS!BPo`xZX{Rvk#Lrf_!2H*D$g zvLMKS%cmYXwaPHlLvzylJpxSVIF?by0{6m%Mq$EnIIT3Ers+0GQwJKa31a9Pd@b{w zfp`Bv!Q;%#^N+Db(%GJUN0mzSgxdH-A5=)pB|-zFHCqOvDu}Sq2^3=Hp1& z?5uxn2y&t$l7+5X{)N3X>)q@dF6So)c;xOx*E=3zbS!+nk!g?)!r_!?m7|eO9|f!XC~f_={o+n>_OQ+S zfq2Ni?CwCRAE*47R87VNblVYaFMX z&m|jFR(jlJS4nsQ_~ATKg!mucSyaNub}FkEKH``e$rv97|CCJ-?{L- z?!|3AuwF_Q8w6DYzbiTtxkjx2N5j*ETK|H|^DL|2g69NU)3M3wF2Dn|2Cf9`C^>hp zX9#5Z26}SC&=fF|u5$Kq`stzSG*Ca$L`3pUTb$BJpPnB4yP{3q zerjroqnN6_<4(=(jH{S{FYaEBWFZTp@&EJ9fYueEBd|t->RTVoPsHafOHS# z+@!1i5(O8j_)nh;t)J!0MnuV|q!6#0e`Q$QPhn~Fk);RuzcpaY<%fbBsL5`w;SXt* zi{pq{j@jzH_BLYhKhM=#Y3WM}6?=o{o&IMojm>NxX`L+9h1ahY+r5*HS=NtdYKwn< zge`(bTx0{jnoEG*PpeMCooOYLcbdTi=aZ!NoM6dd_usuhV#p*%{4yBIvIr z&H*>}*x=(cTh^gucS2G#x!48*RQWfoXn(NWe##z6n5V~oqQmtv*+y%nN9}XHSv`GU z^>QdnT5FP2KG?mEx6YiC>y(u>FBW60KbB>!fHUAdnL%fz)LSW=iXfpthf4^^=_*x$ zSoc)hWRUm(UuDO-_iask=5>VCf5XU!{SaBwXj5FSigbQQeTd;aG6dy$bv25{JMXE^ z{E#C-fS~qx?7T)_sfi~AO-3Mslbf$L-RQq91!n3Pa2*l~kh&m+HYC9PJV#6lLhL(! zZ~2((Dg#q&?L9cCb*Vr)6fR#WSc@hI2qCM#?*64u+KuE(vJ)mI(2yYhO+kxgQH~K4 zuz#dD{8@VY(hEG1qZYicR3OJlkfF8!nW%dnh)KRt;}={f9Z^BcG%q1W=@ zu2cAybvP)TXtjNun#PFzLOXW$xC~2_71qOPeg}2Z@6_`HVR{r#z~!K)Og%JOpnkw& zeCaZ!>$Q(J1og`~{n=ar(CL5ZV_>+pw1Lnfe-`<8w3&Gl+$YwLV z*OoqF7MnSOmyZ573`!3OJW=);Kp#eLkd7i}gvxsTD_xs71T@oO?Kp&pXU*EowQ zFy8~d&FY_T#E+sgbTDU!7a!$)z5ICU!^v)+3c#uBFQ>LI@w8V*AC@0IhhePt?pc;_?fFs|7HF6BYHtdH0SNAGXMgHVszd2_#82~2!^i;q7V2zf6 z^ZotRhTUA75{JG$rSRZoQ|iDE(I#Z@>~3>?vOI;zzW^T-rZ0fCSHa}LQKpS!8anFa zl|xt@RT8c^0SuZ)-7eiL$q=Sv&VLJfy{6D4ig+6?>DuWc%UgxWo3@jE^ea9%$y6aURpsw<=+KcanX zm&Ae(XC(*AeB!uiB*)UgT-^tmJlkbB+v97}SEBw&l3@VFSJ&-aC8G#Zys`B)d2Kxk zUpjPwhcEs^fH+1GOT+aU0)5aH(|O>_rL3mm!h*4um!8YZw^kE2(MXe@ALk0HIh@2y zurbU`oCcAnx>C2F?BIL2>Rk5M7N{WBf}qklyxCO&3v3Ka_%70xU2mM#$WJV2=#{JD$bEERjOl95=Xa9 z%4n(dJ`+)|KhKbmE-tKKB1C|~_SMwtl(8AhxUJoCW$H5-bDN%oe2C-j&9ercb(@Cx)S&cCg%gpmD{lZGgqbf?mz1)&)I zwW1}Y{T&22=ab4rW*Zz>nRruV52y^GJ+Rd%5Dq{^kH=CNb)r~1_%vx`NQM?unUM0p z$e+q@bE`4icP6B%?UCNF{|lFhT;JNY+WjXoamBfOUKYxK7?*B^={sre064OU z?q4R$z6=4uVL~R93$pS$d-8lrk66WAz*!DQ;e|={%w31i#{8W?Hd5kGP+wA4& zz||^c8KvW)CA50uLB`nI2$6|%Kxd&%A*0NIVcI^omfG#zn{4}RhA00UFC+(xC>w;$ zp?>{`>I!(O)aeT5mygHY)J4=3xS!Ms05hd;S31lD6q(jW14U9RVjKb@fJvK_i+-I= zlHZslVqMF$ugTmUpfZxIDiOtf4>&#d8?g=kP^U>qQF8|vW z%Mn_qV8k&|t7}Vc=`PPPoxfJD+ph52E|-1%Xt*w4kA+*1@~Z~4{vyagW$8aNeV8jo z`Qq5|^C=Gw#5DWq;V7t-8$koXQkw<^0-GY)Q28~NoHZnMKzG&((jAl@f5SQOaZ?!s zGu;4@3U6I}>@^oMC_l}+-+dRnMbcp7_h6&;zONU5YXQ&vlF>Cs<82*;&?>`hR~ypt z*nxd*T=(>2MxS*Bc%%MFCJICMCmNUM3ugs2WH~IleyS37H-ni^I=_LZM5Q~U)26&ujiaYB;{U~kI+C|_*6nzcf^QjO(*Bv&u%a29jg+GJ zc6#zbR{cGOe^_ecqzA$jiq6*Cu~lCiB1jjjaC%D&EThO<4;gb13*4&4mO$s8g&yey zrOTnyN5rDIWWrYU z`MMZL=sG)d5TA#9>5uZWKOBv55o#+7PZttt6Q|!g+QpG8uwa56Oq`$>Eq)ssvn`}g zhRg-xNMLVX;h_hfU+)1FxxkbnCdQ1TlfwV%_w8O^?YvHxdVjvY`Pi?$JN1L*V+ zOP;SY>B@alFE2*`pHo*HBXy_N`jy{CMg~ds4y6AcjgwJ-hlzWrkl9xzvZ{N$j^ii} zk1{(1=`YwgZ|{HiDITQ=GZ$3_SI>R}48u$>N)}32Bm=)?g2y+}`+Lxv1;n+HW}vGe zAiR%Alp-Q61KsOvZd=hZK(e>EazFsPGFFMLCRP5R>hpa{zc=(Pl6JV%>yr><+WkHX}z*xCm5hU%&#?7U@& zZ?Vh5V~hWlDlBFW=@UNXDj7WrXRARl`TpYqkMRp@0DF0~8HqCuA|12gd}J9djtH-Y z;DZ-EWCM>7U^in`RK8~t71eV3hEOsC2oEppyZO}05WO`4F`x`P3z}pKI3rr>%~AUB z*8KsG*}De`aTUeJ+whwH5H_kJ9v&sy(%>)$jWPg*I&%tyixl1S5rQA0>QVtbn=TZP zz>SfCzGP(CCsMO`c0_=ZUYq2Yd@$Y}M&3Fml<+!R8vFc%-OX&EP1JfZ5WGa;-^-Ay-ZG4HOU zvB4AnNPAt?XV9~9bm~fdBOYf5wweyFn1{wv#AZQMosAACD-&t%Eu6A=LPV9~7#5WfvB^W` z_yCW#=X@j}gdNt4ATcL%Fc%Hf_qS~soPO)|wcL;;5*Qs&=+Ah1%w^c$v|oqSmdJSx zO8bZLW6bJcsD1%VvMlp_oDlC6Kh=VT#?P>UPV;}(!Din9>ly^JZR@4Z#rco0QGkR* zWeKVTaf>yS9D?>w;lv9_*Oek7)!A=D zez0U>b%Ln?`Y;R5?UTJ{UhCXN4GMBEbOr$!J}g_&w#JSd*>pkIPh=EhN)>-YVuX`! zYq(PO`@NGLCUb#H02FICLu0O~s4v{%rVn(M^WJH6rtV=70E`y5PV1XmGe^<9%je7( zNQB?FWa4=yhtox$r~*0uQ)GHFB+0y^H@4Fg9gu#vGcxPAs;YleKg-Z*mv5_5%;BLw z9LcmiE6Li+%GO|p?uEha_RswPkY|@#{6Y??&SrGZM?3ip7qOpgULJqxmz*7sk%_xo z&1Z4DK$6J88H}j4_Vo@7`@B?0=_wq^9B_*Zz>* zAjXfTQRM7NfIU2$2`NHh!CrR58y@D+o;hB=Ws-PW1gc*sqSWc81_)( z=G_eH-K~|+?Huu>w$Kd4`9>f`l%eF37GVz6VW4_OnB9R8qkc*?UN0F<@4UU^p_ui? z{ZG&^TnF$(vwk$abxOhCA%D7$SbLcJ-bcBw(o7sx!am6X-h|p^8fiB`dS*S^6ueRx zz7&-y=4mo{lFaJ3HSdn4ATs<>_*;v|mEf8dr4wu>?EfzBu#Hb>S3`|1Scp41DMh8Sk%1^)NJA<82USveya` zpD)36Uj1AHDm`;NXww^*{4?=uIPE1)y>h3voy_NSr&GQP@@3OH&pvnizIS-+QqK@J z|6YxbfH_tx6L_jpJrcFX#F+NK9VmlFYEZ)y>wcdUuPwgoPTQ#yW6NEsSZ;dR^HA<4 z)evwPKFH8&4=hu6cPUtJddOk`n7 zO~QivZgj%+4RfBRRye}b@!rpNd~hX3inx&2uu4ExJzNL~17k5b7zV@T#d6_( zHc235sC~n>Fwuado=PXvg%%d)Tj9J9+rVLODWgZIY**3XyWjH2H^QJN$yx^8Spb}P z{7*N2JEctd+6Mq=KJ(;t^P{59fJCNRo}l>;KYmLV&&>?VUM0y6;3vVMn&aI^kSJ{c z!o|UxT2HQa43K)|m|M}j^Qhyg7!<{;>0B0LzY87`?ALR`um+>rosll@QIv)*)xNI3 zBxE7xkSF%5k@5F4#*4T&=>WzQH?w9wc7Jl+pCgh+cp%o%G1fm{k1{gKDN8i;f*ANn z6O!B;DwYp`EPN7wm5cAzNUHZ*D)1G%qEZatMLUgMATP-T^7Nc-#;7yH!MqY<-<~tN z?h7kW{yU7sF5l<6_3=9f>-$Fhhh}!EF#z0*H5a-9!?g7aqTaO;YZ|YhLfqg}3CeEw zarST!lo#{yhAvd@L=QnuEQ4j{dyF;O;_Qv;MrwOquEX}@(g;6pDnj^aXhmQCe$UcG zFn3PSRL5nVy`B*}cJo}1VnjCuGGbXz9rVVSSD1)_WnA+B=gO#Te~uMm3~on zpEZ)<0}pS5-XikMoeu}rfXc*H)sR*ED0gaN9X?QxgN-_gSyd-tXHPt*aX_+mvD-G6 z>Fw`Or5~AY|FGNYxc=eDilMVvX}{E~+NUs3`t95la)qOo?u?$IyS-rt%h?Yuuv%jB z)@}E0exFpMWa3A54G8HCsu?lraahm52WWke3?RUc46aC!^zrJSQH+(7R z?oMe9A0A`*V4DeJTVU|%JV)42$^@j_Sg;G@UiPCMR*+imf5VvQtZk#8SI-I5$*cZ`$~URTBvZ4= z9t`GaD&JHJogdP72T$@8Myt-4$;B~?7B>ncr9@~4!t(dt)(5$t?l>fgMz>=Si z6cUyxhwOD;(U9b9o4vSYIXAHKTxyOEo`2C{9QSW@QNv;Pq}yx$AD06;*RzO_l< zxhH*g-Sg0D0IlNywE8;E-uvmf+mkcPF@0EJKvR*83b$v9{orIVt}zD7+(FY!mYF%( z_tpZi*QNVtvMk3H73os(3mFpmDJZV_64B2QnyE-p|`w=Zr^*a7a8HXido zV|>pG1Et4@EqV*kqhy&YEG8y;g*drCRjJJnlqi5>H9MvU4axMbRRX2g@2%m@GAi_3 zWvPOxMz+`e?}n$wVrMx7z2f4$`Q{zr3}K}3QjQ-%bKqmn$KNs3D~&V;>#*sCjU5i_ zx`Zkivzec21TG?i2#k-v|5WLgoN_7nf&oHs#0D|>`L%%tEzIRR#B3)b`0bb+7OUHQ z0PCnjoHN~uG;3rfI2qYQTO-d~U6V%)_IBv-UH4}M6SsFPlwZ}q7%ls_YfeN=q5Ghv z@kqns4!Kz**)xe2893wp6@o-atb7^I(|kAMc@c{7AL%2L+;e)#f6e}O#9}>TbN7BL zMSsW-Qn!6=Pn+Vnqe#^oA5;Y7VPs(Jv!8bNU8sj}pO_Eb>LDg3OK9oW-)U#FJ_hKc zLRT^MKZwvZBCr}-V%`i|_DfjW_Z;ovBwwWPP{;F11t4s{n6c5T0V6_?wWzC^)Qf529VHi{clBJ0dQgMMSs9JCA z9?y9k^)0t0ji8qt8#ONzEb1hWzqF^BB1s@Pyh6&7B0W9KGXU0u~81Rz111^9}k z(XuJa3s_)rBVjk)A6pVB{N)+6hz{kaD)I1g8k(heCB-&2*Vo!dWZx|MTX?_v`yhZ9 z+~VU|&U@vU-P#40>w^2Q4q~(dalDEUf#mu&%a#*mlv$L|qfYgrCX_-#vv%Hxd$e1J zJ%iYq;dH>?s7K3&G%f{4Z39Qj5f(Vz$|-hWx{36&ekSDdBu9w0_q7ubI9U+7s7_%P zmo8^k&I=#*mc8=R$Fd)E3_WFnt0r^Waq7E)WiG)O4yWzM=6nAmAy1=Lw&eEj6>wW3 zW9~7d3eLPH*s%nVKM4v79NJsFYVhBnF&()KK zg0={m437w*MbOzSUQHHGqZl?AutyZoUhpWs{^{?Zlwn!wb@EH0iBow=Xp`F2m8_4P z-!WILaG2eZd!8AV54_o`L=b_oK+bkWCVZ+b|+&EI!}g}r>= z6dfRaE36l{;f8~(U&kf0qgFrVPZeaQMmt+u(uR!{Q~V$4Sx{6YAU&#|@h8v@TB`>rNJbqTuWtrF zlzg5=z=h%Ooqo2xE4V6S>_mGIn#wZI7YuiGv(WhR8 zN+IUc7QjA!L^gG-44E1gvsjXEWKgE)mQ5@g>WN;>zHQcDBh|Eh{Vl>Fa`ymfV&X`g z_WSTJI_7v5TbfkT(v#P}cj%6QwQ0dNF|*m+d6uw7u!n_E-fFmE(!WXi@tOkG@*M1C zRnY*}78dJ#gURgCfg;@V8J~zlCso_5P~cuTZahbCgjb?qNFF3H6h9QdoOZ|Y4E66)(0KbhxOtUo5%#d!e-}SCcwgHv zNoLO8rxzX4tC!UzfZqQR8k+PrUMzsY8H!r&nS&76A8=5jj={wdw9ej}e0k)*1G|@= z%OaOY{Q@;?a7U{aGD&4WfRG$&PEC(KI2D(g%RwTW5zL%RM;}4&tnx{njZ{SRy`RbL zn#=Ny%p&bzJ#!91aFNWe#T*Oy2pAz@e<3-upEvFOb(B-*$7fFB6VHSY3H?q5{mvuK z)5p_xeM6}=Hl7ZSv$Wgimdmf%+eRI*tF*QYE z5u><&R{VJ^YkPA*KN_HdSH@5C@6+j{7F_MuufdE}KMD-ar#1=1v-3*}-6s;qhNX75 zd!|^`QY6+d7mTXhJZr2^364989OvK_Gv{h;4H)4As}Cz4Ud>%+n-y;?DzX{>RUo6S zOv6?EH4@^DLvO(**Hj%{6dni4QRmdvK}bU$Y^(X~gK)(v0c}8YsW$nJV8( zdGXHjgQL~v4+kyZIY{i?38o9?zI>00=tho>z?bv9O*_fCkNjqe@*9Ob=IdfHuZ!#7 zT;KoV>Meuf>Vj_JGq}5ZaCdity9U?b5FCQTpb75o9^BnSaDqF*f?II6JI{UZ_uZ;H zv#Vy;ob#)z&pzF&*XouIyh?d9NJZs&3|s0HHzI>C=el)hc1_En|F|XFsd#U;8`Ci~Q$xq-gTQBh`10)3fx!Pz0O2BMBD-m!5&3A&#^N zbAlDD8|mClXLx?OF+X>B(q4Zdo)8Tq^;1!vjfUpZ$tTTI*y!LKjA_NvuOED?ZZM=r z&E@uX`XWZ>D?)`Dt$Z(V&GmJ3#Xn((nLTc1goIjXlk7gJ_EJmC+!0|e&hhTsFsW;} ze*+>M3VV8Auw1?Q^oW$wE}>Qd_F}y?F#$n?-(;m};wOro$U*o>W3-Lca(4~EdR9zD z0E`nG0elhS!r;csN${+*vLH(ZaYykUkV7N`kP({y_j83dc#ES;km_GcxN_{7(qIGiDlS9fZ`g!H^q^ZZSxQ3-25xU4F6$1i(a)atD z>oqlePC#rc<2{BDk)9p6nFhpta0aI>nTw!cs??3q$8?SAwU&Q=;* zC6X!xwD^CP?`B6@T3x=mdzQD*_&n2y81OqQ;4tgf8sX(u;CGK`_hy9>(>mX|1jE)m z{_9oUaL*EZxyJ7X1Y3$}oje54M_SoCFZy)_He6TOL78pwHUe|q-aNCKP< z2IWJliXs%`$0%nUaG|`sZRFP)J>JOTe>0FDVFGo^{ZPNaJL$Ev<9p`&e#z}UUq&S+ z>o1Gsb;LeE=ef2jd3`>PnzDx%H;2!&8@U$5oZVGXq2Obte0FB`G@lUa6Ci=6P+?PY z+wbBPiopG;fL`Pfzn8GVD*PUzeBvlJPs9eNW)`bO93r3k4SOM`f1`U%1k&;X$;K)p zT8}c*R2hoG>>~m@K!#t+VRUYdx<`aJoAH1wO4nA{2jzU)|65gCgnwbN^!<mm7pi}!=w0vUjczOmr7#AMxVa*pF=lRhRHL}#p1Pr$7lHUR88>w>=8 z`_4FF8tAPA4$A-$l$`J@R~q>Pyx|(F$hFWI%BYimtF6zWJ$C99ru*nj-41=mCeZm8 zn`E)`PJcVXc0pI-cmPy#UR>7k+d^E8#w1x++8^NmTk zfqA+!0ZC9H8;IY=A+F2TMK-^eY;d>IDr5?usC9J{#;UnT^ z3kYKZmD8tfhA)@Woq!gx_oOO4W;EFfP*+!Ld2vb%dzqj4H&+}`L(Wsk5q0oQ zuS)nw$F!kivWw*#0ipg0Ti%R}Z;@pIfZF1M6Qo5$%iPUDy1v2)mAH~!f;tR+883+9 zJE_><1cK!?&WM#62yBUk>;<2^*x#9F^Mg971#PzZdPp`l>pD2NIitJkZID;GYkH=loMm;K{=5H~{OS~;fQ!B~mA z$rku2gU{&?KOZG0)s*MdV{9O89D3i3S@^YKPcBrO`FEgoI3 zmQbxuX4o zMnZc`0N&aXwxrEwm!YyUXJ0XWm~>_)XNX_z)r->aYQYn~+OqPe9bDouh;_wU6oEHK zCqeK(dFYbnQ25EGbSdNhx;7E^?PJU07AGeWYbtC#JlegmZYE~izgkfg(}7k)8PkQj zZ3C*M?EyeR16l}Mwm)dg&@@qhHZmjQ3QHS2UmNZ+-oIrX+xV=Q&Wo!`wwx_o zrx&I7GM1iVVmkZquU`Adr5eZ$FPcBZZ7a$m7MKy zaWSvUbD&k`Kd&&$3#%6Mb{h5k?~*4jd?lh?tPZlIHg~LoNcK9?+dglZ@T-8L2KToA z+MyHoTh|)b>KWnLB3-cX2OMI~fvFfrlsvO-E@pP-rqEfckBV}+8WYKouZD$KF=a&4 zjelvWDQiUE5tbyblGxOR^dU3e$>9Mv)F&U$SV07DOqfB*lr*HOLr;vmhv%O11^995^hYnP4uMESOfbmM|6Rnxy_;&BXOLvZr0lT zWzxiX<5v&8&W`+&opcLknN*TZ9ljo?+~9wIlHUqK1L=dx^#D$?`&@F|bq8UR{cU!D zzQoU`Q2ieL7Zqub+_x#uzmYt`g~yUS_>|6C;f<{KzGcbH&E_+W2V#B+!x{XXRIwA$ ze||JoXW@w?x75H&Au}5C`EH^%)7`9M`&@neaeH`NB}PYF!Vwi=q!cx|DS$lHbfcu0 zs|zq-@Czh=x%(FAE_zY4q-T$8@1R##Eln|bOQ;Bg;!j&XMcw=+Um2L+wswPO(q(=b z4CtfG2@Rxe)X)*>7WQ{TTDR2r`5VZS26ayTY2BL%Gn`|s;cO8m>VBT^A3VES^V75}RmTa9s^fk{QSmyX(hGmD6pEdYE zLzzvMFFU&WU4JSlqHHx8uH?hwFJ-Y3JMQt}P>IwuJ!7lKcJB09IgSRJn-md#xk-F~ zdX@R8FGIFrxvnj|8gG3IDAxYB_IO*jYAMkAF zC>`_<@q31i{hk#Yjmi>FzWuH%Z!2%hD|^vDzN#H7_y0|4`W@0Spyu=kXsC~nAjmS- zywubpx4dGa2;4t9)ScSZ7gc-LWzXho6-8K80e)t(xFiUC7`gWC(fbp?%`im1UUzlZ zmQK7A=SZ(teDNr1*?2OZm&_wahy_%?`;maq-cQNV=Cg)Pr} zcrZI+nY+?biWvH|eNphFs;T#?*v_iu@w;yJzN0tme7f*;fKFVGnKOXW!Y@^_19HwQ z1;{xhJ3Rl~#AeB5Oq_&iU3vuIjbM5U6HtQ$TL@D6nLFOCDMgRt;-2J9FJi6sb9%p! zaj0}ibktNkEv>FK{X^Bi5C7#ss;^1)sjeN>d#xv^Q|cvE?j;pL{_1s{EtNA$S~AaS zh`S1WrNnAc`F)-$u?iN0aIr+xN`ZS`+G$h3*}F@*(;2OgFqiZVTJ3LCJ)I7?9#OqtFv-O< z)^ydpa>2}O@naZ$)bv0tQ_clc`>rI8>x8L!G=$G=k#j7D945V&^h`ud3fZP&$|yYr z1IK8z8x)6S)mC?Y3m0D(2#^ux{yf@cqT}ly6GO6z@=L-YITgPYn1E%Vr_X{?8>vl6 z=kw$zLZt3f8cb4%Vq&RDk9a!w^)2#%E?;fqcE=J#L~H*o_F@1ZAlMy&m`CfEY4in4 z+-wU>I;QUR>mZyFg+4umC>>dkvr=I@5sKBY%^5Nd7a9M5HiKC>ki(0>W{o#Z6PrI1 zhy2y4xBH5={Rhl{J0nirK5abbLD*En%+fgN<|Frj7!tCi0dr;=W-;p^0QgHX!(Zrf z-o{Ru$PD^i-fCDTt;F(qOo>H&woTX#GfSwx-R&Q#LXMtjgI}obAIHmVVkPc)BzP@; z@oZ>{IP0(G)4rBNTqL(BvL9%URxem?gVLU=5@t@-cJCj*X>`?mWq=0&{T;JO@ zEM~4y>PfD@FaX)tvDzCOM4Kx_E4=|%&L_Lu+UArTSFtSRSuHvZn$<=A7qo0`oZnve z>v~T%QyUdFgQss2FJdBU=#t)MV0WRI(T3!HeL;JCJ4^Tcd8MN3zMfhVJw#004V`f4 zWAfQwt;b!V$GyUEYAfQyc%#?irjWv@zL(4>N*@Zd4*~u-gmCI=2Q@`~h)w?VJB4pl zn&#oxw}3{AI&d}fRwS|^ixvSUyX>iW`)@ZE*cH%M-$yl&0-IQw&J4td%1TWyaTGI| zZ4+sRYmsA3@KJg_ykxwfh4pHs&o1t4w}p7x|5=-CD&pnm%O;blL#n5ETD1Jk-5ryp zsrXf1I#=`_7zzjN__AeXn$$?xNaEm}mcFZx04Ga^U*tr;mH_mXE9+Gf+f^`rWC*M) zeEzOwyeLfuLxpg2SOfMaaPT~ZFpNSO*+ntu>-@9UQe1c|r(6hgNL3x)bz?CMM6DpO zQ8k=(tCgek;8DT>SVVLcAS+-^c%ZY5kfs+|Tm9IJgVv3{>i@fy2o=@;V4@+w6Lc?f znb4;uozhf+ml`*9sq1i(8rr9J><{5ywXOdjFPcdgzK0{1v%eknQW`R6X3+S+dwq8T z8qrdq!D39HKz!fRV>;bw=9%H8nmJYGK7ewUUs_po+~x{(%1w7RXT)?W_M#fi(CZvL zCclZT3|c#ZbF3{QZh^)y$1cd#^M2Fl;=(yc=|73s=t*Lx$j&1qyD$Kunaism0=$0a z&I5dKDT7`HFQ>A6%e;_htiYD>FbPgEtnIf;-KA}b1krV%5m&9}lk>NW{yA$H*7`mg znW^rEUkuDp!Z?2mrY~Y9-luxoTsvF$_X@^Zo6nz+Q75qJrW9hfw>+3>^b}N_YW3n_ zLa>DilpLI_FL4@^&#e#k|9vq!HW)K%+VdK_GJBolnpK-sD{j99Ym-CXbk*6JeX?)= zBsVt7Q}}ENKZI-ukX1UYCvKhPJdJGn|M)+~t3ld-oZ+VX#BROom%Aobi!ahTo>L0P ziPjh|2T`RXFhC70$1FnDxeq}j+Av$9MZ0Tp#{up`Nlyn{RBuN2ZmgQ6JydGU?X&RC@bfI^Ex8_YbDFAc@~ zm?s#Ew$A*`G4<)o*p;;ftOf6z*Z>lJ+4`iB&}4`!Clp}_-iH0}<} zpTtn);fDd)*mDM>km(x!x}SH<$f5mT)^W@xe4AZ!HH1r=+IGvEb;K*Lk9Ko&(7RnP zB7(mfko~MyYs-#L{3cmgt&R*^)rfz}E9f#g*I;n?>+YXMZB7aoCh+#A+r`4)VSw-H zcppRYvS&VN_P6!)d$UchEuv{|mCuJ5TL1&T#lF@EXKqfd;td}EX`>Yuj6mq4SrkcE zJhZ%zYQA&=5q7Re_;B|oH%w-G#?HT=uTl}uFY?*3v$rLin;LmRTA|DSJqWBdfU`Uo zvgynV&VOO&n)4B?xeYSs-cwRU8Qhf zk5?It!mJa2Nkk404-xURqn$TWS*bpRJ1p>S&U5s+mVRmf;DY#R&;T8JT8%{8E#3Kg z1MfI0eJv{#+4kN~F7l9t(;fLy>|oiXWOkij9ecmRonpSMzizlWJ%0Poz<(Fv{~(1i zg@4BPt`}7v-7I#CqrtRG&u`Z4gzA`6gLz)O+c}@_M{jcqVyKx9&s@nMC{yo zmjl#Iay4$Gr{nd!S*$DjPJz5!T!$eE60S8hE`g?SH*w*FJ8nKT&?)%2l;6^7Q!#f{ z_*|R+Ez%jJ*H+vYtj=l=^kr7^$0ONU#e?FJBY?X05UqF)5a1(4lrWflWX!@HFd2A* z4AqCJy500&Y8bHZ#Dp~am4ofqula{(w85-xaKx5K)UPTN_q)BZmr z;3r$$0~Ml)ZxZ|T(=WpDdW8x15FqhFY4RO8h1D?k?Uo(9EV${j;J}t>P*fCC>j66K zU05RdlU}vQgI`EMVC&V52Bw_P;aRyZ%QorKmlRPg-1C-h9LM%`LPZPPShfl0S1fqX zP5n9t#ps%1$%)wa73bh78WWW6e;+fzCy%FKHsAPI$#vIK87xHw)KPz~-iiow$U?#Z z%GtaMOk|3f4XGxLVKAz0ryNn{yKLyW@LQ#`L%s`>r6@6e0C#!87#mdbR>SutYIku^ z2rMg>>3}uN@CqG{z{$E)CU!QFQ6&Y2ixAXG$3=Yp>31DS{0bJP9}yj!EWB|ws5gn|XifGkGz+6c-ytMy{(=KTF=C-1#%P$$Sm{d+?iE^d!&%{1!(83WgsjG5$M zE#QYZDg@P1*qKi69_hX8i8}w{g(9UVFp@dTQA~5I_Hl=io1cl{_fb`=h|pM!N%qOclQd0b!1 zOc)=eh{TL?(Cd6b_Fg%7))FfY*h9)frOWpR_YR4tEo9QXq(dRdb}8zhds>D;9NR4 z#Rk~Tp8607tdG$HA|tRV?ip7UM&l(C3v9Ztr}|me@y;{z&U6N>_MBsuO|iUY<#~5= zo&SM0-DTfOdTDT4S6A#Y!U9sRirU>%?8qOb1q{}|En z`T4y!|Mg9L*E~<8>(O)FG-wY<@#l~=*h`oT^H)S_Nz-)E;bdWBqbUv^!W~~A1DJk;^ZZ9zA#n%*RqTdG-tf)aYse(VsIi2KXM7eh|hW?PBK)vMyzw@ZJj(}$^1tZ zYlfO%Z)u)?IP0O0%!@b!Izpl;#DlyPK+{FXSLlMEs`r#pb*^F#%+H8<2~d3qQ(ak3 zeo(?zv+i08upqg(p+vl@3Ehm7(C=lQ>Yo)R7n$!hA1B7A5#4fL_Ygkm;utCi!HTc7 zJpS!Ap?BPT$U%n**RYpX5O(_M6iszG}brbU2dpn(fKMF$linCZ0^-?eAFNdt*k4-W{X{wlBOJpIlj8cTS zyFbj_83qSvFV;!tKgXHOe|A42J^HoYV`AI%kH7BMU+>j$mE(UTqEZ9jt$uoCRLbavLRS^R9XjxTQwgU~{spkl%x>Y;x+)A6)y}F&*Pt3(u;eoK!p&alDKV za*_&?3TY)KBJrgV$dl5=bdHbg?oOo|mjP6AY2nMScdj?&TfduJbx*xEpkP2;`0?&> z^(N+9)aJ4Gg_F@>e~NhheP{AXy%)%DW2RV%3+m%;@BksSc_b#kp6J_FfqCnEPVLT& zAeqBl>9L-l%!A5ZGyL^09D@yIAw@780!uqre zn>DRv>5}{uOq6{eNMjPMH(cFEd`I&MESYdpmu=-kqD)wS<*|HlGo_QYm`D9ozKZ|| zm*4!@lE?j*uub+@V!8r7ce{S>Hufxmg>hxNpJ^Zhe zTD%oDl*pPne{3i)UhlE=NNQ}1Nm8C**U`>xScOwo@2aoWdxfrhwZ!0O9)Ec%I~&AN zVPk+ZLxlssvGFD<$^BIu__E2mJ=d(m_FXRbFW*`x*J7wtR5F}qLxbwdAq*fgi*uyK zoSHmQU!Va23CK`>o)0K@K1PrMoVjY0X$=_OOEJJrOk>2hcvH&9@v-GGi-waVw!623 z*RRngj8$+>yd7|zGh$!tDOqi}_wVVP)^SlUkCc_*n1P;gp8@&p_eHkUxkKrGp`V~b z^$VP)hoAd(tT8jz|MK@F^|Ic>O-0;xD(+?7<6 z>Q{+Qu5if^fUVLi6fMTk_~qrk2^u3BeUhKhWR^hHmWGULJ#~|)&c~sfgc+l?cb_kN zF?ukktDuN|?_aw3sM}_jlSJooBtR6i8iNH--D~YIS-ZoMxpG*9R`t{)99pdi>L4GL ztH9ad>W$kSe6mqcI+Kl|ElPH|l6L!rt+pDu7ds7(vfdl00vbX&kS`bE>fpHvUb+H_ zGycM*lcVAJ7%(H@s<1RrkYr+-;U>X<9;0OQ_NNsM>btA$-3ZIpK_qGNy0jH?ib03! z2~{clZ8HhQYAn8hvddsE2AC5rQlKqi9AB6l9rszUEbIPGI+j# zztPVE4nh2|?LH35DbV+xL1lJI1Nc14PILY)Ua>b`0M_`Lj~z#S4L7mNP?0^oMY3dfj{wHQ7)zl)egoO=gaV-9*Tc;PH|jID{5*nM2i= z>|Rt;^&>0PwzrukB08K#UF<)jdcO6-R^+Ciir*)k6%4?rhLZun9H{0*6Iuo1sT_^$ zlkjJu>CLdbKQ%6VXRo!a~W}WQMQGY59KVEy*J%NUmv>Q%fPG(QoP{G z$LGkTdDo+J+k4%;XU~-~!Xyd3ntW&dqv1aqP`p%IDAm@nr$A~<>s0NM?wgIZ=YepI zt=anvHG*_t1#P?+QcA2ae3q)N&1Fs9xaA#xPwJVOBKWm9518^ zm_S+*%v`;3;v^X*BKeY50)M3d%p1Zj7!_tS4ecKkm6Lr}gh5@`Qek(Mg|gc& zY)PDTcny_C8u=P8{U-kHZ8O@~x)2|WllY>bd9^h=Fm3rzQb`a}1H?O$8r3>a&hgxVOTwiQwUXH3&KIzvrb*%NgK$l_py&c$e)S8vhQoH5*-q z9HA!~CZ^N7XVr?_RDK`G>}Li?e%xOr-(TUluOD|pi5n8i87?KX)r8QML=QK<(mDRf zXe$`vv-(8IVMFz4;N~!~u<$2-822o9q_aJG6;{AW*1Pr}n@Ys0E)Hbr3K|PoZSLba zBpdr+eEKqGwJY~dU9yQ+#m4C~HXprccNx!88^5Onb0qrb_#?VlGei_>7#bEp!Cb+7 z)^y_@JvOsIpX|CZdHvGeVqNV0218MT<0AAgqVz{lJduPY_i=(tamid_q0)6#9?CHG z@V>yeuH8t%y(h|@=2CJ(V@RBx%(a($m3W;qtS#`gyQ0bYC>9q!(g3a1=HO@-b;Z0d zy6)x-dL&NNm{7`Nqbh8I>3Mz0?eXgN7nr|FhrPRA`CWY;KsA%S=&F$|@qvX>d_>4t ztB#nlAHky99j}GHoLb;K%qYcKJ}7efemTMSCG56)QQ>dj7#9@pA`)BOrTvvAc9>=4 zze~DjGNA^>J417|)RmWCqp3UEueN%D`cU7yPS}qGlN-Wi{|mh@uVsmQy*2W_mlt3H z6Fa1DeL>skBLM%!{mAbz`<=?kkn#|0j6IEu=^i17 z*ggz@`EAKOF8Uv%O&3JI^YX(t&_tAZ^}W2V_sn15HL!$J@egAeZW&39zJ6&ej(L0} zbAOS%DDIACJ(JTO`9HrFy*%4ltFDQrrLt%10cAD~Q#lT7;Sw*#vlAvXjD)$Qv?GsG zjjySBMl??@gNm<{vMtl#ImIc#i$Rnq(hBhsI5zLn1{5f!YkIq}Q3Xw|z(^(XFO5!nnJWyNQ+ zvUd54awJIF)^lDH{|6hScA%_cT)uw!9;=UAfw(&$7+8P%_!OXOFu*b(vIGx0tlenZ z&Xa+FSZZU(-UI)J>^>%}wV;w(Q73a+JkUV*b+F~(Fs1A*JUkWwcA04Q>WJb|>H3C^ zU0<$Zl|8168^Xgu6aT)TbPKchG!87UkqQfeDAbp}JJ;>G$yPEDvV1H5jRLj~t{)7z zDdY38V`+Au_3??C5-TL$6o3QQI(>8Oqx!^&C<$*$ZcLou>!=nDT=X#EqD`U{-5ugS zbSqX39uvbs`pGu*2u>aF#ELzsMYPqGiMrWi%jj&R!_Du8hKKreN&Ya+O4yHD1km`EPNd-)ym{F zwj;BJ1${HG<+NW?Q4cZH`dB|_{0mtv+`J&#gGS*JSFif}_hf&?(r85`Mn3KSblb); zLsHlQ{Ckbq#o4a#>QiwG9VLJw9SaVA`ua=S*G?Ey#+oFXd8!XA>b~R7H@7mt8|brq z)bF8`0uTj++81wO6WPcu#Qv>MGZ!O7fjF(3pHX&jX%K0E26jKF+t4pgjE&V3LS_KC zyY{5-G>R65K z{E>jaS;WoYg$0p~fz_LPqt?qQW?*;W!eG!u@hCD3<(vBd%yARUBvY?SUt1X0cOR#Uy~<*|)QQLs~s zBti9^%G}3x71pIioulurZ??Yeb^|RW)n8>G7?w@~W}O)xg$3zY4g-k zd+Up2%OwO(n293;O+VS*zXhalw5IW}aT=Emkh|>^@rEwIIbat{jrC{RaH% zZi~N7V5rhdQy-d2>JUfs7QYM zxg+OPzZ)y$rzw!QT|wcWXf~vY0;qnfg$eOjiQAxv^>Rhpx?Ax~LP&*O98?6NdzjYi zPkhL}SS!m@;y(OA0IP7+aFl}^H`lV4Q!k7bLGEw&2ZM!J@YxXG$zGc0<~f5h^}f|5 z{(Pno$jk9Y?i9_34Nhov+J&yT92V9Z4}SM@A8dfz2Yc)b11^7~@1-)C7kdN$K;4|j zX`LTfw_}Qmvb!ig&!*|k*JFE#cr-as0Vg+)uIu03Hq$L{P@sPZ!gzq)gHB12}i+pAXaIUPjYr7>I?&Gk!Rhp zf~~&N!$`U%K7uYzFX%KDTS*5ycA7J*hdVi%GDSfDjEC#acnK#kKmvf})K`sZIjtoW zH0u1AaSNyQNc-*uzy4YK8VMQIG?)6<*HIMR^k#VdjgNNWhTGfyL0GO7=xfNo$<7yN z{a!fnxkqEAi0{Bpp~qms2bz_E9sh|;NF$yf*b))*^Dei(*oA_+iV8V_L4U?u2RYFNpB z%cZS0I;7@33^{3j2+PC+-rd)=-;avZb7zQ-ajh+Ch4r-eBMZ6j6GXpfypNgLsKC!; z9H_aIMAkmKMvL5vZ8hxl%}#(rcI08B;iU+@A(a#zP<<`>_p z@O)ll-CqS2|3MqM-m=DZ00e!c=}!fiHCw86WleLnuC6*i2;qvJcw+;D^hU-Tm^hG9 zDtSt}2ovMUsFSw`z7S z6Nyu(wjfj8FLM1Vl-00G*l&k&<4b(cyzaj(H~eC_@*rW$fofvoEC|`xt@yrE+0n2k`>hQI>!SZEv`t_dV^eN!hDiANSbu3 z30tcmoK2NT%B>PfZmA2^R;H2Z)1;mNnRd^RndXYq~jiKwvfMFX~tmPOJ4txLMh7T;+(!7t7>zBME-Vf9-B~wmZ1R z!4qF>^E_2FsLB(jvjP=KdgODo1x4?!@!3-2NQk&c78WB7QW2;TP`%gs*XEk1B5DlkcNTYY)6<6b31 z5PjqXGOF&TY&pE>VZfQhi8-jbd@{qEvl|!PWcC&~!1ZHY3DYX+=Z}xRrN9Um{uqmo z4m8qU0zT|{Z;$DQe>@+b9&+?C8<$kmV^OWmI4?Djag9JbgEjS z`@d=caOQ^PIO$etwOhC0PJ251pcxb-N3yGUii9o?FVWd;i4VV;WTQLCjT9>}qvJx9yMqpCWhovF8IDRW7L56lWp2Y!%v7}&6L1+s^5)``|8(?_{Dm6Q3u+ zzwB_DUsb|*s*piTq{4q?@&7@pon2D4WRQ|& z5kdhbkAHK>-NFd^qvtad5jsWvN zgYwRii2V*!fb9c6RJzYMjXK&hcSsV^<;1n*f+ThAyBE?01WhZ>XGh=dZ1ZP0fG_?` za56=*b}VePEqqXi=@BYjC5>+@8#FbACNwZL7(l&+%Z+YPsgupm!~_2J0rdRsX1&G5 zU>lV1f@6D#i-?SI|6aTQC?Un9Oukj1Hn7CcTm*skuOsveNjv^Ta zkpcgU$$VmL76sTci~t0O1yj%z3e&eUdvkJ$ZPuesTe9&(8koPNr@Q@&D#UvO&FpI= z;LeeqR>EjEs;mE1L+gQ=PbI^?v;sm$DsegRA4bw&l==rItUCS!BDRXZj;Nr8Rj|VN zsrO*OsGL^OmJl@$2L0xcG*46% zLafthHU^S>t4Bk8E=s9LRb#b07Vi^8(wy$g>{3LdPy?SRfve}bf=@(5hz!AS_s^hT zohQ*mCd#!8JV?1Y0Q0C=`Z+5u?OW24(`9iQH03 zJ2jsq5sayoBKyslEe#AZjFtg3u(9HJYZ%#d(o+wMU^wKol3TG21iwGLXjF{_>tVow zvtg2>DkERfbD3@Qu-l=nmOEEzC(yZ0c`CAS=rbhh-usiF^Nd-d7MYQXmJ<%xGy;~! z2!jkm??^l`f|DP;?_lU;`vibSj`WI!<}YrE-Q7V&ck@VjpJEj_n<9#xa0}k@(a&Ss6Aj0x!1a)0Kb8WYXpKDY~2_ zG3luCm>oo18dsq#+)gl9_6#WtXx@_;;+k)0Q4B5j7=78SVM6y%He{2yh%Njl{aZh+ zVX>sp;dFxBz4RC+%2l-d5-~^hkXgPS_3umGzq}PnOYsr#@?{$K5SVP8!sJ~yXK}G( z)r}G6+9zX4=#|{@`0-wJd!STI_#gStW#9X_Zcme1s=5D<3lR7oxJr0b5z+d%vemXI z_5m9)L+-(+>~XnjH~Gho&OiGeR}(H(D1}S@(w4fQ`?Jr+Yo~f$w}aZ`<>ncvR6f=Ed5( zbfw7P^Nq`r$viyn{~mdr!St~LZb#U~KE_zw>16G*C~Syr6m!J(Iz1s_!xD_vOwyIe zH4>6w%Q!4Mhcq zS)>b1khub;DSkb)_(u-S#EGgd%^u(4tDMWvX`L_bihQXlnQk{@r!+bd?9Z(eK-jQy zig%Bi#R!6Q?13|apjJ;BWoNmT`9|j+oI0cbW|Jk3w4jxQt6WGigr+S=$xop{XIJtw zc`vKMPY@CI>6T>}+e7Kd&{oNIqErNDJXz5FG^|+Dv93#AMLoKGhqZ#(ev7Q}>ifHj zS^GKK#;BkDTM_dVPV5g0mRn)Uz|x75C3pGateKl4m2H3sq ze@n@sqsW_w%b@?*CI1IIeHFa-c!ylcRp}?Sh5&YwqRC8Ec$Z#v=UjW}+tPr;BtsMD zz*tJI11<^>f%2Sc5(E@vGCn55Vr$gfTs_SX?LcpLOf zQt4n6Rsmw`5{eKq(N7C$uA`Rk0<#gC~rR`vcT_5_Hfq)B`evY78e}5fZU{T6c`Q#-E-2H~#mH3x<(Ey+AGBfjGk{5VVLIR)1 zFmP5Qp|33GtoLx3#jqIg_&R9v;o#^1a;zzmE*yMvbE;$kUHSD-3lNyg%)D9o2aeV9 z4_6JKBpFtPEa1iQ4BSv5cwc~|mdtGQ6W^6KCvD17C%-VY%X&-#v^?b+bkpKg8eh#g zrPqQ_pqb%3Z_@deF4LfwB~QPuNDDqn%gm&OMR!hqqrpjlK{KV*x+MyYz(+0ds;OhvFK?J?#vVfOnL>) zk=L$W1uZllt-_*zqucCp`%?S2Q7H-&C`a@U_VgDDFRImg@~E0cK7E>=PURx4H#)Iu zxzZvPPJ$7S+nRlE?>$MX9747+;JX!_ru4AE0w(?1W`u?^ja!7R;j7<*6w-3ee3$F7 zO{>1th_$zXyjfGj1%m0 zJF7BrnJp>;KJTlKSSDHg??Ttt&E~*2Wuzc*?*puUXgzyLa(XrIsfQ6Q+|+tE|}h`Fox$ z>Gcq?aM*>hQtS83wIYK#A}rD`asIO8o(_*)agNH{QKYCS9{{6;x5uvDSSr0DYhkV% zw&D9DZj&k3k~u1P6hNdzLP!dIJKOLz315Q4MCl5?!;i=X3?`FNR_p@PB?K68W-jIA ztDq=XRITzmS2GM)XG4XfoJ4}ndpruCM zHoGKLS*!ey+3!oW-9Jk|#bMto3GJ;MR{q~;zrM?v3Kr>7%<;M5dT&!WPzW6JB&kiC8<*UnpS$znucSa%gcz6d71Pbyd6iRnW($)@G53Q(W)X--=a z0LEvSw)SL!0ZzvM`gW%NK$!}qvJmbvO8DF^@S2&$8|UbF76Y8t@AdF*2~dFn=Mc)} zx^kuU3=irUbGMaAs^Qm?Q(u|{qwlnUX>miwYcvC8U9=$y6_9mjXnU{|@BI_HYdkLO4f3fZ4#4# zGjwUHHOvhX@kfB9c%AI5Sf4N(f+zAy?&3iaJPasoYLJrZczF`9FS_eO`j7`1g0yup za(?s@!+mdu-2qP=x4%HJFK8(+YaiflNN|6YD-;<6$17UImq~YnK zOIs6f(_b1)cQwEk(L-wl03h*+GEpxy&rE%7c&i($Kzy!b&b6jJHplz!;&05#p6~Y9 z$cOwsDX&`(CvX7-A2UOUykY>CI&<&n3fGmjyJrZy=Vue-hR^EqO!yi?ZVQ@fVHcN2 zP0Q?0lP!T}*ZJ)BcaYfb^-d5Um&XTlji#WQ0+v%Ec3bP>TEk__nGRA&pP^pyw+G)J zQ{(B?-NGd!_77#HNm=a?5fCEyLy1zvh1`9^{X|SS+VtSZ@nx={q0pZF1^<$wa_Ynf zvSmnrs^i%Qm)O(|aBDXyEASEIS}}5$^R4*ci23h>s30or)mHzwV!NvWAC4&dTNR@r z$|GD<5D5yn-k&50GL8*+73W||!Or?acb!ee;QaUY#Cb!*mUxPk!FGRlt*JWEm;5~V zC0Yvj;Ri(^w(k3b%lSlmhSDfRPXbQ!S>^1p05@6qydJk(^oF`?%b}V+1-K3&cW=15u|B@*F+7TU)N&)sV&uEW;5s(nJB zEE!U6;3fdI;%WNv9i~KR&rdLb6dpEr-qN?6PHQ|A{&L3;B`sDhsgnk>3keX?L~Yii z5mjAOs@V>R5x$A+8U%ys`4VYdskX<1lK1LfpFq&~zxJ^fg$+ zY5H0lb#j4am50fW7%2(3?a9#St+}I z9v1_Rs9|+lfW4lb1C}73w7!hG89|r>ww|plzvB}Lz)ps601>|kwh5%I;-%?hdGWH7 z;dfXG5#@i=y#1sL`=2V(z)DtNb%zBMD%t%X>V{_77V4_|wIMCbSk z!8S1@VjUttGs$@)C;Bo!lYH{#q?|n1nA>osYfBHeZdaG|iBdmt^41gx@gKPdI=ic> z?z~ZqlXE0pf?5}~M1&(K{i%iOKR%M3GC&y2gW4ivkM(hjO_p7UM`0NNB!68)QPut& z>aU@R7ovU5^>bmI!FZe!T~8;G6nseeJ_IEw!byoOo8VfC(FN8OqDa1efSp2(D4_A@ zW_O!T9E+BCpabBk1dxpKf0dZ#cW9#qBhZYze5`<*Foo6264n>wu*9W$x=y)gU7zu) zEpw%mbxusU+wj5f9A;nMM;XRFXP9BOT1>c>q3hcpmcYxJMv~^~@;vZ3733UlVq8PQ zDsvG7__3v`SOtF8_Tb%5{MXMgg(*#!o)!(PaD4XyYgc&WwZ5k_#QBs&DdA1z9VG}T zV#8C@fcE>IJ7=-=Dx%Fo9<6A@V91u^=fY=uW7SmM`r55KAK$Fq1PjOx)Cp3A*TKk% zSk;vTiS&6p*NU@q3@9c1HzLd?eJ_25eumC5X)C8mp%e%4xWk{{f|V=KzL` z-pHPln;<1ae?Ke&>c=M|qcWy+lf!~e!maTQ$?btgp>sLDKR)e8!M5iSug&#c_M}np z-I;kM6!eN3b&|V#@fEMVu7JTU*uFmDKjD({kEE~|+u`|dC}Gzx1|!WoPZ^&$^mJ+1 zj=_}!{LKS=(h^Q|9BHuWNY>Y2rMG0CfCEq{WGZc4{?)-tWgSts*5BRbO&CWA)bO2q6!yQ0wrOvvyoFWYW_R= zb9kC-x$o*jy=C5BTMH}Dbi7Ttk-Fw&tfFGo912dJ^$e*o*8#{ydbn{+jz z;lJnBA5OhTWx5(RPPC%;2<0llX+Hab>Am={ZBDLzRd{6a37lU57}~2NNg`$go?F9- zkO`-NYSPjMBGZBTb~jzV7VQiuC_7}kmpuP|&S+}x(cVY_`z*~_Dw8oaL*86XDP@B0 zU>T_Zr0HRvq*l4T^&}Ya*T1ZQmLMhs7UZV zCEhj-b(HiZE5ze<}@}$T$rfvzkx3Uc-ow5e^56tS`^(Y z)4s)O;S_Q8&O#B^h9qM^NoA@#ps;cg#sE&8_x2F}!&Ybf3qls&!!5C*)Q*Np*bND$ zLg|K&K8veeD_i?qRSuL1ETCseyqpoNN0Jgj9USG(MUByD;twDx+1D3U95`W=!1=0$ zAiV>)5X6`=OMwKno&*ZaC*TLeQ6S2J@?Y=sjYA2U%i^Pt@RS3aa_Y?r*SbY+Qud46 zMYxw{z(oZND|F2J#KF79x(M9zmTrXGX-#At=Lv^}O5L*p#E}7mxl<66m)sNknQt#f z^>{sRJRo=P(uPojt8*JR!B8;o1xjKWJ~)*BA3MP8C)gN}W3~RVy3}Dfl`k>-aHfoa za`O-|XJ4(B{ANhBy8sd&8o>IyASzRCSO$~+(UjTVh*8{sDIm_9aVh5T$Gs9wcE5!A z1NUjIH@P-msGk!IO?0Ny(u+Qu=DV|e6L5CR>u0jTRCe;TwsN$#sz-zHCS}q&4D#lb&lcq%m14b-R1rTOQNC+wG z=X5yIxL-fJ-pSUZhM+mrsk;+nE!6$qo%hNB%8u=wR6nyP>(dT!!RZh0wzU2*6_gdX z^XxD1(kjehA1FYrpLppe#PJEZ$oL3T*ySaSnn&+vNo_eeJfsS5$;SQ=dJ`I0W8Q0? zYHD;nqQFe;NKjWCLF#E&;e{Eb2T-mz?lg*dmrA1>&*Qz2p-tTe^~oAq7WU#K65+`( zPCbCe0!%PWmy_Ye=^Km2X$BSihH3FwT}cLsDS6Wm=52Y=4w2%AX|rOu30q6WDe6== zUELsDVGf*(1;_?-c0!EmPb5cJRsQKo+9)#taxq)?BRU>}BQmK>w)&QaC3&f^{ll85 zw&Z+C#Cvk7%5-eKQFDxo)+Tum2~=G+Ix4W)2hnH~(M7EU zRt!=JH4OU1%W+KDP0UEFe8y>*<3S~;V~HXKmrk)S`ll@x(JC4)l=rF5>%lHVGUoVE z+R;4~!`d=6ZRHCMjZHd7q0T?%jYhKHrqQf*zUY>E1k=%s+zb`ICO*ClX^h5t(N>W( zAaOG_-18dlZ9J7*7>ix8$|T{+8*zqA>_^C{wO!8FJYTn4;V!rOqa;|dsfI(r04$sK z=M4;Y;w_G6uIX^_hN=xf{Dd+5!C$AhAbV}b zC;NU9(x%#MpUsp{-Fabp`ks-dOzHNkoZ){2 zLS%3YndKzaD4qlWr732tyF2E>S@UMIeVCuc_rmrwz#5yAc)kAtBJe}akdXfD><3HC zP<-V`^saW>fjHdX_Ie&2qcgMo&2f5A5GxEmM1+Dt1H#mO6Z+{`+-#IVxQ=X*0i$bBgKD+CJn8cJ&$nz!-ImrPvQyq9Ls zVTN;@cOmW`*~&||>~!aeiC!l#ZZ)bB6dNC;T#u8girW_zbsRmOIm&W5+l~-ycu1yN zOpg90Z=}{tJ#D6$$d&WP0DNg{?`8Wnx5Ud?WaOIyP_Dz~;C>(h5E{_o$`u&Ney7$k zr^HKja_`&*diPOqU((axr@w0fm^69?)n~`AE|2{D{dwr`X9l+{V4aWNv6PDl-z+ML*v;=y_t~rG;KITlQBV2 zuRC?GdYNKYij}i_(6m)2@SGlBW`}lfPL(aH=+A!=g^!%@!}|HW+c?8^CD%q{s&57TrNE{@q|Gp)Ts3CR;N6uk^XQd8L!U-S=I+VI_0|Gn7V2ExtkJ>Au*qph4ww=Kl~*XLbK z-~7-ST_*4umI-nR2x7|BA@{XvrUQH}lnl|jOPUXsp#dqX-HpWF?ZattMF$5xHG6}T z$fCxarkq9#a(Ny@I1>Z$s!Cd0eme6TBnLkRS0YDqBAEo zflxKH3>i(eO|(svf~;Tq{J_cvnG+FoZEHbB=!CcJNcEiP<1@z-h6f6Qr5PhlM8Kic z8VCqD6fItjZM)T$%0?Mga*&DETvm3YOp3%%87zyhmUL%P{7T%hToEd? z>RUho=b4tBPK@bZ!2GoI``hlScw7~{ZEn-V<|4OxOswID`*wHLSAZD|K1+vAn`$gv zU;=Y^nBAzNL+az*7FrI=%Uqapz`=nR4Xrbu{j+xqyxv(iw_#$gJ!R_n>Ea|jTm>F$ zDrIbjzuQ+WT_VO6`p=)FRQJo}l^P!+=JN}zv#n_gOpFXDVc6>2y?G5!H9TBR%W@5E z^#bIm%R{X&H=c}@D`e^!rrG-)b_Vs~`=0M}LEyncx{KUf|7`A1pvCq6_SpNa)cfu^ z-B8#1`ze*@yACJZ3P3P`iC`rr&`aeJf4;D%B?2Fmal;n5oUFrBer%lT>%AHzfE4!mornOd2AN!`BN$ zu-{ES%8)DCnQ5t)vX2h<3zLLA@hIgf>p&pfkI+Vj=s!#LuSfgJkURkU)JUxj1~+G1 zzCkA19h~(5Q&1SW+LmlU#nEywvo$pwUml(Y&|cYRX!n{4Lgd-c0EG_Pqvi)1i$Rd% zX6pNSl!muR#DQb=+^o+91_BJ5B@*M!)^@}D`spPCy4MViB;D)&U)yoYRj34r<*!PV ze8)T38am;{$VxMV{G@2FZ#f#3&E&{RJIh2dI za{|atcr{9uKf2w77mg~m3lkM-shf{oW4eyU-h|;|O#~4s87Pa43Gg>#vssK_+ymeJ z=T4(5q>8TtP^p??XnRxjLe5#Ze`svz)sy-dWu^@7Y^0pra>!=rQ)GoZAN;+ynnQXL zOLbUTcVH}eHONKJ53qK+YI;NXJtLbZ11H~C?Q2p~q}fV`gC|4h;?ipay7KFsm7JzV z4|$QPBt(&6qVv3$yVPQ+@XxXdSjNi;`wdr|dCzt7k|PKp6?%|ovmJp!YY}O{8hqLE z$|~c+D$THJ$av1$F@QsAK>AYQBiDW0?TY)^?F>{KWTDlQQxJ{S7L>u)jEO7YOq3jlSzEwJ~e>vq1Semxo$ zt;MTe1A)}_BoQ$25XGDLIR1@{PE>;#_M!8Wi~E7`{n)4oB19x z<*CGHc)1-c$oM_v@D*w1_!;zeGj=k4TmilPx8S%~5!$oy4=%OPoT%0`J=yLLi~J?(Tf%QIllLv7vTtY=3KpF`p2 zY;rFPF?0s!S#6fR+UhmE_2-cgiP#_PYt>l2ehv|P)JK=8Aas(+g#etQZu>hc0OCQh z3k8a?_X}sBzJGlEmrXsoh?;55vKur{uM7e-&DT@P?IM2r=W zpWR`Jl7*ig_P9L1>3JV9b{#bov@&VGUL=|jfgb~UG+VnureH6e)%7lgyH&^3XNPib zJh#K;ZDDU&H{(l;KIyCecs*-;+4`>}`s7X$$CK@^%4;i@E2m|(Q=UZ+&B>KapQY1T&Oq=M3}KWS z&8`RRv44~4vk7fIvHCG=|4g6t=pasoLg^FUw5zi=;BxV_~_J@%gg60l>@|yf(SxhJ~*R`Et z0H9Z%-tY*9bFJ+^u`jVUM#4DQ#(^k@J${;6-wyP1z<{eP4lG6diMy9)vq`*HN%a*P z711miBxi2W(3hYIi`RgnS(W{tY^}qzxu7s8IG&_if?J%i*v0 zGaM5QuhSoHw}1i?N)c{Cea2X+GsWONYR>n2>eX!BQ?cde2%KzbHBwk@)YMa}51$*K z{iotQ_cwBioTIlnyNfx8i#dXaZi)Y`2*(-T>kcsK@`r_k)VHf`x2UqGPTTFnBqi=6 zJjtocTIl||Ul>$$3p1oqm6YoHZ8?BcGGD((&xVm&f6e?Ppe7fKTe>xRC$L4yVt-ReWMBo6Lw)kg_YmVPl8u z-8bHsZ}Y2-&Re{9Ad05>tUsvy{Huk`UZw@+lo-W(kyfmv#m

?~VrT>pV;&h78~z z?_Wvfi`NT+*&fxbv=+hS$kwzdE#_nqqT zWPY#j z2*FZJ3VwAIdGlIQyT7sBxIL=Qr6>XYbZ=}= z_nt9A91nSg5eL^?6fI#03Y#W6z#!B!KAb%>*4EG(m?nZ^05J; zzo&DpCYoT5ZQ@Kj<$4=Lf#@!>=R&1OAoJKJxjoDRV|)oX#2PicFj;Gxx`@jeC5EIscd5%7TiVS3&w ziAX=QITQFjK)_7Zw>w&z4A zYi;Am?b+6~ABgo2eYOUcio(U8A$PMqzjhAA&Y=#kh+WN0-W9A=&f~x9nd!vyfRKt zGd3UBbI;dP69_Cfjuq8i3{O@w1lJJXG?bUwWz5C{PG>iy0A|aNKc+T2I^fj`SBU2qJb? zLT9n%bv7Xw1kA`pFTr_%ZT7z_a$1%TO)_yHpF%xKHRRTzJG#UHLCo-o%_4C|#gV`8 z3WOmznz#elg2&IOm!0r@;J_~m@KWHv7NkwxLu+@GzwRMcu#wDRn|;|p^4QX0v$3WD zA()8Jg7+Jfe*yFD!MMcpbx*puuCLpXo`g+jz&=b{5TK&J&kNK!@+_7&K1ha3#8Ok5 z&9wByAi$1v%>Vq`{3O1%emGp-)Tn%<%vY_h1gde0hVN|dc$pCQ<~)U|7~^afUTEl) z8!$)mQP)B07YZ5P_#`IlN<8QJ;(paPnBI`wZwD9fedM2eeRN z*UPV|Gk=N(iNUB&H<7u;xsFY+a~Vk(14tDLHo;X=XLFlXw*f8!S(WL4^eP=og;lGZ zS;FCHs|b<@+ZwOf!Bacs-%6r-AjyW!FbcmCD zW+M$7;aP_i{xBfO!7fmL zUQf(F9AHgyFjCa?3UW7|s(D zGyo2+XcJjWLiL_>a{A?ma9_BkWQ?14O`|Cgkk}BA8H>S2q0tP+7Hl2? zo>t8Z-15lcy?Y~oUExUhcq6mec>Co-1&mJ^n(~c3koX@)MsPs$am2hRx$>sEp)Je( zC(LgKuDgx7d}RJxfM`6W;%Ta1zdxA8cNY&m4gjXu$W`#y8@}$A zc{rX1jdx`%*Udf^Y0+CtO0_0(pc}kmX~C3qa`wjZb(9-$?y|bvMZ&-0B5O<9|EP+u zYEBZ$8**Hiy6DTYe8QDr=0Uw#_vJuuGa>D{0Rz|6suAmP@h_0+KCM`JeBozpp_y}v zZ&=g)GK(|YEdgW! zoEaeIr|#}b(z2ju&t*Nxn!?$6dZpIe`vigM5%7!qn#tdoVr&A``0>8QyrR)rz=-Xr zd`<=O03se?U$T4&4p!cY^Dp-i5_4(x+@kUi4!LD6xfs^?Zg2prfl;NoOaf`@*)5eP zdzmE~wk21p4;gc*S@~)Vc(S495xib7GuYSdt0ck^-A()N`3=Oo9&S~I#zyd(lR zzA`87cTI)z@YnkN*;{0jm~@&Ae5yVZs&ZzAC2dsUL{eZ?y51phJx@l83cbv6C z#oY93*?WIyPomXDp)T-&U#TnmrC9bu`SWvG_q$!wRH8bk$cFrg`aHWCj-U+JD^pda zwr)+^PfU7~fAO?gO2|2YT*`$A4iLb@Uv*x&s5?8~Mt)g6AFDb&&5uK&h;bRL3KoMU z%!%SW%ygx8bn~)j<@{T;Y-p)mF?yjcFA1$cjRKu+92;g5j_~at_!qbUz!$8C26zA6 zF)cS$Yx9TeWC90TEs88)AUq%yL`k76zUJZ^^wvp&l5$xihlnlMKacz1CECyaMwc<( zeka6bGRe++zH|RLh=FBDz`{LlGzmHUb1g%v!Yum$Bzus5+!Sagz?4Z*wNz_mrc7OD z1_dU2NuE~6%Hq&9f7SGqb1dYhzkF&(Cqp!J7Vh@Mj`5`-o5!3KTEw1dU8c1&YJkYZ zTu)(egu+EdSDfHKhkbKB3vFHUlLFccz{8}9V3mN|a4IexiyN2~+-P{_Dr!B0T{kWj?_3)){g)a-CqO-Hdz zkAvcv+og}inm8MpoXwtEVaFK$KEZ9Dcs;lNYU6ryBDD3CP|}K*6)XFM;-Y)Lx;?{m zW|G2NX?9|%R_J_XI>@a^uU(Lfo3r}OMf77Zkp)=6tXq4xDm)=<+YT|G84Q~m3n=}P zx1G3;&ezIK)IZw8y=L^=973u8g+(|{R-Q>B4|wb|Xe1mjSaWWJTKOiPL|^HeS3N+i{UynUc72fhZ=n|_8s_V*N4Gh%RJ>kLeKK*p#VSp&%_UTt~+Oiz@zzD6!s zD=D%sD7`EDP73_@=R)Z4W45C}wiE{|Z0{N}1vQXeVm#fCzXK64L5)vpSTDUzyg-oR zM#tN&GR;fy*=+E)(4YnYp9aZp89R2OA)&nncJ83X z&A>QelT{1m-d2-ba?FXg5CpnWbv2Jo=EY)qt2RG%{ql!L1_woCUWEB#6t9;QptQ*^8ZBUQyl#YRoX-K>i!vi7?DGQllx;b2<)m2@Wv@|Y75JHvR#yL7Oq zCfE`rqE$kF;gt&A^l}C+P!A<|WduRO+HJDGAZ};-% z2fu<;qyZN1Q_8u4n@o^>HajJBtX@j3#PLz1OG|aFb!Ml* z%2WnrNY`lYw${-Y&6I61NNxWm2eFYgK1r8ix7czCT26aC11=-5r zA>Lcnao|}?ee3Ix%i|aWO4ZFtT484t6TClN0lVAJKXM~bNEIS?v($gaLzZBFKJBNz zw#(G1sSnCknXqlb!GFDSe|h~!RFGByJs#J_CwN&kdcJ|`qYw~?Y?I9q0=;it#btK{ zM+(sOxCBaWeV`edELq(w<=3)WMP`ytaw%{??rMEb7SoJUZVlQceBeCX$m~`=*rE`K zqsW^N$Vsx&1M8iJCTvhp(D)cC=3o$NcmQhHsvl#owRz2Uy0vEbs}(R?XAYDDXDiaF zo^D`l0ur6OnQ(!BnOE4SX%u5YDku;r)&fZh1~*Aw%>6|%8lwB-ul1C*IvV^h*tLuy zxF&yP13)O)TM3Joq2U$32P6F$jBFv`;xnBi3Hgv|(5k6GmzIlyVn#=;W*)Ar+pGZL zrCz_CcK1rIsAmq#`BZ9O?EEc-?AIb4e6%lZxleJZ$E>ad- zEEX$2j!So1YQyJJaNA4~8{YCSC5xZDxML9-aPjVYsu=o;&P?>WlN}z)+bQTjN9NT^ zog~{|bcse}#LT#!UW!z?TD3`T35QjYt9-pt^G#uB)fH(00SYG~STrG6zIZrvTf3t`IJW*#gnuQ!lhGe(X_&M*&Hn~f*Llg2euNBQjVh>v$+4Q`9b>@OJJiaSZ zB7kLp;tXFvv9zJ+rOUqsdh=|unU3aNB^#GfRyFbGc*r!fSDFx7fr&$?1ab!b#HeBP zeZfR2Zr9*SDoy1inHr}`fuQzEj%6fh^@a`@8C$KFN-)V!vNYluOj7pl4sB^Je{Nud z5B4fDu~?=oK`(>ejd9(O7pvJJu8nbPgUy~&?I#epJl^^nJA70a)p(`?*hNJWKTt$F zRxOb#!otx--rSyl`PpPmU}A37@sLYU4h>wDNE?JTKL6BPGBQ=}7cCl@4Kgud~CPa89S6qo#M7ABWBr;<8Byt z)=?QS^04dbVkV!m++ii;8~%z@fJZn#G^%#c9rlWpXSd#5RBPj}uG+f@j1mhMk!MDY z2I4Q(NhktawhpxvZG{Kk<+spxJ{wb@e&;7qJZnYyh<64!Si&(hQf;|?SAoyj!+y?E z1CqX8VYuRH7(T;Yam8Hy6zf3&)mhrtVL(?%qae~A*L zX9gNA|9nyay9F`EWv%Aa$hYTiphL!nA;Hu!G7Q0pJA@whra&12xw*)Lb3#X=Ie_;x zbH9lmeFQlxEr*nQR)EZ&??CM}FMH#uInCrS~KE=7q49JrUw1E-ZP4)l7W=isFR2vo-=W`ra-Fg}OSQ4DHR zm8Xnrb+jA$wmk`*JOA*xA7=$EGDl>H?P8+a3#y<%Y~w(c3-S)c$Yu}_Gy$Xg5BPTN ze;#)uZAD~C=Vwa+WvyB!{lrfK3V1sddAo2qqU=Z$ij*9$g2{TA?;A`yAlNo}^iAd= z6~H^NSYJGCL}7Gu9&>^@WpgI;td|`XhyXNx6?TMYlILG}oXo9ft)rR%6(u_XqvQ=1 zIwOELSPCXAxG$#V$DodG2|Yuk#*$k*CP?qVL=tF<8b2l=23VK|SO64y01VO+SV72? zcB^=Jc^(s+1t?o_r<+|Wj1;ki3YsAT&IP2DzMy%lPX^{_;cvjkt|vJt5u{!KG$|%v z?sg9JqbxEqT~d!QWHlKK@dAakWH!&65J_-PTski7F}E?(zLFG5C|DzyKd850AE0MB zcOR-wevO%0PnFI653NVqJ&sl)35*b10f|iOfFR`yb*?XDMHCcXnV#UO5OmG!-^$A8 zHMtX!VvpN{siADQGB`UzVA0!g?dhSFS}1{vWt>pFjn_XustBd^I;pQEvw6-&@RI)j zVDd8Bv?ngZ)wrE4BuSDbttWT2OyPzK1#wQRrs)mREWFUei>g&(G6gOXR-;dxxw1&n zyay&7_#%`Y;54UMO zs|oew5R`=Ni%Jbc!@=|w>f@T(!Q2mG)tKRz$`{{%YajN|zdJ)*1PkUC9+!Shscz1^ zI11@HWpEuHt`Xc5{E@Jv6&F(_aAG;tDy#lKptXYYs?VP2NDPOx?_=hfY?X=@fB^1- zsM004?_;l$IbY|?)@{EL`8qXfZnlJGYS(uC*uOJj>3?J)0&iI`^(1)jwR}Xv9lqO= zntevc-|y`ZM~;0JDb9A=p9#}(oCz~X1xz1daUPLU8tA9+JJcx1z;aVz`vKtcsh!dS za>vo53|P@m_$QFRgAxdrUCe=XMn$_>gh&_%+G)LR!N?{Dwz>%=#J>#*@)j{$Z5CLG z5Cz2jd}n4XMx>yC@am}dReBkd3@XOHXc~MIq&F8ORcn%==6LrD4wDwGiU@?8Cg;F` zF9vdYHYBBekCU4lHau-|HKFm3__QqCkI?(*-q^Xl{&IT#ee*hJs<1Yy(>1&kE?NTo zjX@+4cJ!7}ktSc|Q-KC0*%u#@aBx^`QOVDbZ*4ZN<9lUzk4JbkRhgz2_OL_>Cr(Bi z4C}htZEIST!H>XjBbl(#EZ23 z>Tk_Y+xo*8&7Q(uN7G_iiE)X4CDFlP6m$yuL>z&>7p2SQdUHM6*_3cC4uyBu{NpI$ zE&1VEl}nf@2;7e7-FEZ_5!{L6XR#52{fRX6sWHr7P9JV?3fh+sU;j14vvjC7EU5-|gox1v>Q?KvE z&18SXpGn-wmV7Ku&pZRg+mta~)h?$rjfASs9tx-b460fYJKg;Yf173gJ`ca^~L>l7R5lY96-t#^Hm1(VKQ0+%)$bvEl&4 z(0~bJBR1-LR}O9xu^=PfYhKR@&$pEO6CFF{%Ta&rJmzPkq0;^3uipQ<@288@iR@AQ znF2mVe-z_f?QI(ly9!$}SU58Fu|%Zuud@v#JzHTGL6~eh2hf|;i*f(lDJDCRwa;cU zf5`J?Zly&5zSUwkGb)k2FHHb<`bK>gaf9u(!ev>1vGI1lsn%O{zMFpq&ZfH^iiLNT zXXbFT0%Yh{=x8Nw#uSv|$qDdh>CguibngrH<<(VncJCd$phzy-4$$!fp5opn{6~eHw!KV z!kXFJ*ZCt(A)R9_{bDswTjXTZYyrr@b<&q3AVU3~nvSwbB>nW!(Gjp`&6#+-B+8&} zkVR>c#r0*-7)44C9XY^SAUFZ02PgS{;&C-f}2QoGR3ewdD5VT0w5V*6FXjuNNi&i6b92QYL#NYgN(*EFGD z4kAGgjk-FiRF|(9vtYhklRC>xcQXRZJ3U`pW0v1AFzWJ@+1}zeoJ`r!?Wk038vo#a zh}M~sv9&}~39N)p&wqDc@8azBDN;CyvLz(`DDg@T{W^ z8&w0M@yrY<<)~UCfM3kE?5tH}liaqG%*J8}YlgCLbN|GE^+bj0R{a)o1^?W!H6=hm zDvWqz$0A-kBNg^}=AV_|qpLIf;sCyXD7@g$l}i{bRv94&e!*2VOX3%qzLlmv!+GIb$k*&rPx5Ens09F2+-Z6Yt(5-T<{83iX@Zxxt{iTeLiX8wyjQ^V{J{QdIM z+?PHYT&~1MJs4O-(5XgSY|;$YKLc+EaY0@GOifzD^CNX^DJwrFQ)bd>!*5$P-0f{r zxiO7d^H3E@YhL3l8{Lrf#PT9*(r)i0uP6A=3tR>RJDV5KT5s9ge^pN_ys|~^xR`L1 zCnve>*fQiJ{_iH;A0eY;?ZW!p)77XfzM% zBKrfz;vp{Lklcq>E&0&~9WlJ_)nli(A6?#p))*E=<*@R{FgHK6meN)>`-har*v6@g z)WCCK${SJM&B>oCe@WJny0prDJV2FKRMr)h!2sy9M5$)`w|La{4cdACRZvw>)hVug zYD5cDgP(+XzYXXHvMbiF%a}Je%Y{ph;;iedZ_)k!iTw2pgR#aJCX+QZzjP4x-cDN* zSvOSOUOqEDAB1IKl=+n+4arWp(NK{nO;a19HYz@hfpl{TS+eh2#LrdO9GSlS7C9#+ z{jByx80yRKFe7VrLkIOdEKPmvXx=%DapUl=Ma&YP+Nlr+ED?<}QGMR(a&Z3`;m!9%iuFc|zzJ%H`j-PBLg;-)h4i458V~!k&&-GrD zfCrhAtSaXy=XmChJg=D{NrRgN@16)*seJrZ2-*Zi6i?372oBkQA3!KibbmUuU`9PFyGRt5N2cwySY-1=czFxkbmgR#Y~pJa59e zvPx?kTVjU+de&&@t|Rxq_r-9TG(>E1)V$jdqC0hZ+L2|8kHqNV<3Ih?(`D!9eBPR3 z2(sRnvl|KPWq)b{Q+}#`F4?AFO2O9oop#$71poSax%3k!J3N5|#Lc~(wlB$UZ$4gy zWzgT$j!r;~Q_(7G*iFQpHaMQ5hjk|Dd3-%QR^w}OBb6V@j|-6_{;;ljuJnDJUjDR& z?(;m|^`kx7KyXgmQp)Kej9_If@D?rsGO)%0Zxaud3 z-g;z~{YiEBshNyyy>f4tjWkAfCTi`=Te214Y|f~$rNsDnC$_l3xbkr|{A@`2e(C*f zFL-o4@!&EHdpt!^%)A((Y*iCzWaF_?g5M)UOvq1 ztW;zgClcQwzxg;cCScG%syS2y&guhLpgtBbje**b7fn}v{u@_(vrGa6u%d_&1ch(} z!oIY>FVB+1w_063zyPIG`-7ghE9E!B;F<Bz|dQFeC3`h{PBG z|K?%n@vYlNV?kqKsk~Z-*UEywXHK8lXq12j%@6lDB=x6FvmQk08Li^0^Gd z+43ogCrnHcCBSO_l>Yyh>Q&-k@k=9W4pW0E~v| z6EegP<#v6Nxm8xUNY2m?4iP94cF}1NgRgej`H7NuMwo5c)PppqdZ#kf3fwI zL2*UhmbV*sf(H-5-8Det?jGFTgInVkBv=Se@Zj!Fa1ZVd!Gk-)_uiYTnVPBYAN}W6 z_r2%zK6~xG*IJ2hHpIXEy_v7OdwOX4%krcs!mYl*4vB9g6zaLVm|Szj^?%R2t4Vyl zb^Q5xH78BWjnRN8fts1FW6@B2wYxH#BP(ACwKjXX(RT&w9!*{K0Lefge11Ig`#N^P z=ci2DcKgTi@3D&#K$TYY*}$xyaE13~B}D4}yQuMK zg$+WeA|%?&A@Gxlx3@e0&>GQmja?CF$~R-Zg+2s}9zJyBp>Pfmeip^BdMgSTs|s>` zrVawc4g{E8f~*GCT<2LoqAk$Hw>ep5j*b3&r=p$C$XkWT9kRS8mT0|^i>k_WH8~i{JbsY0HvF?!@Vk2I#lvQ+ z#&qb~U$nAZ2I?M1A&y6@VE1c2O>bJWpgP5&(81o~EFCHrZOXf{z<44yK<^3zSiHnK z4Y-X?M=F{l`Bkw|;024A6z=#xyua^le1d`Pvs0w;T-$di9H?Gzw^I~K_~ESPxDHf( zAo~h*nPF2?*HkKAvldXjY##UEW7JZ9VTNpU^TyJaB`nrnTrI>OfzSVdA~0)Jes$fw zd1E^}&##X|jV<;7h^(8Xv)CNs=8l;;KAPX9VEglybL-27Iq>JTH(HUjCWt8DY+;8- z4VbAPJ7?CW^LtTsTrPXQ7*M;E9XM`(b+-81jP&nMqtEgSps&n3b5-Et=0DGNRXAhC zL%CGIYtMXW7C5|P5jqP1k@r!w+#MR)_9)jsNw*H4m_ux~@z5i);NlQ~misT6cVIvo zf~cyuI0lbHgAZA&C}TA1hYdmb7>qk1P3^S-onMZ%5a4_|FK*QIXx71ce*=f|q@U$T z=6sfhFsb(^mSR<9=i+S~7XZV7;87!_6P4xD2*Y`=9E&3lm{w9>|EipROh%9Vfg18p z6b7|R&J2?a?o2Zz5+kOY`;=Ejnu**uyjQcnA`d$ivVwzHd|Q>Gq zE>7B_!d61Y?=th9QV2H1lLLoGQH0URwoc)eZ;M*HC z_fh)J)VDmmGx?Ws{{)pPf$@*D`9b+m%1l#qjpPJ#SB}ud@O@nY*yU*MEmsrgw z2aSH`M-(5Ibx-rsm?a(7Y^$yDzVX7w;e;`SG3LqR!k34>?>3te(3US=96syB{}ugC z#OtnS#jMVb>n=a@EQ#>Wce!>V8PqhUIU!aJYMX6|>Uh{u$0J>|z^M6Rd}{M2&4uUu zhdft3?(r^g?<;gN$k+6_^SRJbX?a;ii#i;#D;iv+{o)_G34sjFPN zy~N%V@y<;~xNxt(>6^$#r`|_mreDl-f8u>2zEb%j@cIs<$vsHSFXw5x4El6xwfLzW z=f2xQ@SZaQzNq&!weP!goVK9F)-xqj82IizIENn=+{$aB%5@mYv%E*! zd~zS}Ta=}rpAv+ei}@*lQNMpi_J}{MEgt!#r|2CV)^{?4 zU;m8oyzJx4bTfmx$_*FWUv-tq1X&+^=hg%{4835XPAZ=OAGGb)qY+*E8N~rH!#Gyd z`X*R%&D1X!>EAvqB=KU>yIsW_ODW`L<=~GV>~Z^^x<{b1z~;wmaB*(&N*0Qvbwy}I zvAkoG`<@JPJRfjfjcYVU?A7(*8NFVSLeC~BOkEdj6LIa*-jJm42>8S+D?ZJpM+Gnr zNmoIuBaj%OQ1Xp=o%k2UO5$K;v|1uM)J+v}f|u?e{>>m5c1&g%%vfsk4Gl80pns=I z%7*bjQk!LPtH#=IlHq!aoGE92`rAY(cg46aXAND;9kx=0c_v^I$G=DHrzXjpVKPpn zKjMWZL|S6tMo^^^xy&Dpo}nqeR{WsWjUvIv@w_f^4CCP`C(V_nY>4M0!^0ocV__ET zh(*}(%T6OGd80&YAclh`!)&?4^I?y5+_*n!x<_(FrNC_mfE!d_$Z8KoJ4f}BqJWd3BY-`3od?#t7-?HiJn>j<& zfC!C6;*kK3+2sZR|6k{lnBTCJ)i8{k*2T<_+h3n};5*L*d-eM;+UhPg_$gAvhd&AN zn?jsbfv_?clXpPKNO|2oo)G`iiM^xgAAyMgTv!s;oAj2?!pxI{B#73;oEev4!;nFq zo6CKoRU|1n8K90SM1dNf^AMj$&xA#OLvX@J1jG$R+Eobo2v&I)SSV(24?pd%BM!Wc z8qMZ&hCuTlo+IaUiZRlAGvT)LAr3ja+LuhWY*jI4qL$+MRG(4{b!`~gxeF|{p(H5) z&WPcH$2Bt9H5c6DVe@V4Gn(lD99#pkiRa*z;?OZ^&iq`+5f~GDdwS?ld%%&IN6ew& zehId%liml-y?S}{`WFWHoRs}3lj~X81s1-E=O9_sMWniFi(zT09tHYYPl_Y1e%jU+ zFj@B!oQpn4s4``ssR4#flhXFJ%LlqeTKvS!C)5{7(1jl%6ysN&ux++sG{OrSX%6_q@s?PyQs)=ca$fTv4722z^^b^I5LB@ zF5nj0YQW%lmMt{|M$5(~x8N>QyUCrIj@MYCiUwX>{#oa?6&$!p$I50UhV+rhRR1Qi!DbfT`{G8s{5PQkB`@LWm^K)$rze zQgL_e9M0Y0?1WuCQaZ9)d76!ee&@H>DpM~}8vGcLoJ$C()t65pL zU`~n8dOgxyVmSVHU-7yv`V_Nzp{J5q_b%C#9;vkFVmvrE?ssK&x@Q6JKUo#tNhHLW zzY{UTo5t^=qZe*|6(PP!G?e@9Ht&34Yqp{{#XKdasERqi$LOe=rM5%cvaEFDS0`zp zco)cOBleSj#W|N&(+OLRLESB#0*t|>(A688Dg7*hFi{xeP2{m=WRjZd$>?RPogyV+ zuCC5p{uKq^2=?^h!Ovl(r7B2}t(Kgel5Jt_WpD4W!ewwa?(it|FN{G>H;NMhjHxuy zG@)#-M$c4_%G--e^u8X2@ZrhLV<{RXVuK3wuHt6?LkRZ5Wbu~+1UPL1>fbvyE?j)b z6(|Ft)05Pr=!iC)@W>H*ap_KK_{1mg-i3+Y?Wv_7@&9zTM4H)5wEl|nHt&T3mwV^V z_Z?GFlo!c`OkwmO|4R7O>4+&?Fa4%fXV%-O)yR?!4lm$HV&i!3Ds#lh!q(d%)a%jL z`)ctp0(TQ7m7wH$CQXA-Gr7$!h(EtKl8Wlfqp${tKtRBad+-80*UyjIPv!U?&oAVe zO++S@hO(z#;IJ}!nD|~XZ!hyd-j;j2i6z4Xpa_=UhZo%=0~d_cyVpXN*Eu0%Z8Wpx zV+VtF=D8N9ufXwRHAAVlEB(_o?9&4u@b>3BZT>1t&SAgT;myuf3EEj}Drk_xf(^JZ z1yazdr7wp~@9SkQdO!0t~d6-37nL7^dsL zZJDJ~!; z+4Mi(rKzqD-I0(1*6$Vlvm%NM{3Hk)G8io-Xl!DuNn|(?xOza1dbBc3&!iST70U&pq~X1DZuKXb0&tkQDxx*z1n>db3fzu z9@cx=D?LJt7{MWB+!^k8uoQ*da?|!b=;EVUwZxj8+Xp0Vc+^F zzc3!ev%iF2F%V>P7G&c)QP6Ab2{w*jLW(6!MSVsEZLjGXkRIQ40%y zPG2}B+e#I4qK|$BB@d{(Q$oZdmg!L>+V1(X%ZZ3T9fOB|0Opw8r?>j29k9F(4C9A6Ta?ClPGY|Pz2BU{ zR#XHC_*!iYcw@9$R00H<{JzOEK0hS#D=wxxc#THkqXO*2r4CmZi)~j|<%ZHtI*Ow( zkP8;W)``F`-5tW&EjQ_J24s|C@%0{YE$xa}-=wMOegI;b{IC{@@qo!CRR+HUvu|Cu z|C{@ns2BJj6)>pu27{;l&`gi2ZnHZ--LAJEASZBv$UAKCgi|Igh4CJ(B<&*|jxLMj z5E4Y4eM3P>9wYzASrZC zZK*-fq<9SiBE}NyU2aBa{IQMo$zccVVuM$fFLd=~1X7UPWQXiGePTB|8v~SmWoj|k zN77a@q3rc4Zg%Rg5{w(O>R?b9k{LnasTU$ExEgZC%#Dl;{qj-p!zd17#DhF40itVR7J+<;ESECJMRL%yhG@pWo+CRt%&jKJ6WM}(hlgZJ^@5}X<$Y-Y zCOEX_zrq0<*8zgHuK{mrMbZ_={1{K;?JT!TJnFdaId3Mbfd-RSoay=E+;j;aoxf2J zR&nMUYuEJ})Aek>_o9$Yp!wBh%uKThP(_*CpDI4G8GLeq-z>8YYp z7vMlif$3WwnLwFng;1FM{Eo&1^_2}+WAauhzX3fOT zMNWXyR?PPMqGpfn*;SknveA~xkM+Dt|C@@b0G-R|dS+bEApW}Iv2XqYLo4%lWWN-Z z`cy%orOW9tTz%hfipzP=wc+B`-`yw#pB&RRN3Q*km;gC34E?*_Jo+(#`_0k$Luc&c zl4bpMmTz@dRZ4CaUqpco1dNCTtTO|Hf9`XG=c<-Lb~StXDacSk-XgO%HA!+nMqEVQ z-On^D-|gU8X`<9L92CFzTcw1FLh>)Rl>B4eF~hv4vvZ;-%-l=+Ze}}hu{v~hYjE;1 zIVGAsx<-%htp-?bOm57>={1qT&z`A2i5H@f9! zrwzO=z8zvP;8UvJSs(n4-pWMAE*+g?tPud~vTwSn>6jfEP@1d!hXc7gV)F7C97L#+ z$*m<%>B&FJea}GiOo$k&-b`T@BS+1e1}pR&XvZX%j~y!riy6V0>X$2m&4z}A44-+w zQJ%q!bc}?FDVCzcY&%UTF8Kx1sOT|IMGdhZ=O;5*pz^~nfsORHI0#P}p$+Q=CW0R1 zYsKSa=on#stcI2`f)6l%w`J1b(pp)_J?yJ-&HHKOr+y|*=2m{cU?38Rc=MDaQx60G zvr(!sb_mordop5#n}k4~Uc^^$SdgER|;4pgLn?FkM%i02UbPHt&xUh3l8{ zll%j--zns*m9X#Gk^DLH`=n%9om+Pu<$+-6a=@*)jUw&?lg`YKY6+nBY%l3P%?It*Kp+Dc1(=(>nOqXIG%XxX%^E_{`8w>U%x9 znF?Gm*iF&as;Q^n!=)TH29;}*`MUa+h5B5eoO=shyjQU%v4;xr!q3M-ks(_BbJ8Dm z`1lMM>~Gu^jB3gV9skyYx zhKFShDOaKVW-=WX0)Q;++dSAefg;yn^xsnQoe<0Z6`C9Ov;+_b`66R^fS!1Rqqc7&Or$!VZmWJtykAv_v~5H@kNDR2Pdb$OTDk2Fena4izLx|9vIO1 zx$nqKiGO2m*kX3H*C&{U{O7p#%634YA%0-ds@7 zbb$)3hmZhTBDEkuIj+aF#=&T(5H*sC2mP(G=rx-nQR9E-@}$erKL=?Ff{Zgqp5}{H zRDg1|$C+pOx`PQF(@96z8Zdu0Z?(MSI}>is{!kkv!9J+PliMYQ13~bJk^BbYZs_4w z=pXyvxlw=21(}AB;~DV4HcIAr(}|k$V0_1jKP%EAid=LX1VLqGt*CX8cORPMDIq<# z3kos8G_*#FuHML2@nObVm=tMXR5dGQ3wm2s!q3=9o;&wx81ve!VZNdvYL6S%$gtTf zvk!4|dNZu#5AeZcbXP^ft6)ZB+*Ho=ju@(jumqII{PM(0c^&~KNLOdvzh z?Hw>(Qb2Roz(K)fny1cuatH?;DrAAKJ^tFsW{~A|kODWMv~gYhP1%2tT3IaH-E>HZ znLMaK`39eqRx=|Pf65R4c&yngRdQF|H|R)+iiR_pfgT^Kp5${y*xV8FWVvKE6t8O0bs*52j z39OP|3D`{fBHn%c?+*)w5kJ6V!K=wOJRK2!+tfYsZ}-fh!|WjqxJwcYLzSyixS)MM zv3}(uYGOa21NLuTs-|NbYL2Jd;mohH1LZXNNC^f{`*Ca6h88pFXBA%Zwr5$*15%EH z<+PSC(gyOkoh5(Pf9X$j4jtTYq4X)Oc*jlC!L#0o9ImNLj?N>Ps$CTOjnaaui8i~dn5^8k)X<51eaL9Q#J3WFAN{Jm>;8n0sin53+@;t z)ll-#f}3ThF^ViPvUD_a?Et!vhEm9P&6+h5>Tvqil|&%4bL6=Mq}e^WFn~kWN+%It z5=g}Y=&@j}CC7sO;Jehe$%u%I`HxR;2{W~CWBUh5kT#-}4yKWad?8Jcqqeg1B#(=R z*VXw@U*KQV4ox)bV$PBzUwa20=(AWNT;{?eS7%u*`R2-J!&*` zfOzFh19Na(5zt@vj3E=EWHFGUr`k(7E};Wzv`5#DWiwhGzROMxFgI!%#+lGQY_O?@zSRNIj+XHv5TWl;w+9~d zVPe8htArW^{_MUKndxfrF2*ymBm+44F2vR1BiNa6V=M7xn6Oe-lo_R~<4eIfpc(MGrRD+BUSP6}OQF+f=%4oG@H-!o1J0k0#yq21jLHRGj?HXt zoPnQZj_cVi7jk?NdbiDiFIpDB#ns>R_Pvh46AdV1z`nUY zDSi1}w3Y)A>OA|B_1F?6rjv|S7FG)2_134mEQs@cN?FS3!jR zxc1=e_FntmIlqnu&cYME*g^#ANQ?VuT%%ueXSwU%J;`1ahZz0#LVJ*#?OXno zJ=tW2s`>!gPlC6elxIVMbs5nvwQV4Tk>St<53|f;p!Vb{aY3G063c5K~$g^Y^3f0oI-{{RE*@Q@fu@pVsh3dHq)Sc1{` z6rnY%be;+(2Y+jJl-A81-k#5Fw;9QiMG5}ZjR{X6u?(&n9fDo-nf_x55=J&{V3?&? zqMq$kw5!a498Jvzaz9R2SXzJp0WIE2W9>^SAYEU8eA*gtJ_;1TxVevBjQ$Qa(yP#88;+M4>GTI$QVv8WQsk0cGv`>vu#KCV1mi6(6N#VN#F zQSZ2M@;5!m5EpfR2v)ebNhI)nP2Pq(t|R132v^hyrCwgxquwGZT9wAavW>TR9mlN( z)=jp1IR?2!K)e0uyk8Si!tBEY2~&n8>fBdHLa2~MXw3C1V7 zE<8OfH=T8np#BM0YIi-IB*Vv#{i-+d<*=+U9~{4&9&mf+MtoP}cW;VE6iZBwFEKzc zCTwtU_<7v$0F)y$Tv`&mZm@&DW~D2ogOB{9vc1an=G)Bf^1Q#B&wIj z&%fTCDm0PS{e|hbdOx@6UfJWw({fd@5g-aqZR9W?Q6;D2Tp4W;w%edqtZ575(f(6) zJ}_9YL?Mf4JdGwRh79eB30N)Oq^isSJh%W}R=);!FsSf1bgak1-UgXd>gm8puIC^t z#}B#3LQM!b(S)T9bIG1MQGgiZ3w6CST91tDgBxWqjyF+6R7AWj91YTjUWGN!8#D#U zSN)vpN)zl4H@5~zepW%O;j1aL>AHw>t<_iTC2Ef{CcQgEh;gjwk1NcGhLO9ZfiGwd zgUVxc#2ejf)GJhyw#J6dY0WOzS^MxKx5vZ*0eBF9+Q>4($IzXuv*dww#~*hm2NNgN z7>N4u_d{97Zs4lN#rKbyuDU%MDZ<{r;oV={!nNNz_oGi2o2zy*eC@o~S5E7HQK2(s zc+c&93;*V^eQn=(i;k7Nu3T&aM3&8_eOCBaUvioJ_J-F&>|<|Kup?C9a2{-3;VZod zH-9AJjFMNO!4#qW$YoSD|J3vQY6q1Q& zj)#K`duLmEE%X%j(Lsjbf0DreoekQl^~ncX^b)=g`wO?AxY6uo1d|F@I21=*cyrZ! zd(r}3SsD35L;AunKn+$+qtEHH$Jm*I*-C)ey|L{)#>wdI`gt8pgWii?r_0hdNg;{^ z7mwrhHEKqkdM=Q2bdBU^YjYrl|o%9*|mwmv5wsTEC_AyTiwCCGcPkS){{K z(mKJd9LS%kSy0aE4*cwB87+P0XGiDY3`2(?Ve09>7cB}g)wtd6i&+`NeqO(7@XeQP z5X$gu-0`4(K7@@Vg1&#Gm0E}I-;!`ErTAoEGS($HbowEk`qwfCk;%xg)yPXMTN;8C zeAg; zWRmz)mH-boLMX@9oOcV8UopRc2rJ48+sN&ViZFgNs(0KV3Xvg|hV>onoP!st^XDW1 zi9o^2Hipr@IU5h1dGXiKhXzf?=s6_3evv?nJhXavw6gmx_%CJkNvvxbTYR&e;!Nqd)Qzm)589=QgNjWSplWHN)2)yZxC6I@?6p09g``WJVy9A*O zAk{e)(i#tU51T?*9Ov)=eE=hCW0xb*moa8?g*XDFT5*t@Ou@TJow^ zAAJY?%y$N{A|TL$3oH<|2^cmB3$V~|=pQdEW<*X)a)*HwHp4uEzHPv0aw#(pot_Psr--iRlf>A!oE$3zGU<3_6@fqO|3PFm(!y#I~OtmwXG89u_n%{;Z$ zpXNYZF-uV$(C*j*aRmu}o$h!VH140=ulZKNLlH;i#g~S@e#c#O|G~6fi);dL^W8h( z&2s$tfaS0Mee{y3SLdPYvPnQg704-*kdWYR&4-^qw8?{apP8?|WrXg(3S9V3sVIy= z77QDHw6TM>N0Fz&l)eMA9&NoCyLGrm@zWhr4q#?g-ar62=GG;T`V?V`5uoidr?r20>!!IIWjc`USI0sG=6mB7Z@I%Kno8PCnez`Rf+yb3po znl2+(p=|!k}J7R!=$vB$#S-u49$6t(nr7++qkDtlIPbay_4MqoVWG=zkqne zJJWOubmThtPYcU7*gq#jgJ>({rZV;}iOl6mQg6`y2ecFYR6sfpo%XKKyi~9e#N1XC zlb#u)0eF#?BGTFu!`!f|&~=v;Ms30@-bNMZ@QUSs5gK@Fz<9>!EF9v$gY2-vsWOAs zgm+XUb*cAVIFc^9*quio^CkL^$%Q@Q*~@*z|XZd(9~P zD$0>mnUuf#mh@A`A5gK?H@XaEn@7^S^~r+sQ0gPuq^BtP!t@_lAT^tXWw9 zeIyao(SWk%^*=1Y)>(g|>hJ%sbLg@$Aq%@IY#}*WK>3@qw1&_OsR34?f~1mhtAUNR zqW;O_@?b9GGqGx=7*&85)*UQ%l)v!9+o8K%E*#&-b`3qPpOxw_C%?2Ri4s} zLUxd}5`SlFsxrYeK)&!9XXyRX^?bDNVGJH2aURx}<0{%DlwQ6!R8tJX@hOWH7PgL! z`gjY2i82y>i{aiT_#a>+zs%!UKfOi3#*M8jYFj0^O~=L!d@b%uD>WW)N=MZ6__0uz zT$JACa_M8>;&2)zf)<^au=* zn8f^voVDC5QA?&i0+FI(-X)%6W^WAu#6e`fy&lH>zG9%ufr^+$hNB{Dc(Rmj%>i0k&qI`nc!{-5x2b<=h|o4~@{y zXxBQAmN@8=%>bVcEz*F_Bsj`_S~g|{Lo(Y%VPQTRpbEMg=|aQ&blW`jjiz4+0;sB) zOn7V)h@e0Q(2tTbJ|%!yucRgvNdCUrL2Ic7@tO}YGy-NWI?Dq0JzPMG-Z<(P6aT;{ zD%$eJi;A7^RG-2&rY%EQU=<gy=B{yt*YG;4)#S>DrM8jeKH2bSz*##U3< zs;42E!n4G7OLd!m(wBQ;01Y)Wqk5p9jT^nIqDh>Ikyn?c%{cbWg5r3v&E5R)qesEx z4XywNO-Spe-U!lEV#1qt=uvNJTL8aINXlVMMA04e1 zGPexYoThpll?K17Xf-zu1@?J09spQv!Yx1~{BjA+yISK+F2cJ)1mY~Xt{}SUWL6VDN-Nd< zDNXP4DK9P+B6ocsY9LDD^8)q=$uyR~oT$6k`{NsG@p3q|XnM%FNkx=qB1(gna!z@U z8vCq2F09MYIN4yDHWYzLe%5yS979Iq>|a?kX%t3N1~ zBn7`8H0pa7pV_k}+#0L;10Qd8C4*1otswggeuhdaY%D94*s}vgE;Lrp;;C1R7$bS1mVDl?GOheG0)CX3b1eGGbIxgYzzm zL5}T-Ye*hSsQ`#*6GCJc%u_By-)54Wlg6$Ix{yz)qZ&<3I zTVfQ)ifTz&GiN68>m+Q@B-Ti9{^dxdr}B=z`mIoqXLXf z%W7(S@$U%hTL07-;XkVVU~oOW(m4~2<6xiuwx_iY@AOPYn!W77>ah)($JbKP!ZH=e zLoBt<~X7#)^Ny$$PiUzAfn)1CYXwm2xB-ui|4Q#VvE3MXjf6dn>#-*k0VQMP2XriGyC7O03frUD7<-YRLN;6C%t#H|e z(r9f#3aJ7|XYn$!=piV38^zuIW8fFLxB*9a8ovX+KUo!~8UXRM%j&d6Nd`;viTp9k z0sFAfZnfHsn!8XQ;NW}a*54{ae0@^!PwDJ}=o2w=l`zVKB}sa>v&7At)&;$J=b z(bb2Q)*WW1$ZVMPBQ^6gOyyputZApsOL>t(Q%$xm$l^_rug3zj`b#iQAsqCa@3l__ z<2ynAhvBp@kod03Y>XuOvL$YKBrzq+=r5vO$pm%{uJ)u9j0j!gj2Ur%&E7*TKC4@| z+KH4xhd08kx;4Dk?XgT23Pl13yqRI{NN*aJ;%{u^rT^B^YTCF+7}F;OVg6RYf1lJY zSWwYWHVwN`QA}WuXzMw!BZUFHRn8cH9@S)e-y{Wmd0qQUBjqS8?sw+okJDTVOU^O2 zx_{Bnr1y>@vmtK1vr3@;la(|m>G^zn`%K~ZL1pNnTW-(LW2=8G*fC~QsNTcBv*}_& z>G*Mv0;+AE<2+g23-tR}!+?D{ywZn17$K1!$!n;6srwTxRbp8ns+|bt)x-# zp4Ru*(MjSMIs1;GDpW-h^~%!h-f>fDJV&v?hiL73PYIqQc+#`Me)`V!fMIugH+{saZ8)>T0r?m zygR{{Y{~vL^e83erb{oWjjYj&t&vAUylMir#*32Su-4L4Y8r!u$qQWqfsLBlQ5Q>~ z=Z!>|4qt2-7TDIf28d1Nij!cCme2rlu}aLqk&k>&zkI(9>u;7r**0VN!#Gku;B++= zSz6eFmbkOeCUS$Nn_Ah!e3^fjVE%fhr_LEO^E#R+0kFbUyL@1a7sR< zps>G2oF6Tx$#!H0y>63zISX^~I2prC;{C@7Tp%L54GavBkp=`X`z_xWta-&ezFuT# z*>w0H>=s<{D4oa`_QiHbVw~u#paAni0Y5L(Q!l^SQP|k0v$3p_>;<|4QD?}Y0x;mj4m{YkvQ$SHz#IsX)v%uRQ-^$k| z``*(0Z%OO-*8v)zHT|BU`TI~FNwqj&19sK-(`=$(*5kzxTC?NV>zv0LgZq5yydsnn z92_gynuQ?iBm`ZhWjoB1rqKqxrls&hLwbEn_8MJGY@KNJ9dQ+!)A1EpNE*?%FyKh$sRelQL7&*T`#Or)6d*5aT|>3z!c%23%emPrS1&R=^XGQ z-b}`zr5-b)uF_3dX16oLC=t2yXTDl|Oc67>=Vf zoEi7JzPjVp(T+SB?DXg;Sksh__c9dOzMfHU=+o+If($9z8|l0~xDNPYa%K42Iq5ZW%3T67Sn*^Tn<-J?@*@-JMySDkEx>Zhn!Uh~$*3 zT1cJ4oi2@y&7UuO(7-amIEg&;_bNaqlsxI)Lym(pv0OU>QO$^JIAWIAms{dZdrq#3 zl9nap9eV(74&ib=DpIQ2vl#`RT`erD-PkJQt@a3cfsUr_tQHMLmAMy;vs};rTLrQ} zt|Q&;M(6)y^AP~Nja9yQRCuP!^s`y2<}h}KN@)Gyc>pa3*I!6(V|%tfmOkeuTM9-O4mwHUnfUP7?`t31bL8h4zs_o4xiRrQ*;kRp3TCNRe*5UP9259@- za$dT#eg2C3r=i=|SzMi^O$x87cp53!yAKOUAs;iSe)!C24XgM$z0Kw+$LmcbbF-L? z)it8b@l+4}(M{Jg`o)h0!)ZEl-phth-@5Tr ztK*%h{dT<%m!?4kfL{i(-KZyx(qISc_~HCOepzg9O7eJ-=82VGRj1W=Y5of zL5W|_$i+fybh4}_U$3#=Pv7*=t$uF$n%!r2KG#LK=De+j0Q$0`OfR$gI&nGI)isK6 zMt_9@Xp*+R*eG_ocyk=SEztKUT3nBSO}+cc3Kw+K*JUKY=fy>{{pQBsZNA=+wB_Dx zfEE31mw=0=x(ebvuCg}Qc=oSLi++E5bnGZXfXaTn98PF*AIVC!>oC5V!6_`1yn=C; zQe|ESuKq}2pXrVGK8KRrRLi|yiut^3@Bwq@vAoQaSZ1BxSOGf$Z5JiE?EzEp*H37J zSDe@;+;L00FhkAkxM{k_lNOh1kqp_$xU3ePgeVbZXlA?z^`Y0BK4T(|a<(Qx)K=WF z?{!6K$~!n3DC_eRIOtJ~tZ^1)rjZ8OMcYpgoqmIw)*P;vu7_>wKW1a_@NQ%?Ai<&? zB*8(|k^dK0?*JTG)U^wDcWfsUYhv5BF|j?djfw4K;)y1P)QmoB59P{=njGhh_7r{;USfoh#_Hx%_uwKu`@@a>q0^2 zF$gD64=~jOq(z>7Lr4yyp+b_9L~tad0!TuX=pKvNX&-SSWz%P20T?3i*k+JWf0_!r zB7)b)N%2I>1YjIB;9&|-{-k`gdMT+?g$cg}K_numD$8Jc4^?JEITrCJU=>wQm{SJ1 z8}R>1O-2+k`g;-5^LJX9Vcw<>%Tn(?6h9J-SXt_p>IVbX@{s}scv3o7gS&#&S?Tgl5~tYE{+u1jQROQ+}QRCURG!w4qa$=&C(2mSsDR{XLE zvoLO;W&u!=AsMrk%~-_|%YJO|trz#^zycx@9)vA(R=T=%M02y#LB}Cx(T)3@c(DBR zPG*7Zi0+2ky<;`J0R<&mv6wrCqksn42ovH|b@blGY&m#7Kf9@mX`W7$kW#V_5;dC* zYsuHZ7+%c8R2oe18B=q>W(s7&*||#A_Um`^KTHSq4}cjN3HIG<@iX(ePn|B9D|(})0J3;ptB(>x?_WB{4Ue)$s>ivhJCMcT-?@lIL} zB#aHmFnV<*FrCsxwP)EPT20WH>d=ZVvkA7kVCikKIRUj$RU+`Bq4WQM^E)h*zeDl& z;t3*`7sBD#VS~OlL&}+0wL)C{rJZkghNOBb#AL2|NkUNUe4VYybQB|%Oj23VyV!$V z1$bAzX*vkX$|jpU7-DBI;_NX?lGO#Kv?3F%h%}W;Y2ewi)t!ex$M-zgY(31DaLF}$ z+vVk-T)$F^P5*%(60K{hoSWajb6wTZuuw{7SfynT+!2Lmto@=eun>-HM%73P>*{;_ zRp4Xh{?V+GBId)B@p%(R*G?bv;T|7c#J2f0&ze+SymwoaRxWe4->V`ww=-wps)`jQIkSQJ5nQSC%{&s89h35uL@kC>a>`B zGHr)7^5GzHR2>6{O2dbH7?R}1D4kVbFXI1I*4_U5iNc&bXJ(`NvROt7O+SZirD&Dy z$nP?;jf~ypkT-Vr_60A<6n``XqVf6%LmylpHaNKiXu8`e1eIDM4u zwRjW;cF;*mK0Zfh=8}nVZzm=AtnUA3(f*e}v5vXUNX`71#FYQ2HNC%tt4e5cS*?); zrrXgrLBKKFnz&UpsaPv`@-P;7y=q zx!Zea?O!zV^2ac?8iu~qV`VJ`^;~5NF@sQJl`0$~fy@Bo^A0y)=9s$~PNWE)StImD z?ui8aRBp;RC?7);IylsbbOn74{Q5DzNiFj77953UQ#5jFHid6slep>}V=N32LzsaJCc_7%n%XQP|97RX zs2x2DvOe@})uB9qzPuD1J{=cu<(^=2hQwxn?pF$MELub02Z246dtLJBxD3O&`5w0* zLr>G?v>NS+*7r6(Ax6hn7b<)I3-LPLGtaVLPg`=}D!*sMLWxd<^yS~q81$|ECRQYk zloYffAoxCqT>kUsB38PYm+I)bdK(?_IicJG>$rLu;Q zsN=tAI~BwmS*M{+0H-sTmSa`FQxRWVR__8Xm*SOTV&>86QZfqbBwN6X1EtAZN21e1 zBoR{$LQ3jnJqs=>@ytcCF>TT03Mf%yVAVG21ecDnzNMgsbR3U>V?Y#f+z7~#7UA9b#65Or3BuXM=e@@!kv>A)o_;-J_s`ue;w z)$&1r&B`)}vIPPF;`?6ekG()$6mx0gyPoV&E1Dj+JUI!yp2f#0l7Kf$=f7+tKHax* z^v;jZ{DgdnJBoIa;G?=UZ-CJw4wKUls|U7`@NWOAMhDaYx0^eSNZ2pwt$=_ymK^R( z+%X{|{ao_w14v**78*ND_Tiz9T|YbtUEhQIC!z7Ci)Mv_7CG8Zc^a zjy%a$^0GTFYcHkMC)kowgPxkLk4A-aYqg7zYikK5O!1bn=AVHI2TE03sfYr`duQFe zpKxt$1XjLUEDdTW8q5ev$x#8cBNlP@cz`{I6e?H(vsWBAIs?f+>5ne?mBkgu`9isD zY=&7632NR(m?|XE=*~eBfQC_Ha@X`cnm8l2mvA}_%*Ot)lU<@&!!||VaJ$4yVI9l_Ax#6f8Thrd5$}s>&pO(_F1J=mtuq#7* z=+)z)hnwg64wVLa#;1Jo!48>{=yG(!1aS1{TKTfyezu`D-O~jvU`-Vb2+{EHVtCT= zu#Hqp!7RXaCF%d;E1WQ6JP9(qt>D7xC8UtS^TNzlk7cxE0MTAw*8?Z=%S1JUWKR#+ znb;W_1x2e6cW*ZYVeEM=qSfM&$w(}3l~k8( zZ!(GLV|q5GD?`^|&PE=WTv@NzNEo)qG`B(Im!l4|XT0ejBQ$Uf*U`#9sITQ4eB2bL z3cuL^mLmoLam59z4?v0*EjB=r>HMtK*yVdF0M^-1uP{w~AKw;nen+NXgsX9BCJwK*&3Dmcgu&3L7RB=I`_cUIh{^DkJQF7je;QKb6BP-xz z{r5Py|DbvzQ~@0gb?m2f@n8W8uaFe+N=!#-1}+EN{O7+4gbws)zwC#MTQQ+*=Ch8B z>8-#?SPQ||LdCpS=loaaK0%isXKCK6bH}{gs-^{J$Hx>=KqeEXZAS+CI3V$_sMecUg4@5NCOJ;mwcG6;K_K7{?mYO&z+d%ow=^F=LX9%)j{#hN#Dl(k0p3>Oy{QrkA3s*h22| zf{vwccftE5#Pl8|f0W9E3buXJdLF5T{M6oe3-Eouy{M}(_p*l=RXINS0)JhgRa9#@Z`zftVW~{XNfa2<&*C6)r zFdlx<^k7$efct*8xYb~N@b`z)-N(j+rZbZvaG<@Jf`?ugx##m>r0aZc;2B#-6=7XN z+Xx{N!5fw_e`hYL4w+rP9XZFczCNdbI$}J^_Wt0>GG6Z_QBFLsn+)}8J0PX2raY|D zjHF{WFwaB(crw!wAm@DZ2aN{Uqh!3lqMnmyAl|!OSSkh6(3)WOHn^ecx}xjW(M*c{NV#wsNPD_a7L_?tg>A-K9e@#=A+xwTf>Q8E7=I_+`O z+rsr_UJ6E05!CwrWb|S>qB_0BGY5Kkk2j;l9UHtWi3d@;&+lYGy^l+d59x*@i?Yd5 zxY_-(!v~<%Wv$MbE(2>-UGpP49(M=PPTyJuShO7m7fEjKanPsvIUnSwkCe~>FG}m9 z#Z^8RYg6}olYKW$$OInED2SWTYl$u`Nc+%ZvbOo)HX_f?PVFU)QqmQHR~l z;P1MQH1GV5dr`nS(+Dv=+_FHg8u)Wxwa5pC^mXU*k^eg_achwY^*mi&PdxokR=>#= z9B&|{bmWKiv>U5}>T5I~?#o{vqJJ0LaDk5?&n7h8%Jw860kuosRx(Tst2j&(xm}85 zA)6Tsm)oPwF5YL7-jYav|8OSpPnCC`BzK z%J+HJd4C%l13LkJ!JWGsL~JeF$Q->a05yHhTMK>jH`0D9pamK# zpnjn*B|(K1hOB^~m8!v7N)V->m`Lyp%t#o`86|g#JwK`V{nx70D?q_Rl5$eCu6b1P z-)P)vi~9HfnB&=pU*&>O7gHED%J)ixElwdTq1RccYyUZ{$;Gu|-|2VU>*GHlxv7IO zU(KS2k>IY=wruH=37GI@Hqk7j3i_(5=(cbe^(1J2PEz7dDwhiCXdUc(NjHL8_qe1+ zX&vW$VId!Ng&KP9e%aL)%DriWw29_K(hXEO*RqxOlMvat-I92wA1~Z#Xfi*ogU0znt$x5ybhJE zcR8^?m2$pRBDLy*?+P}u43KvWWSE09k%?QsgarMH2xu7@Ta_}Qt8h*W_r6yBA1**w ztK?P5uBW9%5E_A|`OI4_xT}%{a8g}a8O|DOeHd3zfvZD0A{88Ko5ihS-R9NsXrS+f zMS8Ej7qV;mGB#!io)f%H)x4NLj_kXj5MY$+JWcGcD0iO*xIeCL0%ov}=l7o&T_uM;O4I9yjP|2DyGIa9f08&F2LH9-MIJ-u z-+Es;`{&ypqb%#dQl$AK*XCUTa59uhj5?oUWqvO$hyfVTNW4apJ4am9sd+1Gb8uL(j9fcUj5Z9l zT-|P9hX)0y&IKDL*LO9-x zY64b*?cRy~o_Cn5I`sS-j6EnYjvE;(CCK%Ox@#7iD0)~(YCZo%oea07X1Y+BT7Ab8 z-ag*nTRokSdT`aJF`rUc!)I?jI}`V>AvkK-);6UGV#FR=#{pgi3V;oWhoOnnmMHoO z*J}kvYe9dBt?h|p_k(PXkT>e{=f{#ZEj{m(#B9T^{stF(j(Rtv+X&eihzJ`q%jc>9gbgV?si0q8+M#Q%H>*y8<=089*c7tQO! z*<2F6jxTEH)}ed1JKDs4e-$y|tCLjb05qh|Q<`5F+P8$$y#j{}bRc7!hbUftlXA1r~lF@qF8oJ6{dx6)rKe zrnA(D{!8lT<%Wym^&|+WKxeW9r=hu|XfW1TNL7>FKnJhBxdcd~l6n1ytFu6H>o|<< zo_bQ#XtN~fms&MtaMI`R1YM1g!Ujb1vfA(O59jN22CBr?PIb5a`~k-U0u#ABYoBv> ze-Z`1iOk%VOxL)81;DlJ_wz5e1a6I}V66+|M~1n~94mT=T@YMtRQH$HGq;HFTaw`J z?xRdtsF~Y_XBqW@;InDxd(ALO|I|}~68p{)h+bHt;j!gq9?zI^N44E}h~7<<*rx9g zAeiI5?6t^VYP3q(&b&>>M=?_i@(Vs?j6If~ck6ptB>u+0E91-db^=h`LSvR(p%JN8 zR0bCe;7`m!_0Ja{kLgriZ|x+lCEHYNH4mx;8w#+b+X#v8weo*wSPVv5t!hJ=Z0)-%|ZYkCR{{HfT?ODs5Yd&uNA)ZPn`B!2w7DPVsoDLJmX z4JBH8ZnAmX&BEt=5oSu8=q!dWmc6QyDMatHhdLF%n4mI8bFQ9welssn=z{VL(Zwzh z0!tFCHvSaE0OH$J*w-qg6 zP}KRA@GAi|DAHG5XuIMoY!FET01noJ$oIZOcsU>-_Zag5p-0&gMV#fV<(?PwvR9biT;NJmt65Kh%f)r$7J3^jlEzZ12xf2o_<9kkAxP&DR2 zAmvQk{l+K~Pc&c&pwL1^@_Zi)?s35%v9_e9Z9Gy7p_%4e-nJ{pXXh=8(62w68|h5f zS&*-Res>ManJ!Fq#efjSv4w5{cT+PU2AbA@{u=zVu_1h)wh9X;a4A1nCrMTg&{^Q% z)hjzWC%OM2EsN@u-}-^r0HiaI-voP;qx*Nzu^Cp{Y=EiAG6Q9Vm`p1g5LDc zX(gOyR|k1_v!()v900tdEPpd86Sz@(tq+Yo=a=y>>zs5=q!8u4IgI)#0s__+76rp+ z-DcaqhM!l{L)Dklpmf1G0cO7$K_6o=XfO-!p@Isy6aOndv`gTau7RQPyM!&!JaCa3 zDl?+@V0DfF6O7Y@{KCRA6#$22(EU25+vM3%Zcjz<$@>t ze(E6>cH3-^jOlBdRp5g(UoD--(69i`4fB)=cCM$5M(Z3&!5>E`#VZGVj1NI zqH$26>TO?#rS2H1>H=vwjA7PxvU{hzXGk$g`qN>lalxyoUwbaE$ z2(#xY-+uM5MFR96Ja_#}o)SIrA5m_JfTw^J(P=<-*6FlQR2+;vrMH1k{$9TF@Y(QK zEaI-WoPGGYk@ftrhNFfRKwCK|iVDC{#{4R~V4G*X<;)TeAc6E{`dJLw{=w%GPfi1sNdZ=^{P2(pB;-`oIE2!qh5N4nv_z z!c7|s+z9EtiwM|WF1yZ1%vwg+*$)(bB0Io7g7tT}f6a@-a3Sy7i%E2mPk$Ci#?Pd9d!`Ox4@R z*8$;C$fh$o)|*Mq6##p*nnq#0U5m4H6J-r)9@#YI=FiKqaIUTdyRYKI7E0_DEZRH& z-(OOOXre+;Hg_o1li2S0dcl~%+wK)WQm_7WWA=1YSY)0h?U5lsirJy*vq83*gLCn4>&SF#1+Y`YRRE9$t8>**7)hvh5L^K@Rz+ zo0%g@mZ1`*iAY>8DF#bo7L)MD0qE*Y*Fl94lByuE$WiJF9pfh4eGWzoT`nIfUtx~) zF<-Qhf`7;R(x8hwzqcQ$w;%8r z(VPKQ#ESYHS%SK9y&;W8xfoYlRaSY_i)O9##r7YxQjgWeab7R6q3@j6&CWk0*|=?) zdOqF@c^}b>Q)^o(!qk(*U^4VFY&>RnqzWnIEkZQlQ*kU;B4`PMD0@`k1E7jq$eJIj zSKO0=)o&&Zn?HYy9XF=am+;H3Xq%|3El<=;sFu&wipJ6ugkGMR_>|mz zja-=eAzFhaAQj8}$;Cx&hM{5-|8|g*0k#{jDOH7CDo^ZQvyCxd2Z-!n+UM7ml8VG> zVFEhVS}V?TrwIhJR_iQB?&{1bOHs>Efh0}H>gy?|gg3|~ryJX@ z>8NXoe`?Dzx?k4T)uhzi#L=Me*w%BmwdAY^*Z69q zCN^nZTd%Pc2~(H&E?TyndYp`MS-43$cw_s3|9S;~96J3tygu6!Bur&scQd{I-=n1y z$M0-(krt0i?&j)qa`doZRG4A~0?-wuY3gw2@!3*}C2AbRuN*RlrZyqVrBlj(3pIZ! zYiV+PbE9})Shv__+3}@P%89t|X5H>*2LgUgR)?!)Q!3S+<@8=+PKe-Z7P&JsakhHjN-h0B}HdNK4U{ZyFKJcFvcSv7#^*4 zGBVUxht48!So6f7G3s(mev(VAEpvr%sMA4(Oq~1K)O%KGA;lCv%$lvuAk=!u533_8 z2S6?7_FunrPHpoz>)NgbV;W8k2x1*_*Mp!nOn3423=otYEziszmbMq z1&EnV2s8M8fIOC16U#tM3_vw78aLDBZnd=`CtWIfQM6gztg`qH ztliA~9P*jcNhV%F&ifq7_)}m^*x{q0!G(YA?>jk*=S$ZAX+Lj+1QPygW_t=|+bdT6 zQ{lyDAik=j;H6|2vnafcjCkdu_=vBut23#Z1ZwIdF)+4JV%i-Q!98g<^W<{v)KD6Q z&6&}t;t4NP*wt-d8*E|aJRbs2cuD{(Xi_;d`WVGG`*-#AZzmQtZuM%-7V;PBSHou9 za&`7(J)E!s2|<`*Y=vpX7sU^JR-jOuT^cxVsd9b}KP#vpEf9EHV+%}|^>`R2U$&(z zferwo;-oGCEy2Bjj-jQhvI^5sVR@vLk>*x9 z6e!%{Zz1|OQ9Y%BeX!N_qz-+KkjAx?-hpLmq-#q*kVIncIt-2K_3j-zmBCVL_gtr+ zFTuxy>D)cAR%4zjMJ6DG=jLN(i4?$KBM=0t#GD8&;^K7^5*%II|>3nSj0UWBxA4AIHd=!Uq! z=+aT|YbTH;&yQsYWPWzE z+#8m}S3}4?2bl2|q^5GN{q(`>8Q<~#NeR_jiH;U9o$US()V=49$}*slgDx^M{ry|> zDz01?o%`|arfneyfRFw*^bYd#@tT*yK{E~k6Imf{kPr=)-slUM#0dgSQqxsWY9etj zhu*F}4FalOPJ^=7fSQK2#SP|M8wo8M2@l(Z)6*~;)WNQy5RlT;?kR5@SAh;VdtwYW z;*s$918vG2E1koU>ID5Y{R!KKS*=W*bpz?sv<>HHF`L-{KoKdm;p1P2XDu0RM>o2* zH#d&;w(@^%N>%F+~iTLuvMzU`j%*kbXM#=;k59)h*VGUaDEfXiJF62ujmj z``qUToSfB`SnI&@P&W?^N(6JdVS^HvJ?t5wI3IDx*rT`+$zrN=z9Y4sL~yO0az?r z@Mx)pD`VaP5@rK-@;mscol^+ZZZ^2T!J$T|jWlWtMnSc>0q(pwKflciQ3Plo{kFSN zfzY&x=iobrC|sR?_|8-+T(tjC1oFe0!;G3L#isSWPF7M%jN)>eXG{OGcPB{#ivUR7 z&go9TJ4zb+{CLTSxW@93ng_6jgprT$n73MvpJJvGy)f<=EMp!C?*EYb*vz?fsHC`0 z66o|3$VAif3oKSt@WdF-5(P3)y&ip>8R5fD5c_FKAYoPUMBu_nIZzb{brl*4Rk-jh zWi~ZC#E0d6YVQ?AuL(b-5xH$Glr8Y$PRkzaMbjlwqqVG)yZd~-pMqHJYyKl094mV9 z^&jzyMGRBnmY30WFbs~6Cu+XVr+?kQFvX(uCLIHJ2Mx}GBpIg*oj0m9n(w$UkKl5w zXa7#d$D87eyxGrEwbi6V#hE$g2b|OsQf>J$F z>p{E~a$T$}Y*&e%%b*Qnkn1|=oR3lUuV+=QwdzG>{)z}Ex{RBsk$;-8<#E|+GBg^M z2;XLNLm%La5YRvR%j4iZ9zEK+);uL5;FWzlsn=}t)s_v6T=@5RmWX=y*clM z_q3XRU=;Df35>5DCT*yv-s`Oe!jR}S6Iee&l#$b}rNuD8j84jB7HJ#+1t%FKq+fKj zq{csQZM%Eb*F}VRbepKkoT;FNi$9xez^H=VLz5!;VS~Wd z{Ju%s&u+MT^VH~`clXbpEfuK^%9|xo8wrnBSA<_d?J%ETy~E3%hBZb5qf=l|UZ-4#En~?I4&QP-n zF=N-39n{t(DUxT2b3M9y7kr4U6T3WMZ#zoP z-v9RdsQ2sExJMFT4Y*xikX^J-e2C3Dcnad_HhOH{&M>gAGGE6rXsp>b60tT>4FPG| zb#dR!%}*tVq7-8bwi;N8oQm801I0xd_ntf*Msj(9bl_g~)}j!u4Z=Eu|2=icZSJLZ z@ohCxdrp{DT&0xFn~F&laIMG67aN+tq-6b8s;>E#NuzA5v`BI1P1u{nc5`U}3y#&H zg3LoYs;wm#&DyhoAN3^`5z*7*Qn8HDG&45v&btcWlnIR()8DFbw ziTcYuI8>l*?!rdJjgF~wmYG5m!TwJ_-S?{-LbJHoM%9ivYfW!WSI)0z2+{9f^~5 zz&ulUk#~0Tr|CEDU;TJCB?4^2^V8lUB=!Twu=uUCW}TDhK6(j3vYON^>--Wj(GKa4xwsL)&N50D^bQBX2DnXw zGT4?1!C4yYlzw>i`eRLn4k4!_kkSm|L z@=FFkDF~8y6f#5h%Mn2&4_pvC{YHWl(ebLD4aJ$Tw6CKMT{U-`ERpO4Rf4Jgai9R^ zP*|Bc#3C@S*`bQAwHL5~2%-|{{buGU$ytajLrIomc>Ab5p+@7B2WH!pFe&@On`f!F z!tQf*r;=Cm*uE!x9_0vGR+fnee5slxErra@T6dP0y+Id@=4rq0DAmxlso}%aV)oR&jCvfE z=PoFW)!lgH5^joPQPL^KKWspgL{J>tmDmDiex;d@8ivl%M&FwieC|T-L)0?qef)VM z-uKeIfz#YmsBH?DtPZ6@5U>0;kgE z4~f^_xp+{DWa?_4V3se}F|s2g^u+g4A5X4+TkI_!aEPUqWBnv*zuEPF-)wOdN zrDB&3y@2~oqN~iV6YC7X>Ofzhm#l>bW7!hKw3I`0CaU(2A%T6{r3xN~+a-eQT4E4D*fLj^jdFm5fM?U*olIlsRFt?7Yjn zFeR2>oW0!Q(Cqv7hr#Z%NWbAI3hZygLOs@oohI?IQU>j)UdJFS&WB4YTi<^>A4TtW ztFO@LIES27OL?>N$=m`tJnY=>Iiz=P%dI#P{g`mc+VQv8NF!4*E)FF}w)@*GCzp#F zQ{0W)+>JtQB^B@cx~|t@ItI<(Ex?+rKGw8OKbF?G7HTU}{cdJgQ7+i9=hCx14t;xh zuhy31J*RVj?2i1Wp)*GQrkR<}m(mllZFJX4D4&gRrSdi!9BtI>%Gcxvow5WN9V!8$ zdL*ADRg>lu-Dt#!3}?s+m&gkEVl?Dd5UB7oP>F3(t7nU$&{@t08~0W6%TwBqg|jWTPfIif^6W&8W{YY5%0DnmgS8jdhEWV_+Gn}_DfR10bs{r2s+_G0RI_3^JooJ?xWg20*ze0 zK4<~mPP*S&D{O5ER&YWftf@)~TiGJA*Mao>oebB8H5t>(YTP>)E1QwE+RJsWoOJV6 zP8WE@D-!WU`c8E-nMLZccUwLnEK&CYYrv#0gsmWUo&^nLGNS94nLgwbwa zKv-5ONHS#x%>4=Alz63hIo{n`^#t{P*v)ehuMuWh*af(Da|`vD%3$Vwoy_W02h2-DRHwc@B>@<_2PyYbCdv`RB`&h2h z+?)vK4M`&HM?VqDA%7%yA%Rtt_#L_EmSjr*!aJ^3z>m-q&dY5uz2r5E{j@#X;05*0 z6o0c2)j@}q>o}er{F6n;2kfkGEV+eW*LSM_xw2HD07o^gf^O8B&4fS>0_U09@kN7a zTMqJT_#T^F`4o5wZ98L_OY#lS8chq!4~DYArP5=ADV~TG8b-WO+CxE{Y`EGOjF6I$ zDdUKo_hyT|&F zhUE#Dp$~ON*&+%zJhiSBb`LNmVVZvg%p@m3sI9p`h zL-|X@0NL+aoscS3VQ1q%=Pe_a~|w$BM(72utm>WYR-<$2=L=fK7A{XDj* zL>;`LA4LP#-yJy9&%LK__a6lyqz|8Ow*^^ZaJZIoIFs( zKcnOAD+Q{8pkHJA@~VVwp5~Gb?{a#;b%OgIeJZY)VCTze4k?b0C5WB=3Ov{i*u!(l z0mVieC&SXcjB79dl>lQb_)v&@SiFrrJVokM%%qP0W`@uT7@EJ;v$@@DY%V~R*Lqef z z!g3zQk0BX7xr8zWBpdVi(RT(8L)wZK$A>C~6+O-g8H04>Im2xg&FFJ<6aI1B*V#a4 zPe$7LMMzq@Ck_`|+LmX`ji9Yj+6bA#Nm6o-!Ulj7ArHg4H~h0pg{JlZpNC7 zr8wMKa3(b3OPr~!5KM==WEeOZ5w(IHw?4G+R?qNA%I{Czk7fMODg)YB0ykowpm2(K zveMFT!Xnd3qH>mSSY%je?($kr#zUbg2^yjYYvRrNS}gfwqTwN&*>|2MB6%kFZ`PXG zZ)x?Vok4Hoapon5MN?@9ZJI*Lv$xK9;$w-75!Rnp${VgaSs5+kbP32f<{x&c$rVk9WO>zW0? zMEL0dINH4B)(;Q!>eWZ-TEAD!_L>Wn!?&K&kG8e>2B8mlYGOO-LJ6;#TIjBs-Hd&J z1iX3+u)1j|Dk($@kTW9<761^@ALI!~+!7)o0c$LlhOJ*)917@Kmbt4{AN2lJtcr^_ z$XQP(u;l*k>Hw}}NfuA7bl?LR(d8>fSRBpVLkT&Gaw57^(@ z8=MgaRwhq4-@ z?{v#iaG6Cjq-CPJ+n+l!fF7rtk`h&)IjW?L*-}oL&OCr+uvP%3xD$8Um$T(4o1;eB zZY8w`4GG#`7A$K5rnK(dW2aL)M1f;yaC-XOy#gkS@o%`edUmJ=ZVByIguml}(G4il z5ERK1>%xazGwC0p8@7ysUv!?Bn1rBr1j#4E_AFsDC6*pykN3VjnMyn}qtq0o)k#|J zO;G|C6B8zI zwVF??AOh%Y&Rt3z&k_Ub68ig{n>JpflxZP^*WF5lN}r)tXD`^9@?wz0eoqy7l!$#* zk}se`)2Sb2_sZ6HeO-%n^oLQJv>@7qA>qXkL&el04*S#s_PPKZul4<3(cVz-ZIpV8 zcXvBJmb`ZVBr9b4Hp!IE4(Vsl5mp@40Xf_uzgjHeg@vFV)Gt0dLk4)l=+gT;ZMUWE zqS(m%r2y^Rt&k5DuIis{^6xdYbj^hHsQso+>{IZf9=9`cn2-7kn4V@z9j=hS{$4Q@ zw4%PA#`sz9Z%%tHx>t*cdGyqpeL)_Wk(NXMJZQD3KUkh zS_E_=s8HXRZoj}=aMk~NL4|~Z56R(!+G$gJ604&R$ht&9`II9^Pyl)mb8TOGM@|>@ zPw~TPQMH!1n0LUD)E^Y@zaBU*EGmzNX)`g7SwiYS?6^t_I?jBc#4`>_@b z9?MazJ=HgSBg7+>118MNE#MwTYvQvMke=BQ9)B$?+n`xTNq5-1qC<%A{1uXSp_rpPQ}(kV`mxN(vZtHngnt@wut11+ z*%n(^pw;C^BL;(2@fYPVUO(jChOxnK*H{29!8M_qM+Gc+s11&dr_zdvD_hpTf06@E zFvB4)uKK^<|8lWZ$dtB9P%tLvG>7nXvUmiC(tM8Gi8Y`&epYNHF*T3`6 zWvGHHY9p{(KU+>1n4UO|W27_?B+Lnsz)86k*>`0ky|Vp9V9RL{)Eh?1id`6BCwBZh zmw2Bo4;6=+t+aen?L~0gsVQI$mK{p=xr_Lt_;#-)*Y}4h1KbL~XL4T_5%3gJVbWc1 z0$kRl+_lf$POfmF(N(_UUB_wDaj-yDF-C`SZ{uSz{6nt0jhZ2d2?-U2ADCTbhJgS$(x-~@-@?(UZ0Zo%Dca7%D^LV)1z z8r&hcy99T)o%h@NclWF9I#pA1r)TDN_w@9U=R7B4zmb+>VY)~uL~LM!1U2m_Kiu0w z`G&B`a%UlRXMy`KQk`k6laKomiC@GV!Fr@5X0+OGOhl<{rQ^(kr~Plc6`x&95C!!o zo+n;^cJ$7sZ0_Ou8Nr}`90(5Yh_N^OfD)HPMSZ$V&ZxNM$YcVNQjU$_{PL}_oxkXu z$bDZxah!`?qdVi}%_GM>$MPRI+ORSS6I+rpiG0eM&)2 zb)rZ?$*g>_;SnM>1%Bw^mQA6lt#{+mdgS>KZpFtU@3QKzif_wD2yc0^w-Eq7elI=@ zEKChq@rQM9+@-ePyJRjiN{&&o% zqOYd-AZhOXv}}U9f<%xX9$W#J`Euw=2o&Lxb}0XH9#~(iwnYmEF8Xbj88ZF^js4G)^i3@c8Rg{2ldZ>e0Fn*C$#jJ?Xlc-ppm40VQ9q-+nFX5sc1nfD5Ov|HC~cmS6oJ(#PzC-sUMxQo1g zlq%XDdF8uEJxk4gq7OwBdIV_bpQh%JXc-7-Rf&J295gZh#i4D>ISYGZP&vdIaWA=e zI~vef{jQqwN3}!Z=S!bu(n^|>xXupi3@cWD@K`uJx| zx-fDAm~`R7IS1cP5(`)epUi6CFqCMK2;E)iXiU3+3Pu)sbL!@3g-V*;U{Nu*ZL)%#I!2lc%Db~|^4|IC;QRO*UT)|~ zb>9h}8gpM3OnI~!;lG_fC5Fc!`&w5AQMQrfB75)Wyjct5?WS(s;>4jxV}BSK({Wk# z(_|8sHZ$_##k`A#aM=&B= z80)P;O_dRzdW}sxvjl!SjXF9Bz5KfuXf8`^t*thKYRvF$B|Q0Vw&I`L)ELjF@tgn3zlJE1**HN0`RFd!|V zR^LLO;jla@Cj(?;d))LXQw?)wm}(`(cdK5e&)g6la1r{sP0mVTs;#30no6AE%XSwO zqj1~71K6xz3*@%q&c1V-QZ-4|W&dRQIOTWDNrt;?T{U zMRh-J5-#$Fd40UJ^;$r>ps5*lRuq6Q*}ayRCp~1koD))+l?(=W9H8F&MKmj>8=TMrt6wxES;2)Z!qeo{M{%wLQCYkM5!Sh{bO8$P`6gAF?tLouX~fO#w$9yl;x|)V z4w7%MZ){K7++UX(@xE3~S%|QwMIuTt0wVq59mRcpHFxP+E0@9CmAOmEWc5QjU_=Zu z_vdF^yzK>XnJyZZ8cd|;WV)p}5*pgT`GRl}p(k|m<&YMZQ{w$iLc|~`9)P2Z z0|N=cz{S)$Q3hSX_(WAo6l^uwL59 z=LJ#gw%pz+fI$jCgZ_(j<8QjteXKX^)O{;|0@EGGXIl7jmZO^%)Cx{DCXdI)7B)92`V(4xhFs;vvMLZz891q5b@8c%2R$<#VGL%Rtci{U`N+rE zwqPlFu;0z#aLgA1V^2d|zDHds-wDq}a6wk52kS-!D&37vMlcW-*3>GZ!i#&MSxm zdb3U#>Z0&d7sBRsz~$c`jkHG4j%S^{Hip7%AAGwU1m-%5obeZ~u>^&GWaFC9d&Y`s zt?)^8kv{(!M8n?N*zo(4PY)^P(78PICGs75W-Lh@oYjO|#4JFv=z`pBR%yzy@;D+a zz&e%5S(3{EomUP^x7rTqtM#hTO{=P!=YL~=j~)^IK8@VUn*jUYN`(pEZ@YA1zNs+! zurY%4UYi%M=ZtU<*0+xaLtXAc0;x#o0n88mj-TQfmWK2YL~P6BLrp$CW)i*tgJ0|YrXkEz z%st+L@Y?aJA23OS9UMUD+f^m}<+Yoh7nbu$=1j-dST?0z_fXL|SPQK)t>Y@c^BF7g z{dwX5cqxN^SAXVAKgIavi`-2p7Ff6e{mH!m#fA~Qp{g0<`_9bkdTHXm<`n4M<#CHj z@4q}%LvIJSd|0=W_vJkbMl2ZgzuG;ms7fCF`%1v$uX}-9sgI86TV025 z!x+_-iw7)`q%R6Do0boUhj8v5EAWg>V*S}LNocjCnsk? z(UG-i0G zVj~@;u-+6RI^Gg(t+8!z{)H=Ht?7Py9!NR)mq0?jUG~0VPlBFUXueD{{wuwZRtD*Z{|3V#DqUYX1TjZ{S8l5_-0k9wvs66#C=KjzEV58w zVn)t>_V$3+6-BRO8s5z9e6XE9)qj!*nG9(4Fg-dbYY=k1yGIo9WPx5y0MxIGz>BE;zmjjzH`o8|Y~%|80nmXn@2EDkFQqgkrJf;K|Y z+HOJlIGSonr?0oS)3wB_^Dp1bWQrBntXE{{;2W0;OdHV4Qd4iQoD*M9&+RqX=-OH( z>Tw}FFsv}5<#(|1@e!T8r88FgKI~#(hnSl6^1?un4JH-xY8@oAk4VJIEG7EmNq~kP zD$V3GEauQ58JQMBN@qCvA_g%RFW$aZ8b5YxmAo15($nPoS*nom>%&1YsbM2!?$KNq1)U%T6`$Gk2H`-Uj~iO1;1*wquP#ZB@7WuM`aRpZ#ogrIQ8=6!?OeJ_cE zK=62a13RjFmhlfJuwh`o_R8WpUcm;L1^U3VD0a6zi)M7E1dHYKwT^rVXCjh-7{Y&N z)ZK^*^N!>C60@^!xq#WQY-A9kkvA@cm^ zm7=kQ>LaxE;Q#*%ND66ki}6w;e9>C)=`b*$#H#7s7N?BGB^9#~hQE{K$eljTZ%3=Q z8DuRd&kb0Hy_+A#QRCEwRBLIC#U#r5D_5y)cORAAdwj==CG7v`)*k_`GmQMxgX(qB znj@K9J!Bn-p2YP0TmY?v(Ct@@F)NZjl}A!IOQv*ZxI&UHyJE4-72cKlIh7F)=Ja77 z#e$Y*-aaIBN$?jLj}u5#5~9b=`frtvouVRvlCWJ#wV*ANAH;K?V6w=yDV52r$RZ?4?f60o1!$GDPQ%RhK&@+uOeOg%_7uGi zfv(4Gtc~;2jc;Cp9KA8s=YCfz&1sHojWIwG9>!r-TRDD>%zZjBg!(V`fZ~n4j_hd# zHL-@yhiOm6$tPCEW4cF**&_5&1c^+sF~|ZJy|8l$M0Q(cIaprV`z$@Uv52d)ErvzV zQZ{xLAh=M^{58kc{HB))1IX*!5#0e5zQ8}t8BP?(6I7*T4w48rS)~aY;d@N46 zTch3v6YWWZ6=ZKfL;Zi-nQD+iAg80+VD9sei*OU|;vfhtCm6T0jUeDuM1{xk;4|7; z(-Ri(Pr8a*AVNnAqlK7LKOO>=w`w(Ub`VY>{Ek8CWF?y2vS}-#Hd4u~RQ!cadnb); zYb3KIIhkhMh1K2G(94k@JU#;^yWTATu&QF0o1}?8_6d2=)z=oRbG|scGE3K80}{%q z)wUC6WTBL}TO0`(H6PN84782E9QSn9SmFb2JMK0*RKUwaFfewQoCo@o-6u;DaOZ)g z+^?Avaq)kj-Lo@NR7Pc6RU`;V@QrYDDF%^pxewg?zOP&#QYhpJkUzZa;{ZN729bp5XR$9rZ^~lBY3rfakZ4k*|`xP`lPwdv%8kJkdxc1e_#E za$H8>k@XvGt*yitR1*-5^A)VzcWMYpB^?|YPHabJfY*v7VvL&ozfcrlXP?8PA?9qIuRn>lv%$ZWs-O3m^zYzm` zdTy#3x@Qm;vpl)EWv~}%PloBnm`vEU;#mS_V1ao|E}y(8ODu(vA5Y8cG)rzYIPfji8D zi#N&trTN5mSvfO%@T6VHLtB?Od(@c*yOj;Ml?`?js(X#(H!lSs;z8XPUECjCtc&Fa zmACO4$9`}+T#|zFK?VQqE~H6_;3loz=F;9Ca=4mne?gtZcDtWF*$jdE5X06r{p%)% zv}j%DL$&tH*LP%wXWOP{FlhR5OY?GGPVnfZm;Y@*3f>w6+023cN*X5W_3>yYX;k8C zr$(6vsg~VjZR|+6NgNy<0<2oUARP#A$X%r|cy?td zn~J$7D_TBKI?*o5ERZYNsq3d`i+nh|)?ZSNuSqe|hWwhRFC_@%84LT>bmVnj2J<5o z22soI<9iqO(IQ*Kdt~b3=YQq@@cr81%#Kb^!oebqo(FoLILCF!avACb0uw9GmutOe z3!hZVvgNe(p}o$N^nM&cdyV5{|F|A~FaQvMBw2TfU(fMpgFg3q3dd6|yPMk{aBjL1 z|AlQ^60o(2QWP60Dz*f8a?v*b;qx((d}~mzO!iiCWXJf1G%NS7MLm}wU>7;K3hF^K z*Y{)hz0md94=(Fo6>?+hUqhe4QzL6r_G>N0XpnAHH>)KOXskgPyY^=xXtJlLC7N(G z{nAb+?5Gco_2AzEYGP5miCu7nV1V_Nd%Fk~NJCP4 z?!SF%_^yAOk(|~&WLVn}c1LtbFhOQ9{ix&riN6n%ZVDyuxQ_!Ij>T8Hk^{ zrxqrT1(-9^!s-SRI|Z3MN0JR;|1vuF)Ki5ZA(Fc1X%LWR|Lkpi_=9c$djY?u3B2qL zZn!u^p;^n82tflsC*IKqzQ!U$Y--1|l3qwh5VJ#`;62;Z#hGgWjL3<*awCg{(7Sc7 zc)XPgg+0~w-S`SBI>okA)F2=o1y|dlPr59bdIfFmzFuYZTMK3EPGK}@?0ZKW{>PlED9fi6$Xn@gc59QY3>_`j@_@4$GOV?6qJoJ&tOSaW2 z3|RP(9~nYLyWs^HS}pmEI3nP_3Sg{1IR#$lp1ryolJ^O`P29i{VykeUFu1W8jxy7~ zP6nL3`<#`(W?)Id)F41o1Klupu<$*l4SZH(ESuF07s zpZ?l}AMEBPKYec)KIcUE(u`$L-*YgN!dtPcj%p;r)A1Um1C52`M0%O;+%;M z&@zpnF?lkA9!q+Zj^IDnO+N~Sl3iJ3YZ`9mAh7?=bJWI(*LiK{;uU=q`CqMDP!4j+ zKtodK1UDX&?yvsC=B%Gc#2wShvDRSe`ruK+i~Z;ES|9!Ibw6^*0mMpc^9laPZeBiR z5lP}WO5uzZZH3feCZU;mXsV{CSO3S81Zng`GqrH46|NPote0z7MS?2|9Ju_u`XHUn z2rFqi?kSo&#=6Yk3gb1OxTh?nBPkWF#1{)p-6_gv=(6p7TN0!{dATNhot|BzJ{JZG zZ%?vvvY~B&q>*a<#HqZ$E6A+JUk$AJY25l;_XW(G+(+h8!t89$7v6u|U&$-`UqVJ; zblVqY;BI?L%9|cP!6Nu5dA_$^^-k0X%`{vAhcEoX(moF@xx(uDmcOVPyAzjRP!y9v zVHaMcerYqRX|PBgnR^uQTJpBwu_l~yNP$Z;eS+(UUs%qMEBU-&$g(9A>ET{dm0O2xd%Z=Cx&r}Qffn{k&hX_&ydFuX06 z5-)G5Wz)U`Tt$=nN-0wfDnnHkaNKfy?%TSHOdIOBDiHT8-ZvizGjF?=z{rG?R!GB2 z&_YTH3U!2~%UT7!qtL!K8eTiw+67$&J}thNs88yn1<xDl z4I#m0jHam{s)_&lvzaoQB-vd9V4Yr;!T0CT{rl6eA%rCP4Yd)kx69|yY|%{!;xf1o zpjW|OlGvNSxo>v1u=t9Jtjff0<)%W_3 z=0=ddS|?;<+aW@B{B0)cq6(_tmd^PJ79W;bLpisBd_=4TkjBo?aiBRnW}8?*FuJsg zjSfP{?p#h23(?VmGII4eT+$w!IJ9jfBSPd+!))jl_iOep+oBJPqVo3)WKWm4R|QPG zw+t9%Rya&C$vT9;2^GDBK=ORgySq zM(mc+F)74YaxH~J%9Ndsj0gy>2z?C4R+d;L<$}1;o`tTb2bQs?pxQ}GH7?hD^}5Av zphOQ=U_Jz)l7D66@5<#3s1=5c-kY){@}BW9w_bW*EA%A;WZu7vVz}hDqrs?F$(VuAOxoMyhcJ^rnv)hr+gm$SJOl2##7ZJCTB( zlpX5o8WudcAu0F1`F^h(r;l&r_YOa}V06@+$&!c>3ZK5~iD{``3D=TP@ETcM(*Z3Z z@$w%I?GJr3&Qd1$CwOq-y9z$d@Y#0?zj*j`o_E}Atb$QRCnx$Rl?Nx4XZ|OIMTfv5Sc#;M=4q4ww3uO~H5&rhh3RD-*)yN^^b4(ASb834e`QT?)r5UZG>IWW$k zNG(y1H~8^mrk=m81R5#_Z-)1E7D=MJf^$)coIm8<*$PKy33hFHTzc#j#Kz+FT#5kr z|3uw#vTaT`LAO_=Zx>eQkC3#w=K<+w2-arVSlmL2kDW66Fkhmw7m^JA9)F5f9KLe; zk=yk*pJ^$3%3&;DuEkTqe}hYg+b9*raqz8wZ-ehT{hzV51x~wpIRtWVgvF&32YRF4 zo4>ILhmTL~Mb_lnZxH0HKqNQqC0ks0a;AjgaF?!e(D=wZnk6V1fqR;@XHg|y?Xz#EAr35|8)|C_+P>pT;4%?p2sB| zWg|K>=_&k_yE_dhhV>t$hm)WV2Yz5F{u`sVh`T$~6nt2VKPC?Wgk}XPq}(axVplEZx{2Yh)`*e0amor!Jb+{ zp}#|&ZDH{v7Y(21rXfDpl0X%Wdg^d7pw%#Fox?i*o~Fj3-F5e{7?kC80?D{}X?j1} z=(rmm`eBi2Qpvq^YG)I+??OTo$7-QD!T^=!u`5<;QWJ|bT6EOR6)`4rko$gT$U7O^ ze!~Gi-9VUzX~g(Z+3)g4mx1SJrRFd|J17w)9@bIkv1$H{>_-Y*{DanvsD39|sM2cV zt7HR=Yo@@b^iw_z*L+n%GO*!)HN_k){gHi8F$E7cypqq$4mxE+6+n}3L7zq?F#~(x z9{;TVKq_dfV#qaF+HWXA*C4JmLJwS`i@BHxdMS2BexXC0BW=0Li&+k%bM@0t>| z6tJsW7ik9in7c2>g!MzP?dD(Kksn1WDY5PId8(^jA%)vtCkwRi7ll;7^WC@6LG<6L zBwg;H?z)5j+#HQ^n4XRw@0)4J&hSdYep?^hF8hO)>P7;ukTE?zy{rG`U9( zcu2J>9?c)2{XN==f;BH^cB#eAkaD4SBpX;jkEOlVy`83=aeQM4KK*pR)yLg0BIOC! z)fpwpR;{gO1&gKH#zfJ6TeT2LwLZhaw7udB`i6Rztiq~^1D=XPtH9Y)@j8zyy$F!) z=jLXgc)db`fBScx>w0!Lpo6>F9WCG9Of_J+AA4Kg;l?z^Y~=oD{Vyfyw_o?o5rdKf zm0=82Sn7;XjipN{6gU>*wd7xvGj+cCsfe7f4?pWl5&{Xn8W zoGoB>Kc@`s7q82A0tqx+eiz9nzW?BVd&J0MN6_T`GnKc*(3Qx`*rc(k1`NHpa(qEyC`$d zmx7m#HUb!E92SJo4%SRmI+MU0b!1#rNqE}wG)$C*-;-KjIs_*bNfD8s9m3xD6I30({soQTI5nv!h*XNvu4P)^yrRy(vd92$t<=0GH zL#K^_6X9R)103Elg|M)Xy-t@-*XN0!#ATw)V<5{W)~K!^kpC%XDi&q!gjLOQAI{#_ zEjL}wLXI3WaX4#;ZhEX%tw!AVCF(%M@61jyybBMqgZ@{8=(Z|CQ#>)v;9^F=h&>wl zgB5P>6i^;gU-0u6akoO%;8;S_jfVqg{F>0^Pjb-xTz9ESe4O#q0g3IowFw6$|A?k#mu*OT3PI;|Z<@?na$Q zpvx79#gAexQ{iMSyi`dfZ{Ml!{^vLf{ z|G9HC!FD(y)SSrHwptc2MTr#Wp;`s=F2se1qYWdAJ84%??ipT!1RbTeis!cT(!=Oiz`vK+TEtA6fLYGjhm2Q6Z> zIK~Vrlv5~<=AEOPai9i_M&H_!lDieu1!DP@x-eQc-|1}iRK|0BlpK#>1-kh110xuT z)PgYo4Fmr?W0X&xG=YiF@0?vTieoXr^ zF;H_0k&y|IPN>&$3j;>|n`5_C`8?U_wxis-`69+`C#OryCIY6Z-N(pcx&wMoEk$4l znR%0XF!A;Cq4w1@lEfpSQYB|dYYrHJ%{yVg7t7q%&gEeG=ou$g9$VP(PYwPpoDB+% z=JF{mbFmkY9;+L{)rYa3%&)_B0ILBXT%Peax(H&2w5V=B=yr?rM!SO7qb)i+nJ^HL zjupUc!^uglcyikxz0IHUjjp828K=A6S1=+C!+(#%+Q!0?w5{<|>t{CWGc8ro#P!W# zA-cl#RWrqo8S=S4o_Jb=$_lL!L24*}|55iHGjv|_Xa3CMYGcK2&InLo8;Mp^2NSbM zdQ9rM0{0y9OpHt#$qB;0A-_?*=fi>#cxL1-$mC3NVcq>a4qq;-eiktGSTI7?x$C7Xs}@!Z^FY9s?UQFcd`%yMw>-R36sO@0#Vov?pz zd*Wy>a=y4&p0Erv8wFKd1&s1AA+ANFT{oJzx6QMYQQHzVDiX9k7Up9sSAFByUOAeu zE#tr5;Cgd)49AVABcUj1fj#Y0S{&=^lywUr+hZprWB%?VKQVoYkw~O+P;9mjn7^X}r&pok;CHGqxHkMRDEAM%WX zLEHK*j$ZpvyI1iSY?wL)szr|CUc)K!>FoMm@0BX=?8z4n5=p0F3IFPV+k2t?4gv4A zCX1Gx%{_6t1y>b$c_yZgk)S2zgVPG>s^^q@XGkYJ)lld!V0i&%QK+0niWo!O-gWppBOv&Hr0^@6Ci8P%_ytploI zq`JOC9Etl>7Yk~49bZQG9o?>Qle0hTSGLus-(XJgBs@P?w*`$=k}dIv3P4NVwPEi| zH^8R;e3-xRykyhO9iIm-s-{cl1`V`M&mWW$<@&H2pDgx^-RX-HZ= zB&03pn$7J|o(#$t{9MAQ%S2cxX$QnHW^ayL40ztDY@V(R;K75w5x_i8Z}0WGTM!07 z{X0F~Uq)m22@h{^J4wJ!F9x!+U8r3|uJ-n(uT@STmRN6&Yc_G(tpQLD3C-IVEECwzq!cdgZ}dLgF#Y?4G~Za zw-D1}L^avsw;2)k{*x#W8?3ev6_paN`(ohjcXwJ#_QK4g=l&(YzRf{z;+CAENs|<} zD&!=^U_?Y#u7nEPpO#p%8y9M|rrC4|+jBGIa<`n0lOl3$;p4hyz)k<(eK;(L2KqGm8Hmmlp2?PZRF7L@kgtD1wtl9%y*r@kD{ZZB|s_<*Z+VbO1`4A#5d zd4H|`^-?;YPFufz<|45ExLV~=KR7|?Y*Zc8)}Z7eB^EZPiY~Gc>h?1Ga6Eb~2t0h( zuS62DU>m}B+U*tzh1115?Ry-`|E0BxW-~#h%cRg+r3mHt0t@(_1vH>P;Ov4kp!@0zgYWG_g9a3#B7Aw&0?7x$W~xgt-+3*NX9jBDBwuQ**$E*aHR9=(@OQOoj&3U z&j&+qN2B=1aV{V~!j5A;o?4d81`4ntq)HsNcMic{j6Tup*zkd9)U0pXdOcLakGYCh zVlIE)XQJpyRcLXLLdEj`=fNcKr$pe0QHR&6_w~cZ+BNyX-g;i+$(iXKNkY$LZCk7t z3H;kx4m$6BS*y6(_gMG-fxpS|`S%9#>#gmzK8@jFx51wvP?jv;z{{{2Tg1?yJ)QY4 z$jj9u_7y~)_eBp;S`CA2A0zqivbs#ac-xg}X&7@$91l5lcu1U+eC9v8??cq2*uN$Ad8gXE*4+O##)Fr|0iot{X=JvCmOkim>0{MS zx8}KLs!LZX|1U538dH&ek4#On@0W`GqEf9l%(cdoa zLo-7|A2aElr77K~Q(y@+t&XK+ATn_jtG^+NPyabBNS&_n1M$6v9D9tLXbZ*r31wA% zSNB2HZrBbwbr)Ax{a=xmKm1lCOYXsp5u7HdV9V4Ys&rc#q8>BKKT<(Nl^qwCg;tv1bmyrR=juTTH|->C^OMNg& z_EnF`!J=iSud1AK49K05so2Qol7WaH)p}};my&8|&7tWcS;vUODtzC6!JZ9zAb4cEQgayN6NvDKoSmmxHRA3{Q8px8d$?(vzy zU(Y;?_@P&QltZd_*#Yl>fGUF*6pBHIoj?u)@Al~p|FB%0(`75}Wg_T;z<8eyD(hCS zxjpTrmJk)^hi``JPmxfor>i<2wAHQuSt;}iZxeD3x~zs9Kenw^*n_uXT;W8C@PzWwas8hBGHHO;}Kv-nwQqd7$idm!EgB6k;zY|^;BP6V^?jdR9) z9VocT)K|f;x_51gNTh2Q7X?Hg4Gfv??Rh98MO0Oz0`@Q`vF9zM?on9fom z&acYoYSI3sp(9dAc*ptl!Tk-H#gn;1?5$=b^ceO}z#FST2U#)6MN+|nQ$4sxYmr+p zm&k|NG{`v$d?5?X$2&4Qlze!sN!sRrTSL9|N6PNxB0YvWHdcy%P~yG%A8C>2GUB23 zLe>Ow^{=YiJeI3Z3#DYA;2-$efF=JF?YX>%0oC<@9lf;CYsxfjK>&;eTNK=?8|&2y z;7KL+EXj&O_XxtD{cig*=Q>7x^H$TheX*HbkzV*?#udTGjN@)5I1n?lU~3CqU%ahx zy0U@-V~T$n-ruDFmtErEWCWY5O3%iiaKL>|BHZKr;!G7-+L=-d|3_+3)y5y#;_?@m<{XGlf?U}SD4CFZDVxIPQj zw;&TSybb@M8Q5yp44eriBti`PrGSO)74$Do0#UN6ANG?FsIONVaCQ5XDPZ#+5XOws z{dQx9#j0tvu*+?Tr?eOHkO?@+)5|NmTI(!hxoX*L z;Ss^=>PDfVHiAQBD{BpzSjuNf4-Yf_lF{;m~!JG0E;X_iJOCLH#f(ZgNTX3&P z_1?DZxAy4Ft}%x`DSN`>;MrK+Z~bGOfd2lMdV3YM-fvI47>3FU{_Qx?gZWi+E#?D8 zA1ddnO79i`j|wE!kP%F4(vTx$3@wYWQ6)0f9YS|1i{}VzC1*uowJHTpsZe-!?WzUR z7qp@)AiFhv^x5^CI+Or5|An6$hPS1@w!6x+_q$HHsZZI6AZ*4+46H zWH1*6o(gnOb=g>fGd#{Bbic>wLq~^FVGKqfSPH3|n9fZBN{^f*R1nyWd@+jnNSlB9 zW_#N_Gt(PbUApY)I>Y-^UwA7m>8Qo019sv0G{SU|WEpTN&`qrjUJHJXMv$x0j&Wum zNx~mU@$Fi5r;brk%NA{^8xgkle>rEmn`}<(r^?m&jV&02#Nsk88K+L2SsjVVi7+T%kl3QCt=gQ;(y3o1YKXY_86eqa~Sd@ z0uQ$XR_~YvUa)}}jy%`E^u8(tfdqt}7LroXmY#T#nrr{Et4s6Ur>e`8xwOXIIJU$T zeM=~aJdRrG4`nOxn@3R?!{3wEvbp3Pmdv@3>(`ZDHsotaqW}prx9pBzhq-r*zFPns zBr<4vsw)?Z@@mQGW1^kyPS9wipiLQQIs7!)m#FU8?aw?-&?DN8cT1MoQ z(?+6QTSy$69>v)~EYJg7_LUVoxf%J*CGCPZ`rL?jsH!$;#R1nE9%35(zgn1BzE<^b zg}}oeh!XbRe5wyzTqtYQb}OjG(QK}UE}7yKr(sdV%P#b@oi7s}HC1m07!CK2=U0*g zy}FtGcKkiUPi_s;9CT1lUQQn3H$kXCyh=m3y1CR>Y0wALMqG*-s|vq=zFY%s5_ z3v)sF76hv*fcr9cs4>F@r2D`T-ah!)82FeECR7IQxeXGCd{bB!{lTdMN0lz=9==nI zh?7Njz_o>ClbTPa2=1^9JxJB<+GQS125@Me4g~M9UPfvD`dIdyWR`oR>>3g{48q{; zc5pTZIdtBMROBoZ2tMB9I}9x7f@a;QZ#q@c;AzdB8FvjFEo!L~)j``ht~`ZMUh@fO z8Dn0lrMqs|Dc@7Iw#*0>8kCH(_(!R8Cq5v*IGh~zBT8iRL3J?$BC^mkfu{eo@(^fw zjg(ADz1gc@tP`@VXF(EGYf8$bzwh!&gFDS?2&Um18-a)%?jM8n4ppp*AptkXTf*xM z&xqYqm3L3yt+Ms=LT`Le-B$qcgSFrA`&pw>Rw?9vA~ga#g3k@cUmpM`z!gCcPSuED zsyKI_6owQV#USp2+byxbqT;C2|D#w?{V2kG!tx;v0|Q1BNQ+>UO&O0Tt1!eAOof|r z+i1Pc{q5IaahQ>@zQ3|PDcFQ5@`@=gUz20v4yE%+slEO09_#EU*3}89N*ibZYDt?C?mnufTKni%p_gmP2Yox} zMW4ODX*nModjdSRN%lRKttY8L7f!e2{za;{#1{Db|4xs>z5s`j6cRY=#?iaGBqn4Voltpr=JW@V8O&@_d ziiUhj{VMo@4`31;sfIyz>SY5NvCi}n5e#nm4vwKi^PLS&P~ec^hE6pPU@lUag2Pab z28^&oHpjXzH2Gp)J39*=$Mh>Ewc9v>Ng|u$n1~CoofHgm+z!@GOrUeld%t-0zcHjC zWHG-(7+8P*yy@$U$Ag@;)gSTMkFLAQd9l(;5+90JJG%{3n>&DPdju*1tiBVy&&G8- zoHBT^6>+33XPSV*d}UNt=Xu}wc3?^?GNK(7Y!7d z^*HRetWnPON9FjX3Iq`^q%o8j=1rb;UgFn_SHD~Z4JVoF@14ptNffMxTYqc*{SEAn zK>0rO;C3u6++4g&Sqim1GF~u>GHymk25aJQr|Bc1-rLNo=EJA&!$;CW#FH*c&mV6xTxp>>CR*WZ(Lk6c{;8AOB?HK!82U;z-7o;W&p$u&W z_@?hjDKqWuggkAo|8#Zi{rPihQL8guaL_M zmV4js+}*76jO9@3J{_eSQqp)10cR1%ZB(H#M!2Ci{`$T*&U^f7x&^HtyrFGU6A|UA z@oR&WsMCJ*@4AgGgG}I`dTiS|DJn>Cmi-P=N>lyu+MEs3TXb9G?#1`q`EQ0lFYq=I zfa19H6y$_vXlpF;I5~W;XNC&`(RCBnNR|Kbiu)12R${|V?11{i9x-g_9o+KQrePZEMdaf%g+yB4<~#fub*6qn*okroTkqQzSr3KVE56qjNlNO5;9?(PmR zz4zTW@4k6I-@Hs_Pcr9Z&gAU9&R*+V-}=^IjOtp7+S^R#3+H>SpY5`DJ8J(4E&K<< z5DAU_X_p}?;Q<0-nvtl`^%B`6>^0vkG$Vj<9X%+ELjT@))B2)<+yPY3f04p_6y&+23BJTdW3Tbv%D4*cuDoR`a7M_AV2-aOW=duWCq@;k>O-a z|MA*nk>rn5%hM3wQ<3(g)~oE5GdB zi5@(cs9!SQ$WIK<89}pV``Da(>|S(N6Y$PZZSl3~sSvsJNq)HYkv&tGiaMTTN@Mri z+HLr;O=#wohn%Ic#~_PkuYR~go1jhK#=Y}ox5hJw5A(z%N%+C^d%r-l@vdS0yf6@& z!Zdb#7CMU0@YV_2h(lc17nzI;1FXEXWL|uzRoBXgId39n0?suSH%w&*UURSh<@l}3 zbbz^ruT#|!{42a7;#$X#yh8L*T6YW;J&wM)`)hPYv7z4wtudRnzP3K?xC?>X?}2k~ zLkHgkvl>c<*K_imxIn$DBh+A&j@9?cv=)D2I&|^3YTS);P$k5di4_RRG&I#e`FiHa z*wg%SI+4Sqc}TJ4!MYF}3&xfX5Qrv%T7O=a`iKf=m#3TG?T!ZCe+9AHnH{&!LIA{} z@I#gG4^dT}i!pGi`M`=grt=yZ#Mw zcd5fnI3;}Me&zb7t4bCZ+i7>1K=FPS$|un>kGvs~s$W`Sq0Mf-zdQhGjv!Z+xk@n( z>o5>*a$R>?rS*>nB(dA_Tj>f#jMG&lP9_Gf&)*0S>=kI@u&((l=F4)L4*Qg2FHMtH z5YW;0qQh#qLh5ntgYK<<2zV|9y#mnhwXI$`Eg(WI`wcr^rbpi`%%an|5338>JA%zB zKzM-CCH@Pv*;lI6!~x-cs<*eA5(mGQdqZ;j4wmD-!YVdfHTPZDyklF#X9CSO5I*H) zXv!OT?(uxS&(UHw&E-=1#FQasnB73q{M1=tzO;0_ouL(Oz}9K>={OlsP5$y)v&SA2 zVrC4V&;G&)K?7-!0FdAcD4mHN{D9G;wm~zodqRYSgY{lDVU(bwK?*?`dZe3vDeJNI zXz$rK`JmJeEQ99X)@@DF#tnft7oc4{`@#7O6ie$N_cf6kw&^#J9^sV7Vhkz(2C3ku z)M_pez*i@jmP}B3Gq5>?_;H)5p0DO;OpPZ5;NZM2EspXs^bmf5WN_zZQWF;;*_}3= zGn->5S!?|Ip2e1jjVPcOo~x z+>x*A`kWk2&s^@>e>}1-OlC^t5}8dwisRap_Up6_HojneaNRv8=`tYk5!jyY15cPi z+2INn|SWdKHAipLqjt-S z7aRC6wsa8@OZC?jobUZ=d&MYYo4?ok_vi1h@gEImQz%U5GWp-G-Sgg6Hf?|JRG1Q` zPN>;uQ@sDAsDb6SXDgl*#MK`(Y+u7n(h`Rmx{9Z_&5`tCCy0o{o|wb_>@zN2k5AaX zTFsyn$~+8bKnWnt+#Yqu_l89X#|W}auWy%2UtT*U@A?m3Yr4!_F=|{8l8(PY#h^92 z&ArX5s1TH6rv)!x-&Z&RE0BbAvy=oDT)$N<`&!6KD>y z+u#H?%lQ6w0!uc&q!D#*o;$XO-AnY4-HT2!hf}NQtj3kl4fLAX_mRJN%f)@6@lFbH z$t>@r@PM^6S=+rA~c0}^7LHKFrD9^iSDfa?UAx!ugA(i(6PgICVQh1)W{ef zdaT&JVKUAl*EXF zwMEv0yEv-N=+ABN${4;`9axk*^QQ{DdFWgu;)w}_z56;GAzkz;1^s0%Ot27j_Xm6r z&UxOUHjJ+iGkTeGKF>i%=g5ub^H+m1Nb`**Z;t0?OGpZBRS#Ruj@eIRE+)ob_-xBl z^y_qrje6vjG%UMgb@iwoKZAs<>xVgG{8-z1$KTINv}MI%v0>%zS&4A_g($~P+_>&p zL%l1$Q4I6Wx>G)?a;`==d)mffOh&Cgc*+Ovjh)h{@)ha(-Q@UR`1Lif4&yxvT#u&} zt2>GWqxKf*ldeaS7@#oJK@>7@k~+dSXk{^kMgLQ^W%kWPd{&CNfTME3o`ie{x&V$$ z0oO7G{$pz1-_?BXQst*q9g~4RDCUx>OJ$kCrj=>KU01HORFX5SKzDV$e0~>To)v6Q z7Ar?DjF+b4(26_Y{JL6q2_<*8Ic_pu*9j?nX-(X7?#76PRQ?DM=PA5ou#2Oi<51I` znwJ`;51j}vFdPUp>*v6wR^t>;(f4xo>7GQm&mM<;;7i~O72wb7jT;D!!{ZZrHYpDy zzzHUBy&p$g{L7P&poX>8OMK)>`&igmTDpP<|8m1Gc%4LZ4f3jBt9KAlz4I;bICeo{ z!hficS^sP_w&c3j?pE7#!0ouUz1xuXa2rak(bC+oA@?Fy!f@P;&6>p5=l8z+@$xG| zNvtMC=7mZs*k$0W;ux5NEf6Gd>;*n2{_W62sM>`y`UXCd=h;Pktx zoMO7JwqFQg0>Xsyfwl{7Kp9;EsZ2w4%12nkFy+h;lw!IH$A{&&gkHYwE=qw$s*A0;lsNd z*?koPmq&B=-(w+{YL?DvZwG_K)9%ATXn*~3>>0FmqHG?GRqYFP><;IL#urxw+ZzC2 zISR&6CFT~)tns}XFfCAR=7Yq#q_LVjve1fEUIKhGV{r68Zg1*c)X)vWEIKp~;{^Gm5tnVxrp>3KI8Wg!2(JTyujwPWgTqZo>$CjxkE+6^3&I~m_$&$$;7ag!CYkwP zQqo8Vj2Pn5(4~`L`QkwXaG2u z#~?@8-<_0ka+9JllwU~cR2)BQ z=WF|Tq-KH>ob7!U@v7Hs_A#aTD7Ye!EY(^IvV=`nGUwQiQhY4}eYn>Dl&>Q>)!J^S zTy}Xbr{{OQAM(`;mAL|f zJBM|WY6*JRn?K3jO<()6?h4P=?1x2f8W^0wFlM<>1x9)LkAJP6Sp)i4#u7IO&q>7D z)U-}p?hs1Qgc_r4Tdv8}?>K4V4h+vK6A(n@ap9S!Ig6?INmKzXS8FN@lBLb`smN0D z-%mXz5WImdP^?R67{}dwpYV*$@A`<$S2x-(p4Idq_Iui>Eaw6H>amW+x{Wa1#>@7C zSItTok7zL99oKXFoLl(q6;CO^Oe333^x#22mS5f^C(OksD^srJ&5?TFC}GdtWe!p4 zZ?#4#8tGQ+_8GX3n0Np&Av}FE25VBsXLDz=_-b;1$Fp(M^wM$WK9fbN#?=U2{XXe( zAlmdV)z~eL^mxelCc%r9^Hq6}HcMTN=l!b}jt##BD5;m! z@a*gW+uNDjX9G$LUY-wRG{}mufvh@9<<8L~m1@1A?QN7U6#@U3A1k&g8gF}am@=2br2O#s`dFuB09$`i<>vSK!8bgees_pLDkWjDEc`%^ zY3=)u8U>pd56#m0BHR!~so~qRh07kioJNf;#rktk)AYCh{$uLZ!3|gXgCly3XPpU1 z$G*41mxFZoMK~&3@EFKjg%8xPJ94+71LAqT@G^+S<%OcN>D5ndp|52S@=-yG!luKW zv*@rzwY(iRGBSBoY2(|@#VW{Q?UT21KHT#Oyt7j9jPf<+UKTf+9^>6xCFzA9Lk9FR z2?h*g27zc?4$0Xe(1c%TbmgMeb|_D`BT;dAkB|$pxasO}p#SW;seUFAYXX`|1b20$ z`~U1aR0ZD>SB92UwqKh_H5E(nf6&Lyx^qE9D-93$AWT_@UM` z6X~6?MqiTo0W%j(4{U72Npw1>sxhtPFYrD7uagYWeBvAHUvTtcgKcw>5fe}$MCtGB zN>I&=kcbPSXM5WiSIwfb(%ldjqjl#@Y2`iPm~DjQyHr5I`w>8at)(pqZ#NWHG~KOw z&uz3WbGO;wf9Jp;xUpM~-yiOA@{Q#Vl42uox=lS*Mu{BSe~yazqt>m9O2Iktk`fud z@ppLkXJ?SOBN0H71PsGF^HSw%@+z)~gij&Zre&kUeyK$xHp`^|zY2#O%=$<-^InPO z&eQL>04kPImudNCI){4ipjef>mQ0aV| z%!na^3HEJ57bGC8#N8~$abm=SHS>aH;vA)>&Ut)GZjfh#px@Q^mUHh92g)ZhNt0JjCd1axZA#gpf+;fXZxV#=Zv_7fp(;Lr0#?Hr$y z-|Z!l8__IyHwA0)nWbI@X%wQCet^6er|t7ot0?^JgZb{FWKZrW+|cI*>KgYy1G(S> zOQGe-X*;nM6igK$q>_?kw{EyTi+M$5T(u*~>(BCotL>|+Rs@){PIyWqR3+&abb>uh zbUxZC^sAQXy3vrKPuS@C7(gL|wp^;%n6byv{;Os`XDd7))9P0iNxQTJ z;@8%!7N9VP?}^`&R)%X!Z`rnmy(@p8kSQ9d*YBN$36jb9g5G7Vl*+N}s<^37q50Rp zyIKA3AJ%>m+64C~(Sv5JbLltO7lM#funI{E-5_@-Na}arJW^(m?K;p!J;H zbQPZ2z%+rFZZLp7hXz8;-u+SY{ojh_lp<|JW#mU*52c1uk!Bt;>QE;bI*`2=<+0oL zjb~dV@J0m)(yEbVgxKD7ih5xucOQn8C|7B%2G6#$di}+f;Gd+7F{#8uew-iff{IqW ztU`R|3((cS5}fD!aB$Q3Z&DBLE^DJspjm2!a8Vn%O?@mdt1I!XmIV4D5A9`~JHZc3 zcJ1tE_i90{)W-?EEFf};Z$vKQi6`plGG4fxXwNE8dm4wetsT{;(F1Jm1vl;=hQP$c zDfTiY*K}eD6`vfC6=-hUwj)b9lvw;d`#U2FcFMyy=T}}}Y^EdVvM_H@_jP@_*;M)2 znJp-tEjy&zu>klY`X#|;&#?1^{Q@EP1tBCx%oJ|Rs z_t?tt#)EBTImMXDLJk;OX3l>hbh=yJ^Q8C4*=oQrg$m|HV6q1==-nZK6lE(zQW6_% ztI71KV7HO4iEOCP(k%C*sqG+Yohvx~BmcX!wy$=8>+wYC7bA0&6T50E)VCfSjN0Jp z0}hcT7^;YWlw@ex5kh8-PLqvHDK5LzDB#{WDnIMam~JD1JDX>FGvGkQ91QzO@!o

{yeILH1lzMiH^V4g@5>m0mP}7n3S-0a%%2bYp#<_x=@u^DVQqDk^B6%FQ4yn& z`$x~_>-p=i&#gUVWDfo&WG;RnnJG=1fx|{+=FqIk_HUHU6J6A z<3|Y9rRl?<%wx2RFQoLqNOt@eUU7b5XHmabFTQtE!tpI_k&%MimKwND?{B9~tvBQVIuUl;a zWFp&j$c8kUSrR5%3<0pnp%>Ud$Aer_Jemr;+A>B>Q^E+CU7b`uh$~P?fO|9fxu}*| z#%1s1kyLCeT9Ds!WafzV5N@}n zAQ`|pZC&njv^;W;pagPOTI#hO6}tLK=zyU_PJVS-DO)=-W=I?;A&qK8{2qK51x88c zE{c)3PQ=1~<2;oaLFvqN4#1`|BCt5*Qz=3$ILYu>55K?g=ykVsOHbj(Thh(l!xge3`Q%)b{$AhHLMIDl#h@d3I zi(@1JYau@1BjgmgHP>G%QC+e{pyji-s z9gClD1K*dH$&l^R!R^_>`brBIA5nZLAUjVCSnMXb+uJf6ltL8m<*WVhu+SFLM?)1Gr1=Fb5KIJB(WV!<*hnNV-Zgyv*n>>!WKc(&yU~h_9wqL_zLup% z1vpZrb;v*C?>G_>6ap4)!6g{miw@2#^8{ z4&o~>FdE3BDrGD`$U=Z@7ExaIU*U0Lr)UnSM@5*@wtPYhK@!yzaR}oqYHrCNh?SX< z2Fqel`_(Sc>(GzguR}qYiGv3MRnZJov)ql9S3}`6=mex&*8WvmRN|js&m0=_L(J%0w?nDrou=TgC9;(9BDwn?e5S66lIgla_gB5 z2^Y9~3-@5HI$w7iY64+xH2 zIjXgOmv_|+A`)f_0xvPL<>vLJxupRS2pRY-A* zlN=C-m$1tYHgQ7Wlc_5Q8@>k=>a$+cmtqF$yKYceWA051W2NLL(#UYYsMT2t{?KB(zVxm(U z^O`PHz=N$!TK~a_z1S1+_J0gB!_1LUuSy_oi7e&WL<_PwJ+E0MRmBj3(v!dQf!a|3 zwhx{OS?}{_rX}##@`gm?2Wn*y;jhMPv&wvar!5>&JV-(CS>)N=yRA z(XVoEiA1lMzF!xfUa#<`Ufr+-UaA&>6X#0pm4Ey-JvL><7#Iln<<)6D|}ffuhryrZK{wRz_qrvvrcye)@mi?YDu=DJqcYN5Rp zW=no9`Kk79EjryC7B-kIvT#7AZu%hD@trlmZ{-S8l2ejHwb-$4*PCi65kc@xjM{WK zk^yO-%FC>o_uzkWxp-feG65OFJBr1cnOV3AP~b#6U_lvijj~J?@$% z^ga&nPJ8V;4X-_--m3GEs~`pFCFw*BBPp%9QoZ-L=dDH7AZMMZt{d;o(4tHKls}B8 z()JC7l~NeWE=f&+fHFBu)5Uu2LW7rM@Q-)?re(IXLRn3PGKe>5$hQt?hUW`Vn1pu2 z>PAS9VD@$&h1TM6j8VSamkZ{%3m46Lh?h-Bp@qt!lYe->eb!7-LU*mt_mf+i4;7?xinM z#(sZc%}yaZJ#*lm8=^GDRb)oyvqRNyADLbLN!k>xl6PGG+GQgImw^})(gTB{Wg){ zo7y9J(8KJ?%;eQZJx<0sKp?V!8=HqFKqa;VmMGbfM=9PDM?RwzhQ|lS}{*?qO68ea@?h3*=v#f z`y@!|Yc!=LJ@1D!Zi*e1o;Y+kqa43-9G5W$ng~C{z5kY4RE|IILq8)^o|PO1U<|Ye zv);&fYBOLrLhdF72DOpi?<8M5J>XAjm>E^XVhQQl`^Bk3qS^N>#)NkOoBjB!;SV~Q z53=->AlKtWs^AbaP(qv-3Joq>l`c@F8PelEXb2eYVn>1J+v>+i>!0EsTj;NkOMea{ z$6O7Ginm2PEZddnycA|+63~HXh$oZW_!^1N%;u{+-ll?J8aeyXOMi=Yh@HZ{zU}K! z!jJlP#;Zv=75o=SR~9#+E5+IL4|RVy37|j8n>2|3WF0bTl>bhgv)Y%H!EP$`cya?V zW{H=YT^Tw$99_0kNmm~R*^J_`zGgnTe zLnF=v?3^)1Rl#?56^<&_bJjsXK7W_K5p8uF$VmhQPoVe!DHfeaTOxyQwo(9xOHNknMV^!)V@hrKyk z>+r{@{r!p0=x@GeK}$I;R`wvZ{ERNAap3{nT|@q|RC)Ar0Rl20qgjY|2v|!xkH@48+&1FczGRVfj;vY}f|fZ_ z;FqDq3EG0@1hFs(pV1jaeSeAu#Gu^;HEFZKYWf_`HZp&IX3VSyln2&##j$!!KD2fO zAtXg2Vf#$vzqEWJ{C%@52xX3jJ=9*Cc6kVN_4@r_6gVC=hyY`Mw2(3L%qrZI7@eAX zdtW;d%N-^#NWB$G*g5s`lfRk9!50#0IzTl*i1AS)-<9M}fB$+YlZ|sE5Qi>%N2l=b zA)zetBuw{l>-t)t79LN?)kmM>H#nHj<+4+bwo!@@wN4}jPu|^IEjXdXYTc@pRDqzS zPhQK7->BFQ@#u`>w4j8=kk>6~( zBFkv9^;z=MfW=ea?c@%xjQf59#t2;5yN}}LC@}`~6s?Jss%?xAV`0Tp5}rRX=6bFCD3wHNovFpGcgu$CM_{^(;)u7RDa>xo%wCRr_fG-QP}&#j(x&p ziO{#)C0L-n8yB!rE_;G`vYx3cuPWrgHF%c)nxO^32)_>W zL4eQ>+()pgi^>q#ECgnJF_ZKow89_d(Q9z*HBWLu5P4fk`` zX|?>Y<`q=@kA-ahRGaPHuGL9-A}~Wmh2dh5Tu2^5MY#RE-T;hgOwv68o7d_Ylcnq$ zBi{=K!D1PvG=j8ZN`Ej#w9{jmO~+zr+^TD@77uBk9}m_^L3`x0moJ|uP1sz&VT{`i z|MaVn%3v7N?8rL?f1#{k|H{M5P!cZ&9U`V;0HFC2D|G#MSEzxH3&p1ma|V=}{TnEV zTkdt*YE1~!CuYL_qL~ejy<;Q6{=;caHi@s3b*%Nx@ZOX_OT!|tOOS^3pmsy@TjNUN zH$oDU)x;I?u9#_9MpaAyk;;+!oenz(rpf8alhCO6_UTdi7Ue4UBpIH zLn9#E=mtTf(T`6*-+FvFXx(5Vd4m?!tL5ACh0=(5Wt{mlms=`c7B^~JVkN;LN2M;- z7tSX?%H}pz2QFCHVFIaQMstO~u8Wez9!`Jiq`wdX4JFilJ<@H*<86~f`MlFjdg0G3 zzN5jHxbPehdBROpeON~!JnS!E0F<-K9r+DyrsQz8L8?fFl-ed*xKT`oV z_i6oZeui3QHsy|Q?pD?h0GLwuDtS#W&d*fYG9@|wEh$}r7Lr}Y7b}lT+WZlwux{Xh zXg&3$L(>YDa)G~=L=qzrSpV0Jw(MkvSws>)O6@4ZXeVfw&_iRY`cXERqSd>2PCj7b z5;^_L!D})7_M$^`f6n6yJfO~OH=wx2;N%i0@CqrNV+=bAa94m3M^KKYxAH#u&znJ$ zs?t4b?D@T68xS$ZP3EC^KNzzqiWd5;5CW$e_(i+#m3Gnk7y_?;a2+WH|7e8&)TC=4 zd)OvXE4ugN!ks^Qg>BthXB8B$1!SlQHw|@ey#EA)b*v1CI~q((dkBcQ{;NJ#%lv7> zRhGUlJ#2q(vqnD~d?uRwrM)1bTQ_QkEd;rBSM{~ z;!@Wt7fY4#!ad_NExv{qZ^jMz-*&0Q4NAD96kOYhM+NVPyqx^N1gX#2LkT&&_GQUL zOizqpt*L3%p!1z<&{5DvR9x*C&6ABN{M|yxpY%Sk$U$?&2^6~~v+Jc< zGN4F%%{$RRKtSk|vMPzXx%7sK*pU!cyyx0U11XsSWW9;g)5`rr(Cy}^%cAhTQfISm z#;^7+4UNOt@IqH&P2EaXO8X@@j_~g@p9EaKKIAs?!JenO8UNps5dU>a>_52t#Fg2^ z{p(~Tw|bVC`IB!)(fqvNU1WrsH2`vNYeScG^@Uk-m8zAOI41q95wcebCUg==y#gOm zjZmdz(!8(k7Z?0$3TO@MtM1wJuXKNTV&qjA81bgg25LvTsC+5!Q=})!W^EMCGOe^S zavpFc6^H$CxgvF`9BJyvejG);QzB){XZ$? z22m)e;(y&X)NG+@*g^kQ(EjffGS>fC$p5X#{r~3)%MUJ{_-Fv?g?455$lV-`mkEmc zVy1$P8j+t#P$Qg;4K)JVFaM1NdH+T=We{piNdTk9|A#*S#g7ZICgo(@{JVzob9MO= IS+n5(0VYj4Bme*a literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/explanations/regularization/bcd0f16a.png b/previews/PR92/generated/explanations/regularization/bcd0f16a.png new file mode 100644 index 0000000000000000000000000000000000000000..0ee81bc1f0e38156a2b2b3cf4b7871491e3bc9ec GIT binary patch literal 61532 zcmd>mWmFtNw{7DjxCD21cL^5UAy{yCcc0*p;O_1Lg1fuBTX2Wq4sUYrch`M?-|q*k zHLRYlp028M_TFb#^@J-aNFsg2`v?F4lC;zp6##&20|1Bwcu4RO%}KKv@C&SwtmGHq z{oij+dvQDfkO0zOM80}toUXh35X?7o|J_WjX}7HZR^e5jmcAQclDaMG-1QxhW{H7@ zM|Q+pLnw$9mVz9X7xnm#3P~D-&y=Es*u9jHVi2)Mbx)?jSzcN9&DLIZLuh~qi*r|Aatk(F(Qv9BClk}P~rZA5~jE^CMWAu&iDU1rkpDR1wJ6I zoG%&(`(LL?1j8czJ4Zb7BN86C8BGMO8!5+5dS*0 za3+X*)2B8+UrZ~D-F)KaXjbv!QE9I4>S~nv{`Qu3^wXzL*m@p@SL)f5jXsY~w}aYt z&EnPi6}loQx#W$7e^LELIUK87%zL zI$kgxP0B2*C8{VYqPo2)D=$~vlcd&f98c%Y9*HheU|kUqQJ!nw2H&bia-+>MnY7B) z0{Bhp_a?`kfn8#Z@V-jj);VJ4*3+7J=cwXM=Se{gpRw%smxEbfzPZ$3E=46w*UF}w z8Cl#AWh0o*P5(b#-)m~vTu+MR)8i0O;PKopHVA+8CzwXSqTut8J99~=q`8@ot z`PHzmln}50jw#nlDOuTcR^yPT9Z*^D)6>%~F&s3~u(q|e^|;yfFt20;U;cDj$OpwZ zihB0~iF`-COaPfkpvioaDC?kDAu}yKy&MZUv=^V-?)2njbaIlJo}L{qvX^jS=dup` z)6ig5zjAtd`ttG;n;jP!8R>m@YN+M5KbCrQbOf}twqk@s15rCVOpAYX!Jpn>zj=P? z@k`y>)6-KyVIqYI5YGgO|G+BMf4{xG)qh@DOxPrM(=d9{s zU|`~@6^T}>Hs|K*{NLY%Nn(%R@UWlV>CAtQ>G)Z$7XS1(sf+5_KRQW94B zIG6PTL;83T*7^DQMuV+30~S3kZ7PQ)`XJKlI>o4yxw*Nsv$LdR=(?RoWvxU$?m2;p z)<%b~x2kIVxLG>8d6Zt2qMrd?W%9H5haceN0gzIJx!s)~Y~fA$HR$#?J0R^zR;fWHF%XZ4Fjd@fRqwO+T!sqE%d zp%>sO1E;Cn=WJ3+V)Zll#}WFf68ej#ov28BZYplrBbOH9x4)s`UwTe%H(X}r5w9)l z-3<-5j_1qae1d2qm^&VfJUt&lCmCsJPv9=Bo!laSE|*W|`h<;LPI>0`49?z|m#((U z0sKLS#0f_ZixjCSd=8phIGlo(7O&+R)4)Y2kKI_wIHB!K_YLU|Z#ai$owKvE;XU`$ zrC6Q#+;1%|M-C#rEA`gwY-}L{pGkKw2Z@E2lVkakKLq4-=p4JWd?CyI)%kqhnwW?p zcr*2Szgfkw>3z{Yvfv?5iQMVJLl8$%3P4f(Vxqhz=<#6`MN1%;K&#$m&vs5xJs-l@wY!-to3rP(5f}NJ)R%A z>c`gqWwYMmTHZ1mM=3iemN~_U5j}Y3*6QU>(MizQ&_K0`dHnP*nvcDTXFccDG<032 z#fQ~g6op>vzIim|7>*_}4j-thsydHzE>dVv?;ae`qkNCon9af4n&tp`U7Bj?wYu3} zMInb8AJ3HzE5<=2=QTHbb}e?|2~%+UP{1MOcgh^_;Bm-NUtdR_z$sB?f402594qxjOGsym#sAI6^_9M=E$`P)iTq(L z`Z((cBF|kk*Vih)+wy6hncZh!@E8uqQ8F?zUV8ZSM|>LIJPe8nCH7l7xrK%NPW*Z( zdHggt_x1K+^Zo69{ubr)L(bEh$JH?P{O#t;KKK09KQe9UsH^*mtLOdqPxlYz4xYz^ zxWEvMc9{c){|qZQzl)RnUoHpdZyz5YFFkbDUBFXWn!e$4EpNJK?{}TvX3S-?6!S7| zg%3^or2;LJ%{0O*228`G%`X*=8)bGf$ar&UTXl6Dw}#vgjroa4bHlUC%cUKvOu8*! zllInI-RXtO>>sVPo34r<&g}iQUw2Lq50y|{^BTv%7??wJP?T<`f}rod?t1*x?tM>3 zAFs-1w_HQ{_{R$BBdGIbk9lN-G%$pa->rlmn^`Zz2Q_=L*lpgWS?BmE9*tvnf1j$e z=pVNq7wy{HNyo)`OFq5&nZAM}vQTF?E-r5OK-1Vb|Jy?k0`pgOH+T2)L{@@9PHyh< zy`4)BC#cG&Y2zmFi12xB|JrtHmXVd6CywVgn9StoZgwN}jHihh>52A#*&%*^7#xPf z6u+Fx6{~8$OZ(fiXlPt5 z;If;QRH^g3o#NCu!;1U*F(q5C)LD+)2eBQi5PFw3RDsVT=5v7u&G;%3^0C^k)a?@S zQoD=-O@Dh3YHMm%R#zd~Uhh`pC|D86BetI}I;)8E&(?A_^wrDf?HakkeaVhnV`%by zzC-iVx+MY3#!_N^Pyy8DuhDlD2lbPHW7|ODea0R*M|Gw7mS; z#f667S7Ld4Fw%mcB=V;Pz3*POQ2dn^OM>rDm-CtQeQ)Q%1a5_!bpVd+^HsZ6+pg(} zm~sx%shq7}Y&}ysyAQr5?d|RMov(LkoYoDts|{fO^$_@MQavyrA%dE)HylrmfMyalh^kSC>Vh>O876H|+4ZmrO6xd%oV9KV5>yF_tB$tyNN5s=V*G z^xLo(iF@t0^MQitYfK=cq~|DLfU{q&|9T9b5lMh3+PpUeslL8Go!eeL@aUwfQ%@^~ zLfSX-?$O7%Lo3d{1)Sa_&AtwQ9Thefx0(df{s|s1iPc*#g0r(03^~H0iu2#0;O6$a zF>Vl-FRl=qWiTM+&%gK%U?>VGD=GcGt@3~UH~s%4+~DRP!&z`r9$&@elh)MMN-mk2 zfK|K#ovTtI3H)lKJuv~tR}Bq%1h9sZn}FfvvA}s{%x~HX!Jpe}-0(u^YQ5+vuT%~U zsjOtW6_ez;8h3JAbBUEQ0TWtbVWInm=K;Qb+w{^>$rr@o`r@)!V)?*qSsv}mnNksJ zyb{Fg!$qYEJF0@{^PA zfUmmTl))vQNt1Pe&7@OOmmmaAyb=D_xl+~n@1A&(MP+4H;IIfF5qQ0s9U1Yw-bYGd zcn0@n9?WKbkE8mKOU=#)6Pf(;yv%b}uzS!>&d!M)kzk}9;{d$YqSSqE&2Jzk5_xc+KJ}d052~uY@mqN2DmH$tt>`GMb!@y@H*{YztUm4 z68ykoRKdDCUoU4UvBmgUf9XA$B{ zDyf4H?L8ik6S&_u7#7SIdOFO9(7p#>f=IH|ofnFei>vIYu~ujtW({?DtM$QyeMO)|xZNZ{Bi-8{^r`3zPtpR*M)`@snU#{W%%nwQ3o+lt-2 z&et=0yGHNDO5KsGKUYDhuF2rr|EElSvHo=dEdMfu{NG+4ufa2dg9tl#jh$a2GM6L5 zne#(OUVa<|8TgNTOfkVxZp9zQXSW@Iz=RW1LF1WmP-8keSJtXTQ)jbW^EgOD_#Dda zeP_eTd=>GDUeD)J+*MUqcO4w>34#B_u@$9^Q@|*xHjyIhEg4ivRh9om`~CK%2L-z4 zeyVw#q+-cG5Widv|6$#SiD{#^1bhQcF%ObXKs5Yqm?DLtkcO5?Nn!}@gV|Q8| z+{$@>43|Z1ejLoS=*(o|gzN@nftmd7RQ7~ZdyLG?_J7e7ZjzK=!8bsxv_DLpP2lqq zjDTGR^HXBybh&nPbTobyBK{f+F?mh;EIyZph9(6ps6pXraqQ~tPsioQUKQ%k{a}s7 z-T62^q`~&6B(`ta1m=PG(M`YSvtugG__(~15~=k9s&TpVB0#u!7Ad6}whKH^bAdi! zC4dvWi-|_d9?w?xQRZxqg5YJZzlJ)(XpNyb|3H{8fHT68Uf=S_2)zsCI zmt~jDY8mxAbZi$7kB-3f;p=4FC(pfJz(uM$C!MIXoMQq~*!ZTYnew8`xoa>Ap3$#h zEY^sR$8sh}&e)W`UF>{Q%cP;l{Ajz;)|{IwA}`9~`*Z`2CS=|KlI6#P?DtTi7ZLgR zDR77LBPmQTZ z(eDc5mW_zVLAdz=*q_LJ{u79T%u7AA-Tx!>CG0=aMk%|jq~ssL#1p%LtCVPgt08Us z_C%fG*q5Y#OtZMSNbOGB_^kr0QJ)Xht9lC-n@o-A)op}N2>h(?v(>y#Ku>A}&Z$9em`UVWFM|I@5mxjN-Rg6BXb|@8dt6A_xJasK9kM> zzP`TTioaTufuEnBp5D621U*8NVPSREngxdeYxGap@f?PDb#rrbZ7n-BHFY!p?oh&s zx{l5-3e)4m!=aH86|Qx!lM1l`RBD&R2~IF)4%mT5+)AZkW@cs=F92Mx$HnD+CDn7C zR|~A|Qo$6@L{PgNZ9P*U4Hgtcq}KvqQ|{qgn@4qA9zJN;q~)|`6zu+h zhd|%wvj3l|dQApvRB$#u-em545f6ktc5c3&;3xLIncix^!o+O5UC<`qH7Nw!e(v1{ zf58Tkexu#G0}R+^>IB#2`O_YBlgFpR;C9z59lp;y;7r&GC2pv%?>Ax%F=S(B{}B;k z*Swbm?q}>BX&%k-Ts(y(xJ2^@lbGA-()98&ZA6}W`S|c~s(|MexDZYiAm(-z1^bDS z_*zL|;A6l-AY_+To=X)&4SIWfo12^4UBj7M`d^=MIP?F(mE>(UK0JEBir~Y@NE1=H z@hdK2@0M=gw3Ppk>*+*SbE_*?$q$n)syt_4y{n;kNuAXB_JcD17~(LsNs;9Xg`d2( zWn{VM!37;e!e)DU_sKEOuEF+C(>U&iVPxSc^7mp_Kse0BP;GOa6bK@DGc3!2BmUA8 zP!l(D&id13DP zCWW_BWN88bYK2K=SpJ57So+aEr*8#8XMJJV7Ck0DiCPx@7#s-)S9TBrJECY4qDB*4 zXc!wn#e}A8Hv8*MT7s*1rp*Z-bl7v$G7(c?x$cO^mNKqZwpl>P|f=-hyKabo!CkIj@mrs`w5i8AEw!U%I7y0kjDrH&w`(yit4;G}08oWTh z<7W!HQ^V$4-wgB|{j3&)?i&3=?zphi*trUWME#Kr=zSxC7VB*^BaY9%S^tWlffg`K*YuXLQR%NJ2?yasfq+kz zEqXsZv$t&39iDd!Ju}*LEOf0HFE$AQy6_7G(uk*c_ zuCPP~oH!(Ebez1gr!5MUq#`5~4{#Mx|1Bz52~?ag{M0{%5I&hbb0O( z01>IE?$^dfQbO0f&3S|2tI{OKEiPb!cw)9|aT*x|mDYB44^IvEs5 zPKs>u1J5w^DvoeCqzgSa>$eJ?e7U)5R(u5EDf9}(kLI`(MCURSW@$(yrq)%z-=~Io z4nBN$E)3iu`-BTT+#efqP_WtNB36`8HoTGoj_LceNA8SfK#-|mEg>zR9*ec7yYPxX zJfQIvq^Wa!JB4E;_1~kFxU{YvwF{u?#yw)FN|x%yV~LpcJ@)DX$m5wweEEZ&yyJ6p z?#!rMjeC$%{)$i}dI=kNe_i#4(QF}sSf0pqjIlWPxX8VYW4wsTL);E-Oyo3Q~YJZV)d zd!wp*P44n%Z6 zcChqVa8kFefFg-bpPcXoLD0W7zR0TRdHQRD-^(UjJnfDdO;NFpij*ppC zj23IQBM--D$s6z4aMVyV&G~v*;=b-*XRLXdHM|y?065|_3213!G+u=SH?1I4DB%k# zzzCgMR?IxxCHn#}V0ji$JSa^0u;n?CO10ktKszC!|44AZLkIwb507DUE)VXpub3(n zqJkg{E)0Pl!9r7}`*VCJ>I(eEQBlnaXIJqH#8d=UIYgl8Hvu==BJoL7F{QbwZ&Jzg4!=N4o zCerrLsAMpZKn!Yuhum@>F9BdMMVd|wX) zYNnPGpXKt7_zQt0XlSAZiRM=$?I`Ypxu1A~{RN)v=u}Z*Y~-RdPC(pqxf4_Jj9GV6 zhUiIbN7+~7MscdC`e%q3;V*n{^4syw5Pd2hObikPJ|oCjdQ~pdh(MZP#UGyBas-g) zBW$53y&*|j&K!U5uhFXN(<6*~BA)urd)y$fePZrV*uQ?AL5?YUApI1>_(CIvS z*qmEErgfcW6zbpv4KQpY#c*Q#LNU2bw4J}aEnumI0upOSenrdT#6#KGo@$ofrxpPs z7jZa0#~r(TT$kp@=(&9`jplA}2swACibI%rJN3F-F*;Hkj6E5{^~VX#`A$pklugZ! zCb6A!iLpuw0kYe>jQ@POzP*_sIwe1;TBF(n}K?O`CB6sPh z6Au|OR*;d4-B(3s+c6G7^^%Z=DbSbG#hEAm&t3pmhSk z@Ly-HSV?* zP2UDJ6LrolBjp?oCd#Eq^&1}euEP1dG))mjJwgQW%ZXd(_uLp|rsJ&Dv{_OEzP5~L zXyrp@>w+<+sF1?Ht=elV@&-ON_9Vm_s-jDc*0e6`d0uaw@gsabnE%731Mp$--ROpC zn?yzz5X3~`Gtpctp;o9LA&Bx2)iC_%aahMs+=%7vEVu8lPZ|@Ml9gX%H6`o^CPLh| zS4KKS1p#MgiVVA{PCpJEgW@Cz_)p)Of0sNuVAIlu6(2u7tsncz^s(T{NcTqMOD0WL z{Vck=ympdrUAM8L0?;Gi86^|aNH-VvUB=xZr|$Sw8Zw=Gbu6bG6vCL();U8pM1znL ztB8cya55FeB4q%{oez|8f9H#v7pOVx?TM06@~BYBMq0R#KmkJM8~3d>JsN!*rQfD4 zk<2V1O#Db%&4;5Eds8+gp4q3!R5O5b00FXq~Toq0?3q`uWz)O zGRAGJuww3s-%*AElMqJ%EjWO4))?8gX9)O{=hQQF%wT4C|Jm<;2o9g|YS;~`>#O>Z zSLD?oMp|0#c%Ae3x~O^b?c;4$VLdQ5z7-{#$&|T&dhW&tAmL3Y=vcCX&OH^*%d#AQ zqD$;pP$+*`g9SKOt1#XYlR6fV{^%eKPs)FDr!m}zIQ6cB{z>EbbBrX;5Z)9WnASq$ z!1XE*UV`|1P=EK@SpyZbNK7co%u)Y$^6LqmCZNoZyqR{kL_5sz@+e243u`b(`Qj(P zF&Rqa*fpTEdkFJ8zZVe{F5N!s$~QUvAbNP)#5J&-LL*0eSk6*lYYM=7S+pAnEy*yI zi_Cx!Q@b~iv3vb1bH3NEdYdBvDe&aS1ryixyeNo5>Hz?doQ^^7WX11;m`>&HGFpQO zs@F1Xbdm_PnHhykgOHleJt#%zhCr7r7f1rX(W%+;Zl+gbX>f z&BB9;bDtne$u(CfdiHiS#^jF$fB&%5Mrlzrbk3rDR3YxR8ZT_Sg4K!Kt2H6uw80TB zdH=|jtVDOtt1-h1UI4L~eHvYnty+4q7_csW{t~sK^hie+tuDGY&3n?WR_lC$zk|bW zCCc-cJaf(Y#+&ampCe%&>R0iJ zGi(n@K41vUjsr_HIwvnSR%LyG;l5rp-eSM}%R=f027L(Odv6$+N*_$=LGAaZ)gldl z9;47YR+}4Js|9_KVN->CpYN zqN8kIxEDu0QRDm$*PKnK!h2KXod*y7Fd6GE4DhviMWrZM<2)s6h6EvUTt^iF)V0Q& z>fA!EP}y%J`)VFS&j9h80Fh#m5NBfzk)+x{V&Gez`{2_^y$}3CFFGgzMH?pDz9bq3 zWWa=ujsOY+NCvmRNUVMAxdco|NfAWvp2H`a(|V{;h@V8zfX_g)Un7foOJ(xmlaL_7 z_&(Ir#XcpvvA-yKW~IB{nrb2x$*VD$)eyWd0{kefnF$05dR;n7gxG7;b`&g|wTyro zitwTpLCw#e7AK8+`{FnNj^qTYxtNP_uWKtjj$8$oX4+Fewp10fp5pe1Z(=JDez zr+L>TF+QNfgYx5rK7`-Mt0+>A9@YVUIc$Y6GYvlke|${Tt@9;8gi?ky*!-lV{kHc- zG;a9dG3!iMCACvv+D8mhcoS2;J6ht2-2B>koWB)f$m|t<8ff4QO3r{2&d@0Gw;uh? zh?%Q2Jz5>r>;;@H_U!`6cOnx_6d63rJQ`jHoZ^67W?l(tk-wb*b@I)Gg1jX>#GhWg z>#N)1M)#1%LL{KAaRTB`GtJ^m#=x27ut!tnb>&J!KNGM_KY7*k9To`#UE|xDgW?Fr zbyl`!br0|Zkrnu1=Y4gCU$?3ITz|FcO|3IZ&q*<008BO4#c3@S%R2B%T;P{m?JTnb zn<>?Afj8)OzLyT~i#iH!z3r*MzQX27R0{IhMAUL@hw^zP6@aW;#k_7zcy2vkEw;Tc z4eT1PkjuQSca0Y@d8TKt*n8gK@fLv7+2c9Zce?oF20MA%vq^b(-KIuR? zJh)1>xB!5n51@WFQqB4dz#+->860Cm(4YnSh$Ob^Ob+a7Mqq(ntIS7M#YbvSAZ|7V zs55dgu0~aaY}B@40oxzC=I(34fg#~v!ao5Vep{)tzDzrov7`$R!RCKqFe^KdfJh=L zE>SXsBCxyi;ZureC_mwaZMM-l9R57yL$N27SV5FFWAlaP5=sN|TH?-1M+U$32n2BZ zUOD9zbDp%6Lc#t;{}7I4dAa@~X;`a@80}k#l>6bNu?-uPusX5Lt@rkivS%AaK)Xft z@YoD5jbhwn2Myh+24JZ8P)fnQgMpTvIhyxeLm+`4AH;h1bTv6l{(%L&l_#&adQlZ7 zf011R3eZ9o#xY`xI3q-Zv$hO3#%xXrQ-BkmL(64>>V-oBK5obXVcJa-RUv|X2A+xW z!K(VD{*ZiCv}~?ndFTSK&QPg>^|caJm%SaM%(m;!Et7We4F?Nwl~r54anCgZ2XH1TPm@sXZnM;?PkXf(aw|OO zwABacp1(f0yQutUKQZFkqW}7@gi(HEMrMeZxGpJV9$pW_<@vAi}v<{TUgH}S3E zPD(#tEAhse5*#`~#%QHFv@uYaC^LAhud?&Q2)_rzBym55hlG9!gSHihMdhwN$2DVu zUd+!PJ|vJ8@w7Y0f?76ig-2H;8D5CKy~-&G#M~R0`3X=k(qmZod?@X*JjHr=qk*lT zLo6DDPh*J-k{^xMjC=OL2K6c`NXAf4^xTgo}K!x~858%eK?HKg)uqkdC zLRDR1@OyjKR?W`K?S-CYA1!l-0%i^6Hc>yUcJ$F!2M_^IbU0M7&-`|(A)GP!u7d3_U0WHraw0T)N*Sy;bE)iVT9cej*nAK- zj(h_aO5a%fGN1detpVs-Tv_qhlD#l^GV&A=0E8-rol$jx5!a#mp-Ng4^%E~wSJc)= z2g|5R`W;l<3rv+aCHA-)cor|;XUfu+&$z-P2qeekL~(4LoMC(ra;I@+_X<-illh+d3cR)uiUF)@QKX!rd4HL9Ed z{}mrUGV#+np7!&nRG>zk^d8%lv9rwf+c(X>0d}J13wY@NHy5)f$IVwi^e0KOXA!KT z9UE=upC#KpH&M9DBX(849q%l3v35=4g>k|H7u$L6j>;$fD`g1CYq7U_6?Z|KOIWx@ zKhFKHqU^`{T*QbhxQ0Ijkr+Y)zRaS_EhVaP96!(e8wY-00d`sRn zeLJ5`gPpJo{n>$ZBtZuSM zkl-kq00w8(clHWyuhqza$?)xq9YEM9ca&*r486Q0q2ew+M7=sk2*+_7Kir>Gwh@I= zt2!{pLRiL>5ExY7zoZ^H^_cq6N+rhlGg&IiBZO1{0P;7lRnn%drHBJtT7pBP;eAq) z8YkE$shK)508O(2-MC zD}e%%COLUW&Ul;NNdt$1WWY6Pwt3pR259Mw^VL*k#10ljMbm$W#{>Iq6IFNClr&e{66Q}^Zab~U zVDn6Hr5(Wu+@Gge2}3>8v5{qW=t5g^*I)cj&GLwFM#0r<`u6x@lAxgPTQ7Z&#JY1_ z4yyj9RuqXi`m4!paW)&PubEmh3+B{@CZZCD{=zBwjVNea%!*sRNhO)=F519f>(@Xi zOsCQh}#h-jJ_Od0g;mRZOEIobQXo#nu81Fu)%6aUEt29=Q#jUyE3 zOGJmeVWqLFfNQkD(!rgYITTB)_hec(Cb+KO0ox`0%nfbc+w};Y7xYgjBeKqmeFR;@ zWepr&JSS;8E}c-p9P-Ket$uy3$NGrs%lLMgDNh;aA`zl|C0ebG5cO#B=p*f{3W zQD+|X73s7<6le&X7Osqvn)09P(!lbj!Uvk}c!F}{G&LKqJ3hjGiBg;}{md5_5YiDG z9Kr;!)FT{T*ZZ?(N)74FBN!NoBYrfkjCh!z-%s)|k?61+k7~FW$NUKxyheky)0{MG z$j6Y8@kOYqP8)W&ensQLp2NM$@b=dIyib*~Wco*NzkTmy^VgJ1U31is&3Saqm3|*Z zGu`*)BY!^F%w3R;gh++?vx1tS1shOu5gDq3XFC&BU=&vZwf!NS8t^h()uBiJ*sryg z8}%aSbG>*CED7DzxMk*qn#>`;SpeG;u)y}pw^h^3(1?t}*x})2Y=DJ|eEOs(ak+)l z7YI|&cPlZeYa#z(1N2#}VVjR;J4f3F<;4)rTflT%VDg z>Y@j3=ra-P6FWrnZXrN!^FV}|+QY~}Sdro@RG zo8B}RuTH)J;W^r-PiDzB?Pv8O4u0oUhj83do$H;Bh{0? zoWJ3;ZVwD10!#xHk+Lc8+7ELy>5O=G-Zf?muBGpkfo?85~Ik_nE8T@zN=Ox;TI~=3E~! zc0BoeZu7q4P+-Wf;tig=p_8eH1(AM~&0~`#A3wy(Ge&f)DI6jvaZ1C=!FF1Dn#NGG zu#RCg#Y-S(j!viGe2m-) zUCAyzc~G{!K8wG~j=SDOg#0VV?#VpF-uWdE)=Hocd%WZN^1zWnY;79|I&w&03pgdaVR7T5y`Y+=K|)TwQrN zQz0YUVu{^4Aj7&Nc6xJlJJ89JI@JAo>LCkFa&s#k`};BxNkSAod2H_2@<-70i8yHb zxTTXf-`{P`EDYlC{?LhdjisRuHnzW(k{gY8`INW?#4#tPfrY-mhYt)LXcV4*>R;Y_ z=^&r7qKw7{^7jf2!s<1HW-?L|A#%==gPBr10{Z7E*U z8i5!!!+1c<1>}^MR_wx$o56uv*x34SBw|?NzZneSfl~5PRVx7qkOjxoiL}*6>yYMYS5?vJ zUnh?qTy75@@~zpQa^{~3J0OI2(D$1>YoaH#FB{Fx1b_de0`cV^K7ox-5DJv-x?B7N zyF6U#mJu81^gcgt9H*WwSMG2<+mjP(WyRA!t8Wy~9}+nDuvbNKp1Kl4zdlELh~ENn z!$=pd_GL-E-C$Q@BDBQQyf(KaDUvi!0{LA77Z`LKzPf;&J_uyEzL=+HURM#AP@ugX zt9u@yjAY%|G=xxkd-n=vb^Q*FDs8HQ2ag}0n)}4$pe(f}C7s$t7|Ped`-yEPm_fR? z2GZB^*3!iTLWF%~C;FnC?`tM7!_YRaDs+&V$qg%%5Au$&A_gRLw${9~(-iNB(j zzT&TfU<%s%0XM)p$Z4%8V#fDD{Ll3dUp>=82EQ~uSweBLU{M`6ES{v{NfGVh8Z(^< z(u;Awft_f%QHVcJ#=5ii2X*UQyw9nzUd;;dbwyh)R~1uL_rZo_NCfeq{kA4=Y;aD{b?sldL{eh z3*(q%fkzpR;wPwPxy8u%9sQK?PrKiN`oxk76Lwuf1XXecvZI18$+@S~Z#9z7!GXqd zW*@s&a88&L+xJ+SLZuoFY%#xp-K#QkYB*G=@4x)(SMMo(;t|~QJ?jE?Nqu-Tztw;`5YFr)j@mya!yw;3dSskB)rM5lpL>k4 zyrPUId?p}Y1zUuX_!9)jzog_K1Bh%KA+Ueqw;0%>{bCdyY@`p2hh`;b!U^?YPZBd6 zO3|6+X)c=9?H>&Q7wim?XjG(Uuj2a~`X)8)J{paTh5`z(d&Z$+D;TZ~6?PTr^DSCK zVMSyq-OuGZ+ij^GWbIW_D9RB9fe0f0LFq0BRMlIcrN7Ny7uGFMamtuuac;BS-P%Ye z$PQ?~o3(7tf9n&en7dzae0B}go~o^xr_qjVfFkYa{o&WSK)>2>yVT%omPMykHGeDH z;wQa|fqR}p`)ndj!R8G+$1x`tt!-cvXfng;Ps^DkYDD|xdg9?mZhM9xY!EG)T?=g;zsgB7zk*nO2j!%H*(|fA09AmYC>FWB6zRM8OJD2V^iAp zF5log*Fhgihz=ettP5v}xiSG0YU@QqVWcb$fxXcrcH#j#~LFXr~; zGvMU*)M1Ksk^dzIz5DF%L>$DS&38oArdm$UivuwZy6|p;WqqISItE~$xFwyg_%A;X zR}YK~jCm0@Xfkino=xlB5fVwIr+Z-S86QIG+U((D9SI93>{GEOt_W-ljl=P}!|SHq z^aXLU{oGq==`TvUJIm0@;0cFs-_S38-~h9f=CVSIxhYzAousTwQ7CD7h%PtJzR> zC=)wkO3y-6v9F#Czz!T^Z)T!zacA*>)C4FkdZf*F-n%YWVh`5pl*Jm{YGYgIhv;Lp@o`evipa5#W98$-2Nrpi4{Gv6 zdTIL;vHb1lwRtv#!&_237AHHjJ($!Oe+pYBq+WM762IMIkR$%mGzl}D*9P8P`V%?q zc-j+2oUxpiceZn%<*v|t7d#2yN|1$F3eK!t65dU+dB!yAn!K~koM?eF|J-L}!fCN7 zv6Fo=xLM#3x+!Z(puyhV>}+9<4=H{hM4{zQNPmT^(Q-f4LyS(jlX|S_Y z<4w79AKU%u$c0cj|T*|>h$#e#J8AoIHp1CbsSVvx9ixrOzGyCzGBL- z8K`{lZDc%q74Zl%QIf1WD{Hh^bD%=aEMlQ{uz=4?*|@DhAqF1a5n>g|9~hDx`B`@X>*alw^}$W3)UXQ6KZ zo%5BQgNfeAc*x6Qt%ZgCk+)4~;+#+5$x>9Z%hjWwgMRvGSA@MZO8zd;RdBQPc6?lw z4j=eZY^FFh0=rWDKhG(1A{7r=l;MJF`Eh1n#njk1yto}!vElyFtkyThLEGY-L?m+> z(WbnBiBX+gn}W$xMA#3Y2az8o$xsMTc^Ugn+<_m0Ai$eO1`nWcsoWmrfJ{ySY#5Wn zClU?$+ByorWqfN{%4*`+Z^pwU==gPd)>B;CM4|-6vBK_5HwFqsJCqpmi1DfY6+N^h zayr2TAgLj!y+nhnJ|$dgR&gsh^fq-CBL>Cl)rdmBtBChkUq=oo{V0p!@ zFr=dhuKqqn;j_MURKa&eZ0f|Vij#-z4C!LDTHm`@Jq~w5Aab940^_srPjxuqGCEr= z1Cxo9#i70~>bwCc!XN z7Xx&bQwyjrdHNXK)6U+mJ9%2qGVi}OXw)MPOY~F>0Lz$3V$CM8BP#GVTpF_V{uvid z8BY4u99*}$rV3^6iDeIS0HA3rekRx7Xkp&bvlohWxVV`#;tH!!o#vIQ+Ynv1+2_6b zvIjjwPvZ~u@+opQa&ah;iudrrhLYO91mcZ(wQwAZu9Qa~#B>)k>t7M5O?@dK53`1c z`+1kZkEdJ3>_{Mj{m8>+Ar#ZqIbw)6H8 zhzCKD)K1;>ZlF>H^o3xkNYDY#dbwvt5?DCXB)1vab`!Nbng{jO9}<_slZV>mctDn|K-X%;D{!yvhT;hsaiNL=sKQ3w;;?$~%{6mNw3cvpΝ`Q#tI=l9Sw?FVyC#+Gayr??1a>E)d)zlpMZ*aJ-Hm)F1zhp+Q==I zc^5Frg14kXjI}fV$@Zp%{ix#lFjERJgobwt@1Nf73g}{h_gE?5G z!A5p8eiU9+Yonq+HAOt46c?kU#<^t29ccH6qhh3iXJ}nLTw;b`X>SvOhVMnsBFBro zGNS9xYw@?`SUwA=X0R}QvN8ss+nJnO#cz<<_vXSFDlU5$*$WkeeN2nCHck>9Lwq$% z(4==(4ABF-yG{FSLI;?wyz_wFC*2ec*@8)Eq^mk~eB!Q3@#_HfRJA9 zA~r{h7AWxkx{3yW0sVOR!EmoA7nkTA)=w?#XR(&cZEQGZ8D3mB3dZ5^fTtpd6nBz0 zGrckuUApk$;fMcx)58Ks1_ODc%+z=E9U6D}U(mhCrAqPKFP+;ps=j8JT}g^pn1^!X zL7Vw7sI`O@X=aG9&3Pr(m0Gk^#|D&YhWm=Ieer z^0IgD>Z-MBRh44BXya$(%e1o>gSJ&hH0Ie1AB?d`8qSY-N=yC$hVZ2}4_71@tnVIX zF{TTE>U)({Dxlf`sk2Jn0EQ6?= zfy+Nw!YYX#*T&{5LKzl$yW_rz;45R?(oN`!&zpGFLeSW9EVXJlk^cLOvMWR+2?`hC zQFmv>>Bh^uZ9Fst*8(g=`WwH1fMkBhiT0w@{N;PnqS)eUnN9Ei^yLS9p8d8x+Hk!%x>W6Fqf@Kp#6wO+@i1x#GK6ubcNR#ud-o2p5~95&R-IjiHMdZnszwoP zD;0_3j6y7}--dvziC10+Z(G0jb|*^-PmtpSFRJjv*n4XVYi;>>V4YJIHB56EyLgs} z4{G|^_Bi2bRSP;s+3V0QP_&CKFWlK8F0Zd~9vuydp3(FXfM-t9*#<|`+eeKg7R^FaOLAz{y4dBNAtpEF~sZt1&;&Z`}^2$Yi|L% zSWT>8hrq{LBbH^U198olIbf_jU3MFYaB5@z9*~-T2&?!5a4aJTdw$L*{1GKFVLw9w zCSjSimnfyBA?T|o{TTF*sN%z$or>ja#T`|L=lQhbXbaj=)+V2_eB}jG&4XdgMT(Q1 zb+N7NfIpgt;?b4R>Kv=0aLYUrNWuMKEJrAb37RA<1!}81fto;Jt>Vw&+gD(YD5kz& zd;d_1y*j-83N^BR?DH{3Q;oFedbWj%4YR(7CnV|=$%<{)0)iuFTIdFsnO6(s_o_aU&2yMW^Df3C!~2_I$XOq$WCVh!L(Kh!R$f*Gkw8@y|VieqcO zQdH%&7JTR3+gq@D{Ct9R1=`fBxjqf_N0b;Q1dUX#%gbSdW%kYzS7w&5ggBR;=6)7V z`E!>edld&vnnXR{pOLr^m6v0v2VdC-I!U#=`fP%P`O=&G-hdom;ek_%^5|5_k_hB( znqe#-hEDB;w8}}mb2Xg0$|6rj#kiHq;B%rw`$$qR{)w~HU74&qz;Tt9 zmKkFO9CIa*W7Z@I7wJAUaw~R0jacgksjrC09r^oX)RxxQSS3%8j2^_s1zspLzPC8C zuUQVaI{KGYhLQiIFY1-C zrYY_sd1M-fDlLxp_(&UmvFyD_E}Z*s*J~P$7+$n9j%>qtiC)>{)>upEP1V>$eoXT7 zQ|2)J!Juyig63>Fk4mz{$HtXo;n2|!qM)m@7XOo*l2)x3f64u*Bg{#Wn1TLtPs4fR z8(8P6zO3d$(Q`V?>m9F5nWGrnqnM}KNPEKhreDp`{GSwPPBiBZRm!IFB1P6QR`*Iu z^a?08VK6Y`$4(P@1e=H2aKa8xUBV_Qug1U9h`x`i@eqzCGl0wIGdPe69J!JsVry@` z1B+XA|41%RxL&sB;PEGw8fkBTUf-oy|K=OO8A>GNO63z!Zhc=IW>r6pj{$(Za!v%y zki-5ukt7H^3rBoeU5->1_#PSWm!#Nb)jwdsGafJqqC@b+3{F!G7$T>^z_ehe6WR%r zX_Cx6pumyFhJg+bdmYda)HT-bCH6)`@Osr=&V}BVZGsR?J&Ikqg<;~}sfQAG7pXQI zs5;sdROaAM9LYF*wp7UJ`5mlRFu3nt_a+`!@F7YZ z0yb193LQy@3OgmQhKX<{By|fUV_E2$V)wX`!#ovt2zKtBlXtiz3v;)s<}|No=%96OEP7?FPwQQ zIm4p{QvXJ$e~4Kuf@SE^4i@H(CUN}0HR%qicf8Ll+h%&EmEK3vRp8&EsI!>?q!izX zjttqd!YNW{)i>UugZT{ly$6V2!?tqRSP1#R;D#g9mlG;Q-O7L1E4RHGQK%}GY*+Wp zx83P$i$I8;`Vx}9Z4_tPqs5EiI+nWxR(oKOnm?(BM0c)ZK=^Y%E5M8n(x^VWuyJDP zb0`=^`*mf1mU7c7{{?qqSZwFK_!+% z>GtfX6G(e5LTuz@7rQoOlw`c=_ARa+nXF9OL;{g4p2@VamUVG4!K^U8}#Zubp*UTWDLN9oK@7jGJ+69u1SWO>3;FX`GS z5Q-6skhFCLT7g3T68&PA>i!8@~TuIq*9WA+ebWBqoX7x;*@A3cooWlocy zHFbmcsmF3&tExl(kv3>pDCholbsnU{`Zq%%%csZV+N|V}r z@1y%7m>k^?JDA;xWZO)Z?TU7Alu9E4I(grrAA>S%di|^1b!fUHe1i>FjWH_S-w^qZ zlffOg-Mt?7O~haaFv!?Pf37+Of1Fx-ZyNjlKJSl6UqeSMLqC8&0vZ2h%u~9Ab5DQD zi7DnN6Ia=OyNHQWoNh2D*5B`%(ko-~UfU*s$(dzKl2(EkW1T4aBB%6c&VD#kwnw-} zBn?EQ<3bzhw$t7CrOmtCw{KkYhO%BLRvJpy6(d}1$b3|V4SlDb34O`MxwE3S14WJH zb|X4d#zKD@lF8)$QAJI|6*t(uheeyyH*=F)sxeLPt@^;SmW3i!c=a3jczQh_=~Lv> zu=nIJ9zXf?#E|0o8`iB+M#Db*sna^Y{@Ckyp-ZzfLaDCQyVbP;;cH-_`Z(D4sbi&b z@NFZbPOP!?Opo*Ur3K>Be0}5zo)Vlhq?ypFiCesS#@}C|2Ah>$3R#@K(DPMlfM_m< z2iBYKSd~=zkaut)agi=Y(cF;JP$@(RbUA$d_mCjhAM>BeFNX_vw}`V>jR{vVik5}) zHL2CbZNzN~?A>|$urr&Pdfj@ii4G6>3qilJL&oTlf7v7b;q8$7tMa8a*1LPkM>yr7 zLYm7(@}}-)?i0CX%YxLp4|34K6*{W>&W<}+77#pPMOEWCAjKC!R$DUoY84vBQD85r zl`;rhoNsLBpthp#E|{5Ifv)#!2q{wL0abXU5v{lZtvHhWpmkGsQj3{@Te+E!xOEP1 zwpC0Cftx0>5nf{G__)w7bky{@-l_hp7x;wOgJG8=;T(;Fkgt7an*GS;(lSbbN%TV&DIqXPJ z$D52Vr8YDpAIR~UPI_=)7{9rF*L?0A7KAS$@WXQ<(w&7SvR|z1Z5Wj%MMvGw&E7pl z1)El&b9y>D)^7$OT%II}k5u>6d?BR+<=JHb=R57)Ud*|1 z>PzX3?!Eps4X_oegRPJub>d%W?fZp)nx(5E&roosaEH}4>MGge$>rpl@&DPgbWdr+ z&XEXO4+JS5ss;jkw^aqKOJ5+Q&M9MT#4r}V?KvrS(-Oj@!+1=KsQpB+-BD8OxP-^q zel2_Gurp-Vaytw_M)crK^XD$tv5|N6EIhxIY*m{0 zSFn%e%DMX*@=8P38lc}JvUYuEcC4zM*ZmB~63#vzj;@M*%pNZ7#KyD);v!5#4CDFO z%_Nk5RmI}Xf3UkCJ-Nt7I=fTVPhTAC+DL#aKQ(Yc7P5Yv48wcZqXa?Yu7XRTyBM** zLkX6#l(Fm>1S+sfo07(L7l&Fqoygua`-RbD=l1M(NjWI5#6}I`VTvb-Cn>NFw53&j zrKsUPu$9v)OK%(6Wk4`2jFoGbZsWQ9k;HDmVZf;O`)ppWP9JrGO}DdE*yH|}PN@@H zQEBq3UJ52f`sUcF#P`K>!yN1r3cQ+Q?#?#(qulfBSFHqD2v-#AhP&Kh))dkDKg8i5 z3O-RbmSiiLWJR}xWAn*fsKae+Wh{EbmoXc&HDHU)rKUWbyeh?;ZCo{GL z#RwGku;_%I%(l$>>AcMT&U2A%9#-NF!Y4GI^x0Z#Loi((YFG^JRq~a*6ohihK$&c= zF@I6G!2Vom5{9a31Q+iYs8h#TdKWjP(IP8*wjLl&iaD1?BO!fCr(!We2svi)?<*QW z4mlm{0}VYnAq8KqCk6}3)4lDK6W)+x`a13eIXq{3y@g7g#fEU;oIVBj%kL)%^l>aA zXZ9}Vid72ket1$%wM?7A%`GOdfECbuh^ueipr0HQA*I302w}RerMN^&bD0kemF{qPo3-r~6F8?pe0>f_q|+&c&x z9E4$3?KQFCoBCO{cZ-{!uvDDjwnRBk}tA<-d%C`DiFNYH39DnuD57=# zK|1xw%;SB|cHM(@z{Xfv%dw-Flf!d*k!k1GBAGa5~dK zYb8)R&V>scuJGR$Ur<6K!F~^?fiT-OkT^m0S z7lP$oP%P0c$HUU}vqL3}v9Q+b&>rgp4jcYO-3-obAf&Pqn98f@LXczAbA%u=bQT!3ptM9Q-Oa71`r2iwseW775AfE60^cFY$Og?s1PtGEUi zAd68P4Z)=3;lYvTS^AsqOwVk^CYhMXDj1ToME<5@=l&IX>s%iWW5!*%pHh{_XPohU z>3t1u-7KKHhyz}lL#txnq~?$71H0LiU5Px7BZ;Cv5dJa`{)^3f#fwuOn~h{DEW!tx z;Czwd;_Tx~>Frh0%yF06O$w4%ZE;p^9Ir4LU2QIdcl5N3gGP*GT>f=1N#(1_(1Bo~ z5TgUz$WbxKnS2AB~T5 z`6y&H>A5KjS1B8lL6sZ@dEAz?yQhs!O(lEK^C&=HCbHX&Wn!0Gf>0d-u-=)IRpEXC zt5RI@Is0NcwOqVL8a{@#2}8}2I3%+|o?9Wa9y;e*j3Fmigmv z=Asgy7YK#p3>UIot8Khj<5ClwJgXV41`AU9x~$spqmz|t5MnRw#EyPTvapA(x5jZL zWRzSD2XhKCq~B^1lH4Ee2JIXGu_#knm8l`GR@btuU2W!FbhX?TZ?S_;j-Liv7_ixP4H%d>T=|FK3BYyVmE>Y@arM2+}F)&tinxeKOd z+2G?V!DXcaMWdN@#i)$PL$Qia@)*5*h>*{G<0WXtEIhh*kMmoXi7+fkzFbo$rnv&p z&DptZk+tSn?Tt6&xi$#cH3*vv=l{7@vt&pfdRQZQ?}#Lf9@VPz^5ERdGD*dcH!s#X z>J(jsq&|C{TJROK;_P*oM~*t=@#m)0@7*i)K!`@wo8>|vxnreg)3){16|nqu;l%Xs9Rrb@VyTCjC&@_WfRWgT(%EjbV+kSr_Su z9pP7G)G%rBewM|LYXMySuuj1WFxHzjp}w;;dvvkHaw>Ut!RSAQ1+=`LVS#_4`L7lM zz$b-B$NT&DUBMtg2IUn^(_K+O_I$yb8PtQ*41_A2gho0}*2R~+)bIjRd zxe@>$Q=F;Pz2cfPe4|TD4A@%a7+p?jmG$IZYgVFxHsCH>Uoe%N`W)uoTD9zDwTS;D z0_ilwNmmLtM^qDt3F={xy1COKg*M%myz4W+m2iM7eCCwI3}Te$<9cOaV7G@Pv!LYo zycObTQ3lr-wuB};QFnoA^7Wo*=PyQ89J2dQ@P@_rzBcPM5xgHGsc4#2r{Dk4W%-f+ z%fFuJzi$E`(MplL-}Y;Rwr9zh1c~GU73#G#nQwU&a6f7Gh6_>sEM3MP!ru#L!`=OI z6?eqx)U+BtLVM`C&3zC-f9q&rAq_qP2J}pM`q%juJ5OV^kWcPX&|*A=w;+Dz3a(uT zOXoNk#b0~JS%5i6(sg1HNrW_YtoK>MkQFwgJ(>yY^sj$6iD9-X1&WGb05HC3_-^qx zYKRxwI<(o9@F0U)h@T;Ib3 zdK?m{GZB(^x%vALMFo_!6L{zO!h+`8o1NL0NUd;KA|U;eRO1>3X^1N(^}+)L zv=|z;90ApPUS_h=&eDr-K>Rs8gL7#!%Zk+LJldJ<2PYipkwR1_-!i|OO5B|Tj~hZa zwtc@5Yx1sOC+eo)_0baQek>36NrMsS6b{~hVC*)U*E(d`FXr6seIgI3AX_7TE$&)P zQi$<=Ep6^#GlBhu6{T)?OZhL*t07Ypa)X7)PX}$ifugy0`E{EQpy^L&gyeNRFU2Ds zgG4{->Ph`5I17RPNjs7_hH;0GP^p>5mWtPv{N3gHC>erYA6yhX+*#i0<0h`jrAZLf zH1birn8q#niv;%>8ZO?^1kPp8ozl&%$oYS?0G1gXR{znu)?!sqoz`9%1nGSCZZ{6$ z8$J%aFo_P>A^Rp+()s(P<0Zg?d+ql=Vd0J>mHAZGwKwVW6oev}HWD#>DQY z7B0oi+p-!kAylDC5n4Irv&VBd{uu{!6D%^AhMk`N{dzZP{IIfO1@#yEoT4xXih2+~ z-rEFR<2>}QBf*vBc;xPZE{Kz-w895wMs~PxR{U4-Qa3YoR`s`OIXKl|t`6^y&+;)J zdw(A#P{=vw1n{DS+$ffCsIyif_;hOUR%1R{$MWkh!XKob_GB&fv*@3^x6>to}Zwi^ZpR9iFGx-luksb_4aPD&3_mM=*}LLJs1l%)eJ> z)2Gj_#%+97*OiwZM3jyKn%;kNZ<)|@<_u?51PS9Bc%z|s819J^0%$CZ7^#k`cv}1; z;1;J^Y$)Q33%6KKFuGV5r_FMkbg|gDnHo=j4?p{8!8W?KNjpsuc2~E2!`-2E$jE4Y zv`f<({>GwFGA`U7eeKvRJ-0tP;Ah-TfejBMx%lH;!%w6Q9Hx18ET2DJ5LD4*6o&VA83RQfGxjxeF46^YT$&=ATB?ji zB~dZe$2@HNGxIo5Fx-OuOb&hc1xuF)E<@nDo8l~w22(4`v zu!oy#4+gkLo4K8;++$p0YW6u0$4l-saU%^$;ME9EWbz!NoKhPo;K*-Vm=sea*08!il* zYw;BHFL(3RA-GPFIeQ&`^@Jph@5CNH!ii=J~& z!x!&EhTfnGxu(}+24KLdpjg=!ar;XE*MU34a0?7~-tp-KQaCm?#kb&|KbyPALbE5N zj;OC&qod6ux`cym(D5|}7m(5_|1^`1wX`x!QY)(d!iNk<$32|kjPQGPS_RPn3u{}R zcSVGn9_(-I4QNjFLC7J8Cb29wnyvY$ZLomCLSIK(az9q%CkKhK;O9Q9N{;k!DttY! zx1sQO-Y8RtplnVTpZ2@`?od_v2j|j&Ry3hmf%gy~6hrJ^^3L3fa&=BkX%3lP%h&7@ zf-Kdgw$VW?`vgU#-uKcMOrmgCkL?444|_u*^;wpkYcklB=Z^WFl4I5WpAi@zcl}1a zj_z1QBK|WtgG(-FL@zNxUq2RGG%MK*E(`kAtXvJjZ{#%2fL%vs2K*722sfSUK%by)REAQb&3?WyMjY82&M6p4aDL$8u^V3zh%W*4AaQ(Z?--i14JqFp23XDNtvXUM{RE|Ksx|Jp#>MX+%x7Dwka)jZ)Ijk{Knz(r znCSYKG*Y|-u%E+Kau>WnR@m+KcCcOl1b)W!N2=yiwyS|aBn!Y_A)df>%G%uaQ;V=q zt%47K7ml>K*Cm0q#~6FTy{69!;M9kAP?=JmEtKj@ngeA=5xA}R+q*TO9$JdG2D%(V zP46%3N`?AqL=aK|=^D}BD!SuoOqcBMxVp>X`wPYN(QLC#$Lm{oDtW@&%<~Z`z&%9r z_A;b%SaCsXqynTDa_BU#?Tb|y(>(d}aCK#WbhDbjY2`k0c*OGRZC5rpGq4?=D@qD6Y2MHxdAQi}uC)ir1tS z#o7VrH|(5^+u+~2f^Iq&n>qu8`(NLW*qna|(ML)FbJ<&ODxucp?21{&vLm~PKR&C= z=gOCh3aPyaC9miM%Q;F=E^6jP@DpqVX`NHw&ih+}1@AALztsPFiT>W#X@<5Oa-F(V7sE^yh z3OsG>1_Ejt$q>J8p$x<8e8|OyD4y9V{E#nsrU>X15WcXE3o}Qa51;bbI;%-TGV37H zc`c|fng1~n1r$sW?@lf)%}8@#SxFF4QzrqDx~HtVV4s*__~hz(5|>A~8FKeG>$`(z zHG;rIsHyJDaXbuIa9REy!9<4Y{JM1#b8Lfm@SxIVvARS$lBhX?4v24`@HxDFhLxFO zopWQN!#lF)>#A>LXzb>xk6IQx!h#OT6rT!STYMhTY9vZlBJ$rfqSB;?1O!B}IRRg`u@R8XF2533!? zM%AmWf0GXev2Z0ETB4BwFg&ZE>8}p1ICQVZ=^7m}7h5*8xmN_@`wNL>UEqCVADH*} zG-tb^?hE{FrpErxdU3@Ch66uQYrcMa?9j_f{lC<`c3MNJnLzN{QCi9SqiCEk>`xL0 zf2C*xl8OZkht1g#1D}t6m(E?g$5WZ!Tf1bfTzO=M!sAoT!vNuX8=BjCYQqCX?lc) z)gb&QTi!i>MBw4YKQl;j-zfCo(rEChf=BPtc9<_|u+8)#T}bwr?LT+)Hl~S_XnB1h zz^$`SLa4vvh)WGr<>VKUQS}1?@8W&V`9G8;8vG0Z=Ww$>+{c(9z+JB% zIpGGq#gyW^WGdu#E-`^F6Qc_U6~s`^wAJJLjn)8&BLdwN+c$s9z1BF*_jTcBqB1-0 zV9U~48Cv})0vk8^OXXOU6JU-1aHu90gWZ)YC!t?fxtc{&S+L zIyAtWU{4Ds!AU3HVl3p1Sb!#O!Nrb))o%LOAFdh+-ERsneED;nwnU5a1X;i@Bh|sJ zUTJU-NfJ#}@JSXNXU_Bm2XZw*WD=oXYL5IVU2@U$r2UW?U{C%@Wz-6rCiD#4=44rN z?dz~sA3hb14)Ja$4HHDX_|{(d!YdCDbcsyQ;3=w6T$DdIugs#NYlnHc_QxpkGz>_= zV+rC5-n{ttSeRs$I-WO!fRJypsq782AUhKQofK&n*# z%>V)&Vrrs?#(_un3ytVx#;WiYlHf#rmxeko6i}nUB2`5WgiW$3#O`dU@(^BpYP2ml zpn=gnB{Xs{x%r77o}kgQ5ObQDhTU~O85iz%P3>L167pGF^~8RcC3aZ@hh5VNzL08NH^YOB8?xyPz+oiew6^yH`(~{$~C92At->hUbn89H`B*>^DvBc z`Jfsjz;H9Lut}#0y+YIn8#F~1M^CVqMvx5vzCGT^A?iAv#5P|OlVY>%I9n7T)w>|9 zLtjHD?Dg?o*6984v^~<{BOGI(f3nh9+#1(ULT)n+jq^lYo_}5=F+RnG0`k@BH!uki ztI`rW`|krf$?{t2*B;#4(K)UT7LL3L*Ogy#uc2!Z@_)VE?NA^JOwXu@puhYvl6UZ!o{|TB>H3_1ASrSQJ0_+?aos6H+1uH`n?NtWsgc`L zDinq_vW2MOlBZQ?`aL*e>tD@nR%_xjAvWOr z*fX;P;c>sy_e7&9O1l?t^^uS?WlzR?SBF3w95tJs2R!ITia9+}zKgnk#O=7{pP9iveq}lR7t;5=1^}_T{EuM7lxfD4xcsp*gvMxe-pqkqRKC$){rtioWMTmWc z*wBUfbv1E=*RUasa{6V`#kr5HhtEqvPs=~!Q|;pY^vW)3NWz651EI&#zh zgx?*>F|YubE?0EmahuzD0R5G_{2s3}B_JFG6aKWiD#dz;{B1u9>3RU>+%qjPok^aO ztAUjf!@40>+SqGSz<#}1`blwJ&dOuRKE|e7f_~!i7)*e9GbOBlcfg-8$*WAtpZRO* zrD;GiZ~wj1P8bWWY5rjl8*K^FB=QTcz-ZtW}%>|8Cx*6j)i)bysYb2J7SIb zW17wht@=8=sBz_B8DXKg)JvL-5F2)F3OTyV3e857!YNr=d-kxUA0th>27DF#*iL=A zUq#kIaakp{SBl2~L-ug`hxCfuZ(^DQdIJ8kCA3T31g31X5mT7I&u@wcQ8~o|v|f_t zjdAu0QL6ATo;=M*Q7koq`^;k4;JxcERU1K|p&L(2+gVLddpFtqs9e&b6%CzB?pW1jtsCObCnNRy}aNP*8_L5&BL zUvKWi)S}1p9?c^9weeneJn|fdq+Yme69$DJn{&_D_*^P@nA#r=Ny?W2XM5(3=kNP8 z87${3n@+_J+y!MCyo~c&$HFn=mF{Sh56 z&iuvrWoB;Ml`k-s^e<%^&EiYZB1`v$IOM>YY{IIN4Y*VfmOuEf z=SK2`^-9)`Nz4D-zjyh2*L1fwIk*}8SRLT9ZpKIC>o@BbEbx)pOVvK`##>c#H~u&` z&Ii%EK3E(@QlQojb5APu)5XcdQbz8x?VG)^887w*XSeWR$RkCOBY^>@opfNpxtx_t-Cf{WqynX^sGlw zjn@D0_vpM5w(+Y%83tZE@ubPLK^BBAQH8u{1Bb^B>gw#X@#m5Y%l6=TOt5cZfpp2M z6An8#WNS-FRiecd65_bbrL?KHMFz-zOg0yBeOQuCZXZ28^6GQQfnzycKLF$^WFwO$?pFi1z> zSUXjsfk56rNYV}o?D_Sw$AdrC=`wYyoW+eh+q2{FCw;Ap#04#V_v~XTLK16_lSYh?b6j#VV}HR(KVqnH>9-F)mIi+LVR3;^ za&&A3yT6K@e-qQY7+!Ud0j5tG@4JnT76D>*ZJI^;iaPjMS-Lm9u@GB2HS7Fd65a4H zfa+Lk@_~f&{WHyypDcpu^~ay>D`+r0jl7C#f2evgMhn^4wAJF+62ZH9@};cL{-F;U zg}QxQd;p&+RD)}OD)flH(`Kl2{eOrlH(%L=Xip+*Hx{%QIGAEM0Z z_Or>vPuDfxLnzLOI=;f~uZy#~I`ALw!%Zv`Y*opBexePO?hCP^*zi@EkTQ?Nk1}Ux zU|AgOF>tbRr7b2Jmesw^=7~zqx}zAgP&9{CwT-4A@6{-^m)@I(8rw2RiLhP!;lhu1 z7YGR)X>T?0lh( z{YMJ=v;oJuJ9w#3`{aLw55SVH4}}+!lv0b%UbTfJV{Cb?;hOscqo(VEVjomxlusII zNGx|@W8Xi5AVWNf<2Lhz8%Br~ZQ>l~at(A>%98=>>bkZ7UhLF6eenk3+hwYCg|Lfd zkro9vw2{HyPWtM=ZAX~oLD&I}cP!ixalEhSc=bW^7Ah^_u^kZ1s#JRN?7>K|6o9OB z;zXt@C~>*i`0tF}^o$a1Aai<~<8~%(D5K+M2?f zNC4?#1-1A1cTB{mT8!1W-!i(ZWZgY0{d&+3ouw4dXPzX>oVAYn`5p`iolO%Kqhj9! zrpAxiJrGkee*6^0Qx^kFO{GE4C{HjKx?TsEp*ZM>;u(uFD4Z`yXo+718!!Fi&sRph zopQWK5JZkW9KR%_iO7R>`8cWn_$JlX8}- zX7JaYzAnqB`b=H_Opc`rqV4r{I+4y*&KPpmO_8oy&U3ie2y%{s6o31C^3cEg{o)$p z->t$QOve}NmY|y^BPm)c4g$BU3RSxTEjDWd=1|M8;?(XbvnHlMWQxwzy650f&ehc_ zk>4ihj;XL*+oxh)$-d%%m5LgX3X$qFnNt-GqnU&n4V`;)u3_~zn6I1}I%gVeiW z_Av>2mO{%#jpr#R#G5_u_?=p^x0%v0hy(9|OOd&Kse&=cN@sU1z;||Oz{`C-v3j(kW*%))H8NxuQ=d9Rr+pefXV!r3g;} z(?KTUkVr|dywx^zxZ+|zZ!ApzAkCJ!#(!;`g#!sgyN#)`!@7n)w4jC~@Xv(cKdn9| z`3V~q16|#E#iFBd->46-twl-K5JJ4~CmAJ*jL8xW1iN@K%{MgTa6qJ@dBK-vE@<^g zG^pn>e4FijDs~KfSt+|zQ110^kUk|3e8+W2OB@9S$!1fbhG{&n9AH*HRm~^w}_Jx3Mc9p=?YmeM%#tPmGy@uo9wHkB)B%^KpV}&3Bg8I>lgfx?`bdOR?Y_9?|piQ+d1j_ZL;uc;Hkt(SQ%1L3QIiY z6(PyT5>A7?spO}Tn$R8;IDlKHwK0-|O9GVzXE#HZ>={6g!(2{TAjDx z_UE_?BS&FgKdCedJNo

J%^M=56xm=@mu*pD?5O=QP0&`IT+IZ4REMt?T9t!78r1 zV1KTcA84^IU_Mp}K7%!(TV?eKtk?FEfe9IAO)W334i?f`OlckoI=6d#EV{zbCs~TbrduIK} zov{Ty0}dn3=nHJrW@%hWbJ3^C2g1XEr>*2YGzv>0iruITwYXK^TtOR>jRsY-2^`Z$ z_!Q*C{DY#T&+a%KHq{vZpBrg9Qlwfr%71l>obF#b6mHusl2i(L_@&wxV^Ufx^f6L! za6c(}u18N@i5Lrx>kFva1~aP|rVH9>?zxW^lkTfe$)h+!DCT_9pi|E+b!UJ^CnNCsZTx}#SaUM=LojJ=woCAcjc7IDRc?<@Xf+e4RavfKTavUqG836 zh1r&n_Y~BqxEx9i@VxY<`Oy~)oEYocFvP=L%>El-5z7@U#$uwIQZe|r0k|{<=S%#|i z_l|wvai5W49Y0(@F)4h)t8gmHB&L6KknKx099sw)Jj-BUv# z`zTYxrW6V5`UN?aVW66KUw{nlP6R`g!~AlMEWvCz;4vl_i6$qobh3R;z#P zqP%7>G=NSzv+A2iwOgJ);UL;xsr~hTP>B(>gj#k;%=wx?6JEV)pAV*yrn^(;UjcK3 z;1GfC#Np(e9jB9YN(KxA1&xsN-5fV*Uh%z(K94)@$OOS~5@u@nfdClp-NpLFdI!XM z-}HzPB7-z+M8drqeUZEWFT)=TI@NQ;=s(e)eM?sGMt1j2Zqq=(L7MDHBs}u3&4AUiozq?Zw}HFNIT~ zqbgC&4dE&#@|k{&fCZ1S#Jc(&xu0}N9AJT!TXZum`1N*V_a9BR+AyOR{}B6Vbho*( zH9%NZ^jF=d*r7ftXKVzMW}(6g6HI(?mTG6LViQWXckCLnJuhufy9p#jqznHF@>-7^zda!iNp|Ql5^OEC-w|c~db8tF)QA)5Kn)lA z@!JO5`?)qnnz%KrtbBycuve(egw)X4NX{H4bCWsUF3DzPj*&A(eD=h!Fm7M6zDe?! zk36Kje-44=nLaI5N+2_+G@_f$R*LV>d6dsTB)-zG`5WiEvPk zisHYh_AIrLsA}UxXNL|L*ogU`l4=ac6hnyewBlA@vy4Q&iX1#} zzf&tYss7*!vN1~4Q{MlKtfDyP{xQCVRmq*0NJRp7Mg6+5YG6xQSS-|HQ?2_=Ump8} zwn=s{qgrsV?wX1`M>#@3__fMUk-@>@me|5$&7)by@NIk*CrrINK(S*Yv5GXCus0Ed z`toPGf6}fkI}zwv_1lYYD^^A~M4=~fNiVmdrKhT2<$U#VDag zsi(A0_Y;A68U4hBW$x&bnD=Gt+cmmXpcY(@Jwd>Ftxm?wZ!N;lc)`2#4PTffk%O>Q zS!toENTGBN-R0e~RYusCr*Zxz{U)?5k|i1bC(rFq1=Sla#^&){uQ2hsv_XBF>LJlG z;?i7i?bmk-E%-+Xq-kA6VZ|A%nxRs$r=l#w3{NDLj8mPqG`TE+Bm78SaCv#!A-&5j z&=omxA39z@pn{T-%2GN7-PDbhJXfmX?b`}1w*&T+^cu0k1jfSLhD!gva>05+uIj1M}s~m!o z#Wh@Nr5@e>xu}f2k2w7g)eDXPdUdeB3wteYFf>6WSE)8AyKtobdo)tPyzvMxfFuo7 z5U|^Kyt}Y%D9-f|1ga3GD!?*NnfjgMeoo)ZD;X~U1SCOXWi}iXn!l6UC2Uc<9=?g8a~>n(A@n1!i#sm%p#4g) z=Rw_7?FzA-z~T=nm=U7YJ|4{RV4~H4&3qG;!y^)$mU6re{GDq^?|p* z@)D-QtV>y&LsOd*hGt=%=?mCePP#rf=}vWOe#OdTmrAxd)m&WhL{s*jSPkQH%tJ(d zPyC!_+?H*wsz_p=04}2V%h5A_J+LuKl$XmaG?s8v`pBuHfQ!_vjuj}4x&M)duE82T zSc*C)VlcO3J~S&PQ7O(U6ZwtpF5oyBr zuubF?I0pSy1_p4s3fa)=tJEI7pSxDmWfEoTTZs!*sVpAWGUWO>$5N^y@^{~hF2@5l zRj#1OIJF_y*(1d`Baw+xS2HEm>1(YNmpCJf`OT_4?Q!2aooG3Z`qc8%BCxj0LO|$N zGa_R@+FoqrD2tWDNLmO?ti?Vge z+iq7%FHmFEIzD zAy<@z8ZQasRC%#nuzL@P3+era`&BVpZJnP zU2#vrk`cpJI%$p1_cRWym!pUYx&|V8w2v?`{o*mV&C}jp7>Og|+4PirIbfju(RPPQ z1!77rud3H^{AJ2-iSKf9DM{VtUw!+ush2dX+aCD3^X`xkXX@gkEZ+MZE|mz>=nEN) z^*SsS6f%tu>auI2;fGg;7>;{M{qNX1oVGZXU1G4N%F?d3t1fK0N9dpMC?v@T;yfvl zi=QnkYfrPRg+3fZkBs#c}^(KR10X`|H%#*Y*#TU>>dSv$?pC`jYMx=g{GPj=AHuK5N1U{@%I?7FewH zILk4wW`^sk_W*OT%sg^38TTjHZDs@flvepKs(!g=o8l2LP$`@oSfedA{m{><|mQ-wUI<_dl=4D@6eBUBCSv zC?bdPbGF`S*#aiF-|2O9)2Ywf)Yn*>P>CH!6a=zDI8MgV z3ICtpg-yJ5c_~{e?1v_KSl-)Zzawa&KtTrYX@T9XcG4YnyfwNQRp zOP1ug_!uM2!I4ybOX_->QT+RHV)s*ozTo3v3Rv%<$l_j3m({nkf{I6x5fiH?rcmTw z_IDIq)SNaP2%)k0e@5zX=pDzTVa}5FHg2k%G&Kb>dL|uEmML=hrx$7o&rGNGJSwIx zm_D2Zsm*|1OG|0ix8pGc)-9pg;Pltay|s;`WO*zEo_~ohVn6@qVBR44390{^nwroP!1HP@ID*v_pN45Gcl=9{1t>wbsq-{wrrE*R zh!h$s_)kS0uV2o-wue3*KlSejql=R_8aMp zScmh<{yyxs-{@jG8F93wU1(dnRvN&(*4KRWNR>%q7ep3h0)`~r+o{8Q%;!6s^ZEXE zqLEWVN;#azpfXf+acb&g3geU|ErdPB7bH#I(G+ z@sptIGu`1L4;9v*P=jn7Ja`M$0{@*j8IN>L!UM{djBCiLLn6ok?bp50pBH&{)e{>; zT={c#-)EKLYb$s_6K3UxKz_ZK^aJZrAofOR8eVtDdl;{wAPjGV!{IT*O+y6(Na{H! zi)CrG{V(h4XXI3w4vdoghD;+T9;DuE9nw-omL$_gAekgbPj$aPC?AEYX#h4Kjq0*h z=@){qKzuiP|Bp~q^$1usteW$?ynd$zs?1KYq=bGl;B;z{6Gfc_>n#ZTliLwmDf7@Q zr`slC054ez%d?62Bw5OWlMVKqkO$>9nJi!AHy|Ho{rz;=i#{!VAe0MV$nWK5DOXIb zUWcgDo>b|?JHAo$0dwK57afTNic04A-7P5b;K3IAH(us<-oh-toJyu9aIQYi-&lQv zKI;iRl+02GG0~>-kL4yx{^f+4>mi2BQyHt0G|aC+q-&Ho|12(7Z^FIBJP*AmF?y7MK_RDs zI^^oVj9|cu2y_d|My)eP!}}9iS3a||^naIf^2T;fQT#1^L)jTZoSri)9Z`7_WFZ2u z5Y!uQ($UD<7IdRA04t1JS$igrag1<5VV^tq%rSm%PDh^LZ-RlGeVSejpxM_*vJ_2M zdOU_7JihQENV*4-T_u>?hC=T*IhQ<;;9gae<*)Hy1lmb@RXdVc64tRto6#rw0@x;e zSJ(*Jz4q4+eZDuR6ld>OTJ4`Hwqb_y8`AUE9B!9GGb{T09Q%JGFT;LLbC%C6AyDBTTU20sKJQ57irrLV=3Z=kAWlBVystj7Vjkl90Nj2+JT(Cr{KSij8&5c87j+Nw1X=;|2Iwb2WE$I@B+pw``!9IY+eH{!$(?l|?rMnOE(E3eJ8Odrq%Eug!LWs(oIiaUvLL6VB z!1d)|093gnm$t7LPFc-z@BePZkj}6GsAmRdFHO$O_x-^~5;uZmDSYUBv&X}Ck=_>l zHr94N`K#EAsh0LKy2WHb$s+#DpO4VLvu#|Ow^G*j!h~Up5c$-~=s890TcRJ@=Zr-5 z_S2rmgYhra*i@G4joioWNjId}SCK-=maL>fb)(zQ=g!jnKq%*H#}klQWv9id%K~hTxe$c7Oql?$i%M; z=lHA)+NPc)lYM)=)m#9k-p}q=^GJ7xUwq&e~c1*{zHaV9`Kk>bBUOWZDuoGXlg26vWr<=D`aS9i|jN~)+> zRa_f>j%KYR@}Dmd#qKf|s?u1JLG&hw`)Le>HsICGMTah>JnHI}hk7SqST6W$P_BN% z8V*7ZSqn??jwl$+>^5XX)|PJ9VbX!;CIU0D(;jU+_LjDAygfn2z%V%L@!d5SJ_X<; zzWREVD>TnLDvxCTFdxC;0F^CRa)qdDl;L1(?nS?;abDgRkm$fDmF+m6Bfey)a71<0 zTuq;Bu+UJyF`r2!O8<&|(%BRRg@^H#Pyb%(hGwSW9!3y?WsS&AZ5;&C#VJyrs4FFZ z_jL8ex`0S^4l^m4Fv;`%J@OI_fz1<`kR?}N=y>iXf+;fKDPZ4c&u7>7Mb}=s(UI8so$+W}*D}*z0+z|~^f!Io1w&Sp3Xez>~4vqVhxLVV> zpK9S>V(5;o@uw}a+xG_qQcao5@4bu2S-2Kl-wmtJn`{moQ^m$Vn8XXpt2&(Py zt85|~kb!zdAS~9pp?cu7u+!bP?*{{@t03i{_T&;g4?sR~2|cse&c)Hr!*Z>%o#ix0XlKN!V1li zQwG~*Mt~K`-fcaF0J2q8jDXkuwI_9avb8u8Xcj-DO=CVuLZTg64H=PgIgj#12bqp7 zCU$NTL3(cMFkqB9NB3Id{KQyKUj%!uff45YfR&8wah#EAV^3(q`u1$~i`o#q*|M

EM2fBpQl31sUXote#I_-F#O zQIByO$lxdVKOe*FaB@Gc)Y5a}`KEzx2(fz4lewOwSM{)w}noWxqzgLY-jQW-F z%um=aw-Ck&PyU4?@W_J{NqQ-}3p20#Q>|+keec(d8IZ3uFG9O}DVvh?R_Au(^HRh! ze3x>;{hZDXw z&PjV3K$*E+V!%woJmnXeOBX~jpcQlT&a9{X<_G$NQJT*B>i>-7kPFK);u3vb9{v3G z^g`p-jRlbm2P&ii1`vzxq7$zYOxq}k$LWtKxq@?<*cOzMGdf8Y6@^0264}4MZ;9@& zWhO&=_8)0M+TEEZ_PV;a=}z9-&khTZh0z{zz__jXBje?3U(g-Adiw5)0=lEiEBde+ z$ly0Th6V5PV@&1o;bP*5$rUf{jslb&0^k)8%#0gyW{_5+YBS#y$>VEDO+6I*3*YW+ z6#aMTX#$8x^6uI*I-Gmu=krmsP8MRo1F@p`nNrXxd7w7c{vAdT@5}>8gd=+!HwAI? zJ_&Jp^*v*7DJG-Oftg^!;xWlqxK6K1W(B@RhEvVevVanyl|Lt*&9Et6DQ(VJQDzgI zE-fz436E>~S%re--*5rzA460rSlASbwm+$zHMtdZ^}x>t#PgQuzHNz|w4m}S=pH={ zS>h|V@P8cUK8i-LN%_e~R|4d?887-8N-2h-P$z-@LSLpRFum!3fe}#phW1f8ONXO& z-O$m=Xf@*iiRDBKJk?e|7GUx5O>f+Cg0*p(w&p6=33MoxR$spD3x>~lR=R^X@ zI(~XWS&G1KQTKW9Qum`CmzX=?$(wd`&*5^95ooAZw(1d86(@FzWIZ{y#|9>uiPeap zPPS|FR8_)2N1_EN zETGr)V$$h+plWN5LWwlQY`oKDtsOfnWGY7lA_CtvS+|n$@w_52t>s%e$NIFCza?5c zWjU+Wq-dgz#LWQt3Z*kWEm$exFk6zLxfPJRqsw%>dsmF(Es|fD>_4G7StFvpkbTqX zX8mgdC-O&?tZl;f(PG5i^%$#$1T22ZG(nXb&Ep#Zij__O)|$iUI>FqD8~{13-PP<{ zM{849P{Gn;-BikgYwez=;@w7AB!SOB^3ixsz09hfL)PJBys=}o<{Lx7MB?uJlLg5A z_qw!m@8&o0=Oy5?$=LW|s?#FB1Y4M_pFgWV16%;6G`oFU|J6*-lKu@HAXff5>=ODIVa8C*b#e!6&^ieBPvM80=0VByPTsn=Fd-K>0i139b61&44rj@Qpj!!$r$&c)yL0E(1`yhPiIXk8~u!UHOnoY4y!BXY{2p;$qs+RESeoY7(_2tl$5j4d+@7bl+zgh;#-e(cuQiBY6~?PnA$EK4P7W~dnfW#Cd$2qD2EaVVdjw%#RP1eU)gMs<_L8?j-TPwab z@Lpc!ZBy7c{6C}QvrVC)Ynf;UNRR%Tt=6YC%Ene0kn8}xaQ%OyT&Q`jj&HFf$Ty=c zo;;^~QSP`y=3-5o3p@y*Iu4zd%I1#MChE*q8yd;S3%D*Av+jcltw%|06#t~%2N)15 zAVKtIr27qGKoxtT0IH+B6_nBwGfw+|i`BC0rn=%Obbpy78xfZ%OCQwXtNY#+-P3Kg zAgT{k=zhD}fUh)6;pOViWY?px`CPd7^rQVOhRGal4$W%P0&QZ}G?Cp4Th;q$So6Yq zT|mDsq;wh2sY-NXiS4my91E-y1a17tDormcjX6?h!r7M??#eJV4rrU?I7<9Wumj z=w9Sw{1}G(2!Hih%mYzk)TE>FU^Cg}#4sCvx5L|7>4UF#lR0b5sm2(1pF~Nm43HhX zmH`K>M;O5WJt3nTUN&G<*(>XEY9m$$achJLdSjMyL*%ujP;Gne$5@tniSnsDLg9b` zW_Q2Km|Iw~WHTYhMgJgxc5wCsRC{xCPy=Q8e22-vX`iKqCG6y4Rf^R-F$iM-(IY2;kZ8&_IHv z?J5S?qeJuJvR3RFZAJRpuJU%SK|m20D`ZI|yg$d><5r|ylJoIc^ zzYrVHi2bh@5^-UvDR0G6Es9G2+NVp@8f>(<_i5qk&4Tv{&D5w;a^o{eIg`r)D))pZ z&jEneZNsC-6XY$hI)7=K6gKcgZPaey1qEzIP$Tq%wV)&jwSsF{R~{}s>a_S`xEJQQ z=QK&=d#oE($pPgJfm2kMmbVC^>N2GH%ZoLx7K&f+BEMtMr4~E4+^-CWP)S@-aYZ6H zGNA&*=Caf4gc>l&rUF#xGrnuO-j{04+-G2#`zXZdmGXRW1tbXbrCzT7`E>Eu-xl4m z(lr9SJgL1FbyaNBijJS4jAiqWus{0lOV9&kw;YWY`f+SL3$=S5UdY^Hr3@7hznS~;2e(TjG4U{?@=AIJj(gKr9zaW!ogzC4F& zg8YTbNEY=&d^-dA4%7?)+RelWB=EG}&;;ikGDqA@wU>+*o#@dXRKmh`jx0R2()9VP z-(2~>j&SMQ$q8=eu1UOrIo3uVoPj@|!*0nW+X1Am6~xHqD@BZ;j1{|SA1fh8DJ3cV znWl=qi7&vowl6iBNA(P0$H&$ZAzt>|GGm|({d)NIxrhu{kBGC)O#(5pfm?8q8m4)72{-4(?d=+cyIn9!(h@tgJ))h`&hQljc&fDswP`+MZf;|K!y*Hcz$Ak%-Z z6Sgf1ZNO~7fp_md_Re+oR@jAFo@|BgTX>M^xA{GtM@zkmQ1Stys@VMR6PXe6i@R(a z=}IjfACBCdvmQU80=mJ6M(hQV-{e7da6Yh0fVD@ml@9O9OrrOhr^mlt>zk!G$9s3P z4nKhOF5ObA2=#G;>}*qYz~J?i&zn5_|k9X_pu^BQ=tU#XNe`wvHGVyQXP0zW&_IuiT*c%rFw#X@t=OP2p*&J6xg z$Z?X_a-8ay-%;w3cq&Cgd1*7wSwy~4gTU*<0{3$Wq*GMbIX($t#Y!59Ma-@0}lu>J-UKlPk!n`l75?iwNTBaXnNa#$7qS6N+7X7k391Y>02t8ly4SomM+;u~hg zbin@s1hkO2k9+da%-*J)V@FF)qONcNd$l=HtvTX7P17iOg>sx3*au-=`9@mpndLRw`F8d!uPgm{$9?k~*;8 zR-2#ia)9fBg)`@a*8xe)mm+!Ld-OPh-gd>9P0g?3kFqq^H169d0tL-ozn-gUKU+#| z>hk~MW2Z~8;5#1;J%(4L<&v*1Z(n?2xgOM=qVCsk=$fhwBDBVP`)vkn ze;dZac=X?nr${)&)Rr+s5ScDKqOtU=F{j!`zZ-BxZeM;*AsBAP83-!)Xd)2Vh*SR4 zzmc_?+Gl<~667mq8fnD*giD?Iu_1$3D$N&Mf`!+0n^ZPw8Og9lm zGS;(OSA6W^_*!a10}9;UoR$2G7kn1AGw0R)fdNt{42{>pH59aVYCscbV9~r?7qjY( z{{Sqg=y~wZYQ_=&HVP5Q9Nc~+Q!JsF*F32Q-vsHu-qn5aUwxOb;u!k}vi4%4w|gL>~}9 zxXu0=E<0U#bI&2X(zxE36~)VjkpKQ-cATKVId#ypqx<2XX8{c$`PB*etrBc$rhF{? z^&2HPiw?ESf29au}cntPux8gBeC|v%FbL%+M4O=A1g_#YYfb^f= z`irQmSNb(bSMZy-1tUl{$-uQ7eGaazFlGb%+}K!h`LH^_&H4_$#3UVF6FYg#jCS}c z!^;cjl!-NUUEB~DSl;!f^+s*<|4*dA zl|2_Ptp&{2GytCF zqQrzo&CI2?W>%d^Vs6*^<7WJkP56f&xBs2ff_0mbV8n;tgVjup*P*bR+yjM+?nne; zhQ6>}+oyg({O#_cLJ>Hx+Q}9xQcv;CL$*26?em>18L=&kG7QR60dluf9SpEs`-*FA-Iq$VntV^_M zm5|yAs9#sn48T`T(W5F`D7V$CoH=jm>0O3(sxthkqP74ieVp+K*LnNIMX_+aO}K6{ z0y-}ax&xygTPd^wK1qphgY~<28kF)-cE^l!KkmQFiN?B|iUJmI-)l#4mGgMiKlbyt z(VsY4Tz%@$5qo0PcUyDE@^(Gx5)VXY@;lL;4@jG*~o@#X8(lxN9N%~Ly zs{4*S+ALow81jWha?NrYqEU-X2DRy{pHSk?5&)>29?p4DF@VjahSAv&rp9_aWCL)T z;@6?0=Hd*Sq1=yK#sssNE?csGd97RFWCD6m(C-Uu7?91JV_Ten)yxLG&s9yhLfYJq zec|zRCG!cgdp?B_BJ^BFU3ka@Oah=?a9npSS~*@}&P5yXBav41qg|PnHslA`HGY%T z2wvC!eja@3J9Z)SdSiCq20j5w8{_OsO0FML)M+CE>FL!}y{-#R{a@T`2h}v$#uCS_ zXJ8u`V|~JAI^7!In_A<;-OYhJhql+45?~p zB`F&9XZ*B9HD~UJF^Bd>e0~-v_+I|XG_gvI5jgw$(4Eq%bHC=03j^r4zW-UclHzQ2 zr@B#|vi)W~y(Yr2xV5plRsSkl5$(N_L$C=B>a3$UR0EYIz9s#K^HUpm3#tZoEAL`iI?i3C93MWKKDGlihHNJtply_dtIJ|g5d2~OB8*1!QP zkL%ul^x~D%fBBiG$HhYC*QY0jQmC=PGGt>?dI}Vgjl+b2(lL|Vg|0n8QqJ@ch_lPO{hnm%&;^nIi{imU)_}qbf1g6M^MH1p zSV8V*s05k0ruJz(2iD<)T{fBhP6N)D!j`Zr+L=MgAAxGw;Rku{W_%_!sETTHWB8R6N!jJ+1Qn5z(Kb~h${g{5#4GPRTycVw(P9| zHI03ShM52ynV8&5)Z;81(1+JnY-r8j{xHTJ#!yCn^t??sk`xx2i^SD+2B2NC?zxR` zw4_^~)Vz~&{VXlGj5a>L=jQWok7Un)t)?=7e$?uxUJN;yu`wizsVMzH?QG2{9t`R@?x0s~9Z;oe)YuvrAzQaZUDbGm= z1T)s;hVT42Zp1!|FM@wnqN%Ho#bU-`><^aOEsokPq#g%~9oq95!tz}zb@aCkicnr9W7a|daO9+g^q@JXb@s>ex)lZ_x#w=H)5hXS7}V! z0V9kpE#nu}DVafcJ|wgj-%7ve`d)Il(;Zw@q_x=AEIw8aef`V9(TS0_McQGur~MtY zJ4x?SsA)t0GdwhP;b#&!19iNbs8~ycuNP4pS7$nvxJ`hKHMas5(!8i~oVw;!YJ-q% zYlCkGiHxUe&NMl#*T4-=-n4SCMu>Ne^@Rb~+zh);yX`nUBzb)E@h^|8Kp=^J0!M*& zdBbagb-*L2?d_^2;AT@Y)+-Defa(+=t{vUo-}41VRrT71dY#(93ZO#}06wgxJq+o} zN>)mGG%qW9TU|t~BB=LWm!lT@yl=}|NW%+kmd8Bd$H|jRC?)!=Z;_j=Fm5U}OcT#o z-pw^+bfs&PS_0?251Ji>8&SsIQRw5Q{aw?KHx4yZ<*$#?w+G{kt>bgyylg-6NkoOu z+nURqp^XpwIne?{w!4eT?^x|OQT$Fii{Pa(%S+vtbMp2Pq~C@!nG2=fh8-ngIvaWK z|0-;WiwkBbDV8W-Fr2<`IW>^dAR2jO%QMzM1)bcPkbj|8zHToTG40G92d93aNR8v5 z+EzaKWg!cr|5A7QGOUjcHat*oJt7IDK~o1uA!qflu}y4(X(?hAM~S}U=cWL$v-R?q zl{3u6$^CluWL>^`C#=jI;LIy>{61m7o6EoFvOS?JSzq$@2@OR$f$we{gMvtB;rB)h zD14f$t#P1ptL0S-T?+>bNG8PPeks-^+oPNyadRExPH65qN6%FEcoeyFfBr(RTb^(< zjY6$5j|eLrA zCl7Tn2{*LM(tvb@(w*pHJ|e5{JbHg>M^{z9Nfn`lU=ZNxO!IUq0i^fHj>CrztJ&E) z*U3+YZP{1qFukf8b&nBmdyOh%zOL%Q)>W9|Dd=YL z1BOM7CIWr8Po^lQD996$kgjAEmW`MOX*}QUg@GB(gI?w(?ygJtErY^14-khDvx1(^ z@or^5%st0qj^iX{`-%-{2uYpl%Mw$|uUM@pTNygni^alAPFq%k<^7DVpEmRg1#4O> zDplun%Wr?1iBi- zZ6}2=v2Aa;lc(H~$b7F4)9KbiNIbqm0S9DiHh-n0@IuStNptZOMO-Iqnl-6&?Q@bj zq)rpBVuVD=XqWBcje_uz_n33wX6XM+k5~zo=*gE$v{OQcR3>iDsUP>H4%G!$E@CyN zO=V-7s)!!iX0=JAtAJI*I2N%f8ZK+oqmrdC;LxdTpA^e*ey}=QsHR7I31ELh3+P~` zqHUPDMC|lg;4ktH`^%}}S1#;K>5&9$?}Sl4A=EMR4cNrCK9Ln9-WDE2gzg)s^VGsi zooU<#(cw`l4`KX*>^ffU82DLGb2Own5mmm3GK0_9vzh-jXh^O!U@Xi^uq(V$xwxT0 z1EsLoPLvtim2V|%C_rms*p9cpLFw#cn^!}BektuUmnY=P-Sm})!g09Lz5`rg;@WI5 znu7u%cB9QC12>_kLMvLkXe+4>PXlKTSaC$>M~m>)#Y|L0xemMSW1sDv%uqvUgm{S_ zvjWs<#{gBEC>OtvU-2L&3(-R8DekhuIx~FeNi%T*Wbnydb#L@h$S{9W(qO?D zc$TamX<=bW9in<1p})>>@Q#{*t*ouL;Cb32!q`ax#`{V>NT_(GmC9QILv=P99D7=A!!) zm|y!N2(vWG-1&#b@RUJc)R$2Vi6L?<;MLd6%6<0x*sno)evhTq*{?xQ_TSEjNH}_0 z+u7+bjh$_B8QYXUOS%MBCf;1z9qeu0{$m7x2?F%daC)b2l!r+k_-f{D|9X#iIWgIg zp(VwIE$LD#Kg!y*~})&Mtu@IwNo1(!J5%D#mLn_sgZG+Q3uKl zmTv^pQ{unRe}_2lfM6w2Y2UfYTs@m(kaUwAWw)a}SX0#?0!~zibY>+|K~h5crpA~H zaN)|*w@>sGXi&hlj{ISZBMWZ-W&#=Tz2AoMAyNm)Usr*Q$Upv*leS#}y zP>$+tQ`H!urU7X()}|`9j(|OlPvB%-#5{URhqWN=haT6jIRm|pCm&JY^=eSMPq>Gb zt~sy;zw42(d^HflLw`p(yMyYom> z{GVo6BG;WfLK>)dM|-@Pf1nmQD>WbP1PC^)3Z5h730k5lce)Nlr@|qv)dxshIB?xL z6Df4T)ei(cBPvqKcCi&am!JtKkw@#3@wmez3f=D#uCa%XU8t#eaye-z!(W($RW6L) zU>LGy|FawNi87r%Dqtn6>$?LYubfo8nDP14 z`z~3l*sa=uq3AqYXxGGQRuj<4Q68u2GwC`ehjaMf$EwTZULdo0!;PfJu_EjmHXtL7 z`NuEiskph1P=86`yBEpy>35n6Qp?E4Fe$1ydPAODf!EgJUn+XlBKMxPsPRi~ofR;O zV6_pPO2BiCHHpwGIN3>&kU82yp>N>*kktUi8{|*ADS=P_+Z51Ah`={&*`K+naS4tQ z7n`b9E*BUb|o~AL49mh(iM}`V=P|Ts=EH%o(r+(j`t;1HdTwV$T_=z5wLCuw( zRFQPiWi9*0HL_+CeASn7%dG1O)!z$Iq1NJvO_(y;#{EVeD{2Zl&tnK)eNb0i``UIl z3GvnS1x^G!b0%hmJO-Z?WrrQ9(4raj6&+9p&spCT7Op-EH0WCYO<7OV{H-egHP0qq zQYA#PxioJ*!Osdd+37=1E^ZPLnv7?{tkhrYd&JS*UzyqyT378Hc)@xhO2#!MLV9RUPJzmt}OHeb_+p~l7pZccNLoR zazyp%FDIVb=!%0UBgve?-m!Ds&oi&DN?(d2=@aQPC+inCn{R)xrYgMXwaT@E^8hvi zt{$e;-OB0W10^$t&xB49yfgPQ#hhre(K__xIr6rtLAW$OaA_uQT?&t+B;>KeKkqOU z^xb+oTOm-h{}iG)OKP$C9;j7Ix-7H&11j^AH>0JivA(#?-)pDf2)>qHie+m z#)WZ#yiK3uq^uRauUXBNZRCy!;B_lif7EXNk1s<@0K6Hx*fKOf4;>NQ#xjBnKu6hP z*k69P&$@o5+?!<6dRWr~UwipH-7Oe*UFK}W;C;~Ndp#C{bV0m_M;?n@xy5or7N~de zrG-BMF_%1S01Uq!9uw=AIiAwH0|yPCif!+mRE$GPd>%~JwW|X(h9pzL zTnUMkOgmD3x7YYi?7dw0fQz3kU&@2CYm1PEd*#0@jjgn!4P-Z)pM~BF~F)C5Yz#difWTJGcoXnS?Vr3`tLSfwn%TKWal59DiMqyZr z+U)w*Sh-WTHmRG0w2fG)C?h%Ir;~GBZEcoocU|5laptk)MVokqk^MWqB4_Jhk0_bo zth{0H?Z>^&%xlL$KZihJXs0WqYfVE8O!|u5d*APZjFy9|@;CC5m%892iA!N=D*V3-`90Z^+%?uZD;|6Yc(VLnBWcYc z!f0Y;GuG79MFvU;FfpYl#w%ts=^!m9UE)+39eT&*w!iYRdFKVNZsH4!H$j;pEFd-H zPToklw(nbmN90UtER$^3IFo}=iCS%gWP^z<*Do`{%0dEW)tH_q%l(pZwrm@j{ih9nuonKqyTilpzeLP2& zC)M+s8IQY!)C`?Vokqa|Gy4{n=EnPi^5M%Vo;Z#bgXK&$l4Y{4`o!1?yDs=PA*A={ zcHmy*YVh?m9sjXN+O|E@pyh1TA3ZYVvFYtPzdBF(^d?K7@BMG|P(}Mt6+LO}l(Pq? zu960r7<K82UbGLrc6_G>mwwI2{^r+e3364$5D_ z`G!oU{3&5VMS7fM?T}X%r25sEH7$)|PfQXm;KYS_=E(DgNe%VxnX&O8zEd>??jE*O zEdbP}&x_;ZObGNWb-ZfTax|BMG$qj^KmAG#SjJ!>-e&yImW`e9jg?DPE-f(Q{xmX% zelZ-Ou7G@KYn{RN=nf;?PI^f(j^bg>z$k=g&D5M6YGsi_gJ?AB{~?hWUNM`aZCR54 zSDxNC34H4(&7A-#<}UUS4-=BDmM9jcQ_gimEyVHt+xtnHxCP&iaba2fa9K#lTxNc1 zXpt35+FqEj)TwDJcV$NN&YX&0D=y_^2w`&63sFtHmmxfaKQ+mb(UtmlIt6wLelU+vOf_nqIKYI` z;adNt6JcV*D{x+NYSlw)GwQvC=^9kEVD<>yzwm5HEUBN ze)xhfA88ZomA#y)kGcAFfGAe?5ifv0ao$=+aowyK%wf?CKDLRw#H55sqC$XhZe}os zUe!KrX?b3(rZQ*;(V+dw)e}zq0mi`H*qUF(w0!1 zRwm=)#reEYcrp{V0lut5lR%qosNSj!4nEI2YM@of#?BU!HQJy7bM^X%Yoja z{l8d%HKTd_RaNEK;I$I!ktuXwb#eS9w6!}KR@hU8|G^vKLTHBZ?yv5BU z&chTP`d^6nd7i|T$4n_iGLg_I!qHj0}0Obwpl=nj9uYsZvYM%w<9Q05&c~k z4fKc;M<%rzd{naxAdQacnFO`S{xc%^s7xj?`lruPo|-m(S8 zU>CmWf{I_v5E6h?l)ECI!Bw@+S*=1NC!FNu2Y7G={%$+F=6sg7k%Y^gmSUpefhCQk zvYd&{n1msh2FhkCNmj{I@VY#V73_MjkQ#C>1`U8BiBKrP{pX8fIb-Q`9`Msq2HU{0S~?^>U;f9(1&*K6kbK6}OP zwf|gftbWW0z5Kl2f6#kcR0rE0g4ljipdKo4SAcSyi0dAfXzG#H>WVPEs;LvX2r}s4 z|C|4_6Bi_}JXB8vA)rac^YnBAB41_gF{%2VnVC&`_5uPdhqxz16?-=j^#utD z(%~4vp#u%Y&-$~ky4;On4C$pKyw3N5hd6=3SB$YY6-5AvMK)NT^ zy+~s!1F-PWvwaHtESt41VYGf)E$lq#%c)Qr+3Evn%LqJbuZ+u=>WAu^c=e~%gh}?p zJtulY01&vT?3z^d$CyIKi^A?3&k3ohdD#%8(Ns9B3N39iEOSjUI4$t3?tjdkJ?xBOJ_((b+K|I|1squ*j}sgUpqLb#h=hU#sM2~al2 z#E6>it!8VUW5K;!pZd?qUQt?|Wa+RYcbHuJE3=%b$pb)Xy?Y_Sm~`-3`Js*kaCf7pLv9o3*`o0jP}i1i zw)^En|r?lpKiQBFey^h3A6 z{Zf3>dc(Oy`+{?Y=BWyNuTXp$00^aN?r6~* zVl61Of!-0!PR;D@3C#XySVPxddeoov0>8DUDMMz8q046umVdAX47qM;N>@F#3fM79 zb#)JUsz{VW1#k_q@bovCj+w>Z(6MI~w>%rN0RpTbEtp=!FB5!NPXc(j*@*Ix2Aut1 z@f3q2*CQApFAXkmC^>9W6p^>=lFbJNsL7i!N1%w<~Ir*fz$q4 z7rbj#FwU9stFD-80s0;r>#v6;U+srmTCbtN{q6u-v8g0BU5XL%b*s{1YtzNnZ%H9V z$_SgaL6|T{_e;TVSXfbYxsDUv!L6+>r_unPG*oTdq;}VK<~NJFYri{6026Ncg|(qI zAVIB>^#7Fim0fXs!JCZ}f@^RmxVuYm2<{LP+}%BBa1R-rV8Pwp-DPlhcbA>t{&)9F z?3{Z}zqoU!ySn>UJx|qCmASJ~QFQj%M%++5vs3iPe{2B4Hs!!k|s$Lk%_p@kk# zGk=@}+U~Lt;6jS>=5NpV#o`)G=% z_ccG9>Z9{vJodb^&~4hlYg;ss*UCITUP7S@15uE#md`KY`~Hd$H;&G5SA&1D+uKNL zCA2Ml|EXaJ9}^E$#BA zL?LG-;3+&?LbRksOaxKpn#L&LzyVZpMkRyq`HFo51q+z_{jo4*gKzMAi3jOD~T%5PMg$24#S zgWk%WAx*biyEI{0DbH;CKUr|YfxnRI;yT_Bf&q^}ADdm~DktQZ!ZU`f$BOx5EQ043 z^Ap6r{w)#T$8&Q*6oHPH7VFuWi-ZU60GwBjtRIT+ZR;O3GB}B#$@eY>U!=c&R!ut1 zEhxqUY-2zT&%b%3)8OI=k0hx~G?XqpX9)8}J2AcJMRLUK{^31B>q+67^c8ilx13sf zklAL5T>AXb6>QW?wtFvrtyvOXs0!yoil?HGb)vGd-5L35O)Z=ZaX^tLz(N<1>%I;4 z?ou&-c9Lf~GrX4}LCcv%qF_XD7W|rkkNADfFn8xNuHWm(MRnh3XXF@qr0AnT?gHVa z&&!m^`k~J4*RSbgq2KQ+yzkg6iyUE%1KBc%cf(ZAr||c6NcJ*it(dMnTHH6FI#)=sW@i_AJYxWV?beAY`z_0tZ`}<`PW=S;)>Yu&TP;vVl zZxVlhMUtWf@bY$C3lw(Z#sL5yI=XE%5I2`Wekn)$((GJuvcLCAjoanW z^&4=qY8=`A3qMl!QINq)THj$@-L-ka_PpLDDDi^_OW)`W9;6LIHKUeRq(c9Zu{Pr3 zamKeiMU8toXEi5jEMWirx%2l&T$X3~d*FhEkh2_x`H7;xNnW?Q=}*xNZstVI0Tn=} z&2$(#XhtrtSroy?1}U`O0xG`Rf%a0SC$kc93t1&k)}cg+l?e7ne49~B36R*; zkigHABlCjL)fD;Ny5|xsdj17Z1Ji$^N^(EAa;of@{wcr#&DYD=HB>c?Ev(R(41p6b z^ktF4=|^k)^S$;4&4HqVW`Q19hSKCrOeq%Z+{j2&84V_ zTy_-vIftO*s|@=pn2FxhI*HwY!bJU}z*!p&W2VVg^&MhbA!*W+fdu+Y= zxN(`V2>{?xoPjlV(!ePJkr>c48BF3`=p;7jx4thy@2RbXPcL;_`|QqpFX+ZDw9A72 z=}!I{X?l1&?MvYzt31Jr|Ax*EncfQVJQ!d(s^`j7yI>RQf9(;7oFH6@WKSdm7k6ET0-me{MT`i7WP? z?-eb-)GoW!KGZ*gJER+X===*Vrm;2L@hl->5GRX`eZGOyBgboJCscq-V4)*Uk(L-r3Fr@uV|&tZ;HFp?kA+L3D5N$GE;Mq{iyvCl5b$2P z=r*(a>Ic%X&j$KO4znw$U3o^PKlt=qjq9tk2;>*QC(Sq_ThhY-``%+VRU&l9gfESy zCRIDmuRyQCab6}=Nm6iZ6cqZSAdo|M@^zJ0c+W-jcY$}nUL;8Y65#MU!jk8J7$B28 zMKV*SJXr|{8R`f53n6VZrH%mKUb+i4%~hyUbeg|H0V#7Vl0`R-IrkqEZvW_dwKu{a z&~18YaHO)1|Fh8j(X#4@^dI*ImWv0ttdHfkb>9p!6)6%$%wmq4? z{ph6PkqAF@8j8+ckexh!w@|LU@rARw1vj9>2Hr&aJ_HIjmNwkBt8+>v_g4s8g|wA5 zb_zVe`2Ar=5$^*SI)KffF5AVGEDhm%OcYcA9g_VtS)kv|w_Wa#kH8IrJ753IkQoaA z*2eANwFD=pAlfRSizAZfkzsQ(1~}#vZbuiIzdb?pRM~hUw&y#_2l`dL#fiV_+G(qt z&5+6Hk4a{<_`f++QRIrnHowj};BjrHnzOSu@o69Q9zC)oC`1(H{gER;nY)^g7EIns zWki~^O|xTi0;=HC*wvBTg6 zzX#12N2JnfWS0sX?{EUXrW%v|H?+j-1K8NFq7DFK29A`N^k+zkbJ2xm{w0Tzl_K2< zPfe)ADobyppUs)VS7sA8Y!SYwO}8NVsdYWIBT1&HBH2)R%qx_Ph5S}!_5zc&3nNzj z>dgdz7Qfs?*iYrKoX~E>^b@n^9gq6&d2{BmOvSldP7RKv1WuA`R4*u*0cMYkaic7a zMWVAcs=_N^lmidf5$eaMd4aZR5qQPK9&#dn%Woo?<}``4rK^EE*WJf#<;aXiC=J~# zH*->07v3Pdty)9g$qLanuhs=p_3cIm=4+8G$7se` zKVf3D1W?CcTXGR?c&t4D?~}?49vy8%`x`ED8Rk0n@Wv z$b{5&_-(b!{|P_aj)g&N|I&spr(k9EXGs^W)14*()tcKUFs47MP7yHaaCaPn=R*fN z!3_~1ctt}bXh1Db&raX0@pvSHuWt9oF?h#19hi+*@vi8w0F^NT$gzz3aA;4;E?#|H ze_*rS?Pp_H*cSooVRf6~Pb4~{w#&Nl;}PxTGxMA<0WR9kvhC`*@Y#E;9*gQVYe;Y? zkr*$jz{TG2Oj|yKQQ}q%M$c)7rx;HKHU}Y=eF5>ju`ZNA1Ve^n(?rS$%!Vt}`(gMN zPg|7Cmk;m&S>0fKxL`6g8Cuksuh-x=mg~mosVcp-#x{IFe!n*u<&@68yBt}7U94?f zYZN~*|9hGAVuu8uGn|_b`~JWLG%HEFG!w-lS?EBYkF;oV3^$|+`m=MTngD^1NL#P% z(Th;p`wc8CQHm-MaoF5uW8rPY7WGl6KO_^RUSB7xviFQ#4(<0UM>CuEK~&y}$y0*f zb&p{*ec!#a)sWGAew(X??Q#sS-A1S&-vFoTmxp*S*0h6()ADJ*JhLcgsKuxS>aZR+ z7FT3O77chBA#)7D@S1&hV4nrdq# z5x#TU=?7!MzaB!@YjT!W3ih_Dg~-53Tc6TND-JdGu%-Zr&cm@RHD&w&2Bj-ewr%MU zIV4Jj@QCT*vgTyQJ#vM@e_+kZTRgpWF#UQzyzg^8VF9qgFW}Rn_^;2XrD2wcgv6_{ z%FzKCQX;^n*xL3gxCSaibGSTUb$u{GkOD~G_kK9?i+YF~~e|R*7HRnA? z{+nGiXACmLQXf{%&CRIXCT)%|G z$5x|uv1KQ{$WNfpWawE7<##dKHIkziRS44ipV?S({dhDXsmr@xma!y328+Od7Bs#> zQ}p_Rf^UoG1+}&4DQ8r&JvDQcZK>FdcGGK6a4BtSjc9dqqHYfHIS`%$WFiDppl5t< zV=##VDqvF#^3FuN>1N%WOuDr;_g5*ZkUz7EcV2O<9Z<+eB28~2qtMUVgA6Xz@x&Wl%bTyd1&$ltmaoqeTly~tWR4rE{7-|@+Wd#PR*dA6P&AG3OIlrbM2 zl67`+!q~U@7;onQs%yXWhMsr!qdV(%!{)?hc$m&vw55RHD?gCd7hI)rB|OPtPxAe~ z(Q(N~Lf(r@B6)z=UQm$`%XCoCb6n7~{Ot8tI`^Nlfh|vdrU4G8^Ega>nehA{ovf^e zn(2jVt>;$dQzEy0ZCi-~y`SBwMAkE!3yH;fV{RBFFSn6#6dCD|+Q#fS*Zh~i9TXG(R9LWXzP*1bE}98j7wo7`Vr#*Ec+-!_?;ZMG=yI~6^(G#voAJD-?t&p-7QQ+OYXP)5SXqQ`x7KFfb8I3BZB!meq#q&5 zG*YR};`MQH(*XGQXw0{5r`Y77v0f{+RO5<)g1JY{JJ1=|o*QYM;8U3$Tyt_+*^dsG z>?x6b6sjQMFY`6is~&<99q+*yk|oXHxR!q)6#Wo(TMpk-#!EB&bRTsVpPrh&vU(&0 zZEV5@`Ms^j*5?xoFYCnTbff^o!;Wpmqy^`cbqK6%9IOKa}; z>OR~+>x3g0QYZ2fB$9SGe6bov3ROwKO|ynu0i`{i@`(Iwc)q%vrzVszV!CZ212}cs zuguwbr~^l_=jgobvPNG&1H$WW9z`;#5=h`kk3jdjU%7?yZRyJ@1l`IS!t7@Mtr`xk zld3}qV9#XrI-5ivl9NH4(f?}@+NWY=?MXw)6@rmfT{7&1|Ly$$@wdtEXeC^e4INi` zw^}8NCYC8*%+iFCkCqKR6Lk5KMLduDi`?8#v>Nv67gp@%qWY2(Q$k?L#okZO1Q>Jc zKzzgv{0Un0HWFbv=UETQibeHT1RAc1H`}WcvF7_(}&TP^Pxe zryV*S?vZ}yxH7x9es~@Jwp*J_Jy{>Z;}jJ~f5X`-EigW%J;%JQ-Sj_J+zSKQF9He` zHeLJAP@|mwE4MEkCB+X_e;Yn0?a^Rdq!zNsEc56@2isC{MyH2x@X= zznUm>r|HN+{Jp-$kvG>^FIdY9EqCq#l_?7y5^V%ybzr`)x7%J5$b@v(%eSEc{6sBt zG$E~~K`N(^nxY3>+qY zOIni#%_O-?VyL5(PQOdRrMtzr^Gha6%kGsWFZ=oC7Ag_P?CM(oVN{AmNRwP#=qs2$ zdK9~T`TqC?!k;`M1d_sS{g%zMn7NP$PWJr|rWIBK<{S}g1Xo=;tDhgX-@+^={w2^( znKTb^HPr~OR}VVExSP-vwA!c7VisI9ZYiCawlq|(>QO1G5p-j9v`$?Vt9A%+y}M1h zyB!L&G(yy*>eU?1MP#3lnUotGO}&SXYrq)KQ;vs}Qr7lM+*@ai{yqHScDxV?wR#0? zkenK2Kh1-7@W7U!rW6KDz!Z!kNU9<3XCF5`6Ar&q6V(fvfmhAIkBmIP;j#!1ya}3b zU?|uJBe6PkvN?BRcBWY(NFw8ep&@&P4OAAewKpw!e#ZlLZJ!7Dt`wx659x5r-6e~+ z488$I+pFjfQi|Xy;pLgbKIJ8_Njf_)a~glu{i@>scrWAVKRa<>`{BdXvmOAuo*3OO zK$@UWYizLq0-LkrQzYZ2bMyc}PwoANRD2Xn3m{Vv=iK^a6N;wZX)>}%YoSfQ?)!kz z`X&Kr9*8>jIHeM^wSwF_y?B+G@y%4pGRLaR44QPc=FpVFTlk^$`WYwOr5}k%8;eo& z+ln-l7u%@KofLq8ByQp`B|`Z{q;BT^L5p#)iZlIh+Y9Ih8}}bQ#K~$N?u19`B%&7{ zW=4>%PfZ-9fO2BNrpa^x z^Yu-LYK6rQ+L_AW(!a;&!Y{v)$r1j07zn7m|CpV^wcqXSBR&lm-()Z*c|HaHW~~bb zm8n#7MKrp57ip=p%Q+_=s#AC$Lq=_|3LORv02X-{zYk=HVqmO?v@zgG_L8KgJX^IZ zX4UBBPrgtJWnebyEJj;N>2VqUq1g@vy zSGaS8p(TeLPq{V^_|8vNH+!rTHyN*BQ-&3AX4?L^r(A&siNZ(z3K zA*I%92+vM^nM>B6OHTJriWRQWTWV^WWuX6A^tqWDMni;O?KYR=%uxba%jDvVSPwgh zkO$)A@Ga3Hr&GOnd|Q0|L~Eq|W7LBv;^b7(!yBtv+9>~YTNPhcegW^%c zT=ztKCBz75uU&eE?-}dR8~8;5noOqM5w&j@Xm2)VZqym&`dv|*80NMB@M**rwbB&S zp&?w_7H$%zls39~F{H|3UWJ+k=`B_#G;ZNn>^Vo=s=y^1eNHv)&F>rb4E3pJcP_Kl z0YdS4j+stl!FC>R(dGZ~s>%uSj`wauK>MD@CGRg;4XT`iG%|Q!PPwtts7eM|)J(p{ zT0gdIE^pwj@x91soQOHK)f5Kkp_X)i66%o(+52SXjAll?>e5R@`TTbvbZBFTLbt5#oWE14vXY?5WyezMHIm&a|2cP$oAk1u8^^zbqK_leY#ux+H zT1%&|7Hau|UUYov2|YvS>wNCq1#Q!|8i)1t)FT;*f^*s0r1K2Rn^>$(MQr6i^G`{= zn#kn-eY3R96d;^&yL4-^3WybHUgOKG$sCgRjg=1z3{|}naj^tnPmI0|LvC@$?UkWw za!;%3k5fIC_gw|JAXCVka&M*AuU6*$VCRHFajUzObGjh{NUYq-K7L6L)_9O<^Y`DA zifI~GTU8})+JgS0wUR+BFK5|9{Q{CTvCP9#4Q@9&LivkLJNYvAnjq~Yj^w02+K`rB|~7Y|ypi-Cy_=(6$M$?U|gA>k)` zH%IIl)W#Fu@*UmIkrlAGno<6fx0;XEsb1)yl@~q$tQo$&pQmWRSlGh}MSGqhE+KRG zI9f#4f_rf($6XP5hT2R)1F-JAsP+-pwBl@UnNBGCwi;Lofj+e~po(VnLVO*ztsgyS z_|5*vP({b9P!k10!j{!kCis}fq2aBl0k_|@pN%~Tu zyXY*yqkL~WR%dm96wOZ&m}DlRTO5`tBH}+QSQBkCd|j2eGsl$Oy~v1+IjzvD7I$X@!dXtsymo!{%0~t5fC9aE zgVZSzpntTiEaoF6u;C1|K~k7BtX%~M{CU|HS(YxU81c??$*6hTAPbl+h&y#xaq8me z-P>785$yp9|2YIHd>b2!e%3X$&1naLu2$IhY8Km(_A(LBezV(D?Lu`k*|GBgBmYD`^07E$_Re?JG|$$xrcBrKKkd zJvXmsi~P0g$G>{iySMQqgeYjoo`kUx@VVNYUq8|WCgULwF#c{*oa&O zKUli**=tAHJ6Ar_K)ecXkVw&G{|vz0&MJ$8?52Yv1_R{#j!jZ3>Vq;5dOfK7P~?nz zE-LEf`2iE_oID20OKx`56N0B;O;<^Pm3Y*>?(bG;+p^T1Cm_T3iDWjDacqmug6z8H zZub#_?DNr{_`(C&9pP_m_V9Y#=J1R;R@^44A~yczLF z+-&?^Z=Pc^tfO6ty$e~J3199LTR#P-*|1dgzFjlRGgjOl zZ64;{cKc*E%)nTvfx`*JrGEvwS>fNFg`5ZyVv3nz}p(c$SzDBqR zajaN8muO^s|0Dk)j9pKUhTHOt4a45pi3I5G7_4+p$*tHTRupVQ6J3jKHs%|sTS)dN zM9O3n65)r`iNJt47^EhL?2%yvQvywzlC+(J*W2NWsCB;yqas&Q|CI+ZgM$nCZx)&ye{uOQmtRnms}_%>)L*$}zM8-LuUcwAz=a3Gm`BUXMVM(kG@S%U z`d*=Ku)U<<+y++k-I&~;^uAqp>t~i6ui(QMgn*~q!xDrQD!P{){^$Sn~%(3PMycXFq<7 zSd_pWuW>(EPNa75id;RSfV?1oFbTMHTI8hDdz?5WSufCC#`;M@IiGLwVK%+mwstPC zH*+b?#;hDs0R>R_te@Mxp2C!=2x zT`a5miZ6P-oXA)L2{8&mULdEMt?*?Z7)khK(_{n`2=4G$0lYezyVyRE|8#VKgXk5D zH*kIgNzxrx{4)U-F)}c-d5(jX26|5z)Tr6>&kn-;$l;s!H+S<0#*Pc+T*Hq4lNMC= zo`M`nB#X+yccKNZxngML>Wi%C*mW$Kunqjs4i*H_*GJIwZ=rEXF&OeZT5Qfy<@s8L z6Z_1C(LBLctsHMCGCTmhK_GUZWV1}8oSOFJXB?f^GT2ITdO^2L~Z6emp`hX7&l zPxgWH^&*3`QI~l$E1dH>q5vP!Iht$ny{EztKI4NwZ}mq zo#gW$EupE8WRDk8vRW&oH&P_u_Mh^-^N0|#`>wBcbKq`WA!Z&E6;9M9aY)c{oQq)VkTalDgqZaGUZB6ByyBhqoJg+P15?z@IcVg3 zWM#R?JMU+bxGhVI)Ph8T@$LB37{G0$L-Q@f@yL+HB#ORnVYpz*=Ob61kG^qG z*;Liy2@4akEcdaxezX=40hk5Tc2m5pS#F^b!Ltf}ZU(|+igv-yL`}M=oqRN=M_lic zzbl}%;?YK%f&qXUPCCg_jbcu-k9RtnNc0$uhQ*)mpq++J$9asW@R%xU_jyw@a#2kC zbs~4A%#>hdsP65H9!fxg7IXi(;qm+TNo2T%og@i0;DQg&F{)6b@aUPf`?Jwf6A3MS zz>0bO@wXw2G0pc=HcPb>&nIZWxyi5mN;)JixYR@)Q3nxXwz_YpUKNYr;mOVsKJoj# z_q^G!WT1dXO@JNbv`4=lp;!1Ff_Urk)Ld^Wx`A3=;Gz7oQ|XzuqVgrl0WpGN>jSVi ztA2I8nz^Z8-1UQBdqW&aR5*K#iZE&14Uoyt%{u%ijKkxLS|?(JtPj_TEr}ZDL8WW= znG#71avA8=J09F4703^e0j15>o4U7t0RS~*&Y8MZGjU&SJBE4IOCn(0}( z)QOqF3XYrB9si%hG+4lt07BBxRpau +Regularization · RegularizedLeastSquares.jl

Regularization

When formulating inverse problems, a regulariser is formulated as an additional cost function which has to be minimised. Many algorithms deal with a regularizers $g$, by computing the proximal map:

\[\begin{equation} + prox_g (\mathbf{x}) = \underset{\mathbf{u}}{argmin} \frac{1}{2}\vert\vert \mathbf{u}-\mathbf{x} \vert {\vert}^2 + g(\mathbf{x}). +\end{equation}\]

For many regularizers, the proximal map can be computed efficiently in a closed form.

In order to implement these proximal mappings, RegularizedLeastSquares.jl defines the following type hierarchy:

abstract type AbstractRegularization
+prox!(reg::AbstractRegularization, x)
+norm(reg::AbstractRegularization, x)

Here prox!(reg, x) is an in-place function which computes the proximal map on the input-vector x. The function norm computes the value of the corresponding term in the inverse problem. RegularizedLeastSquares.jl provides AbstractParameterizedRegularization and AbstractProjectionRegularization as core regularization types.

Parameterized Regularization Terms

This group of regularization terms features a regularization parameter λ that is used during the prox! and normcomputations. Examples of this regulariztion group are L1, L2 or LLR (locally low rank) regularization terms.

These terms are constructed by supplying a λ and optionally term specific keyword arguments:

using RegularizedLeastSquares
+l2 = L2Regularization(0.3)
L2Regularization{Float64}(0.3)

Parameterized regularization terms implement:

prox!(reg::AbstractParameterizedRegularization, x, λ)
+norm(reg::AbstractParameterizedRegularization, x, λ)

where λ by default is filled with the value used during construction.

Invoking λ on a parameterized term retrieves its regularization parameter. This can be used in a solver to scale and overwrite the parameter as follows:

prox!(l2, [1.0])
1-element Vector{Float64}:
+ 0.625
param = λ(l2)
+prox!(l2, [1.0], param*0.2)
1-element Vector{Float64}:
+ 0.8928571428571428

Projection Regularization Terms

This group of regularization terms implement projections, such as a positivity constraint or a projection with a given convex projection function. These are essentially proximal maps where $g(\mathbf{x})$ is the indicator function of a convex set.

positive = PositiveRegularization()
+prox!(positive, [2.0, -0.2])
2-element Vector{Float64}:
+ 2.0
+ 0.0

Nested Regularization Terms

Nested regularization terms are terms that act as decorators to the core regularization terms. These terms can be nested around other terms and add functionality to a regularization term, such as scaling λ based on the provided operator or applying a transform, such as the Wavelet, to x. As an example, we can nest a L1 regularization term around a Wavelet operator.

First we generate an image and apply a wavelet operator to it:

using Wavelets, LinearOperatorCollection, ImagePhantoms, ImageGeoms
+N = 256
+image = shepp_logan(N, SheppLoganToft())
+wop = WaveletOp(Float32, shape = size(image))
+
+wavelet_image = reshape(wop*vec(image), size(image))
+wavelet_image = log.(abs.(wavelet_image) .+ 0.01)
256×256 Matrix{Float64}:
+  3.4488     1.59865    1.90295    0.372817  …  -4.60517  -4.60517  -4.60517
+  2.5399     0.468954  -0.785108   1.34906      -4.60517  -4.60517  -4.60517
+ -0.733675   1.94682    1.57167    1.56522      -4.60517  -4.60517  -4.60517
+  2.30907    2.05713    1.25204    1.01251      -4.60517  -4.60517  -4.60517
+  1.34696    1.87188    1.8159    -2.05018      -4.60517  -4.60517  -4.60517
+  0.713718   1.74888    0.398654  -2.13583   …  -4.60517  -4.60517  -4.60517
+ -0.692972   0.637682   0.532763   1.12284      -4.60517  -4.60517  -4.60517
+  1.11718    1.58921    0.404766   0.677583     -4.60517  -4.60517  -4.60517
+ -4.24067   -2.45816   -0.730035  -1.37884      -4.60517  -4.60517  -4.60517
+ -0.445031   1.51269    0.754944   1.39635      -4.60517  -4.60517  -4.60517
+  ⋮                                          ⋱                       ⋮
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517   …  -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517      -4.60517  -4.60517  -4.60517
+ -4.60517   -4.60517   -4.60517   -4.60517   …  -4.60517  -4.60517  -4.60517

We will use CairoMakie for visualization:

using CairoMakie
+function plot_image(figPos, img; title = "", width = 150, height = 150)
+  ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)
+  hidedecorations!(ax)
+  heatmap!(ax, img)
+end
+fig = Figure()
+plot_image(fig[1,1], image, title = "Image")
+plot_image(fig[1,2], wavelet_image, title = "Wavelet Image")
+resize_to_layout!(fig)
+fig
Example block output

To apply soft-thresholding in the wavelet domain, we can nest a L1 regularization term around the Wavelet operator:

core = L1Regularization(0.1)
+reg = TransformedRegularization(core, wop);

We can then apply the proximal map to the image or the image in the wavelet domain:

img_prox_image = prox!(core, copy(vec(image)));
+img_prox_wavelet = prox!(reg, copy(vec(image)));

We can visualize the result:

img_prox_image = reshape(img_prox_image, size(image))
+img_prox_wavelet = reshape(img_prox_wavelet, size(image))
+plot_image(fig[1,3], img_prox_image, title = "Reg. Image Domain")
+plot_image(fig[1,4], img_prox_wavelet, title = "Reg. Wavelet Domain")
+resize_to_layout!(fig)
+fig
Example block output

Generally, regularization terms can be nested arbitrarly deep, adding new functionality with each layer. Each nested regularization term can return its inner regularization term. Furthermore, all regularization terms implement the iteration interface to iterate over the nesting. The innermost regularization term of a nested term must be a core regularization term and it can be returned by the sink function:

RegularizedLeastSquares.innerreg(reg) == core
true
sink(reg) == core
true
foreach(r -> println(nameof(typeof(r))), reg)
TransformedRegularization
+L1Regularization

This page was generated using Literate.jl.

diff --git a/previews/PR92/generated/howto/callbacks/f245cd7a.png b/previews/PR92/generated/howto/callbacks/f245cd7a.png new file mode 100644 index 0000000000000000000000000000000000000000..13833c026694001b92af10602416a2a33d858896 GIT binary patch literal 180496 zcmeFYWl$V#*EQOMYj6wh5FCPg&>#Uqa1Cz3T?Z#XAh>&g;O@aSXo9;2cX#+Y_x(Ke zzNhN^IaS}!15-6qT|L)y?|tpH*WP>eXXSS?=qN8y002OLD=YaP0N~I70QLnE40r_Z z2=*KJhF~NwBMChJ{m*VKi~|4);H{+i2lw=YRu6B2sn+Lbfg0~>SY+&K`mb;>0oflO zts*YxwM{j&U~&dxHB0L7!n~7v8DeF)o9dB>s4Q~&paGBFNi8w89w{nc~BLz_W`_henIs(Ko z;r@9M5YW*4=OY{zGzjj$C&7IED)yh_k^naLf4__*_6Fv^UxmoZ{%1ubDgYVz-}T_c z;V3Bm|8qPH`2QFGzigIT(02|oUHlal6?PUDNWpLB=H?_q&~}f>u>StiDe|wmIggXo z&gA6euC6X+hRKyBO4j$XabiKn3s+;lS2Yh059#UY#I}teyMmC5ii&0o{2n9N+Gbbu zsFBu%93O5@9X9&#nuaq38``}jF?;Age_ANfs37Aol6?PuJO~-5FOmp{oZN58Wv2CN z-uiKgd)+9=Vf4NQqem*pRBNJ8X{F7_YqC}JVGZN?`uS;vpiv%9T$d1^RrltgW^AzH z?++S0-_7_QV2ER8QRwOEH7q*H8w7g(jHNA6FKh15qhfUgFBr~!Cnxj)`;CG^WO4D? ze*5!%`|}!x-%hkI7Mz2x$9`GEbg9B(Cn6gxw*MH_PuT~?vKLTY=1no^YZk(tB8gZ_dXMPy4fK2K7l}`BJeNW43GkD{@e~3 zJW(~wlxlG~tV>F%yjD!(Fz!?GyHi#1J(#UZO-+5;C3jGH^9E+E%H!OuN%+(J>*w+X z+ZII|XIIy!(`dgR*-KR5%{!j``APn;iU>$Yk=&Nq`INM`NPvEe)`gfv>N$;YKk3cr zdzCGU_&(ggAL2VWNPsJzKHVP=9p>gzJ(vH^lNma60}a@9`I#c@eAuo1ekm~#ABYyd zB7~Qq36qai$&>z!K6)#7{9|K5c$4gqb2gC^Xu+IS$+}u;`);qs)99!z@ zF8^KTCup2j&r2(SmX`LffBoD-!Nt2+8WuTyAKa^2?bo_^SG?n#Y!|MWDt??*Jl|F1 zdjHOq3Pi*>Y8SyKAdOe}a`N>Jj4?AMWoJ7RBja1!I1rJN5b8gn`fWmB5riI2x*wNF z11Lrb!gForsyEA9jy$iI+%U*RgdEm;f`Z^CUgyVsba3E+r=#qmP=r~d42JX5tR27x z(QJKu^(TGS!@|lF!m5nuor<=$_P-Y>Yi72!-W!3}n{wmg>MDo)@mIEZettd&2gl=# zAh^+k;JPHtrXv)p=>61zi>oXBMv=d}(ZbgD>FK&1V|A~jqV4(V{=P*JPCQ+Pc_@|3 zeDv{p#cqKIs?6ZLnV|84TtxTBqK=ME`$ayR@Wn5Q$0fz}^#E{PYJPq#8^RE*`XM$# z8alfFtbDV4-R5?8Vc9oZ;rD3mH!2wbZdfwUot*6~KYbg&HBVb=0)|nLcwT z^a%@u4u`Gbl=yhug?iQZ@97j%X@&#^1WXwIFqJp1*Du)0%gf)-jrmS1EzuyY$9)9d zP5&+($hOq>@o5z${QUeV;<7i%qEmmNMDRHR!%>$`=o=lRqsqAdA?MdaRa_`Kv8#BC z6u2?Jd?f7J%Wi7&IGnFj*-sa6u>wEb-rj&EO4i(lqAt&h~hr z;W*$bvaylUiMq=ege^xeFdm=uTHKBk7mWKNo9un4{wApPtPVSN@2i8k%GPloA~83& zYxq5!Q%mS;FjgapxO~szvceA0iFpPUvt*nm0~fm!-R}!PU@fBN=H?a=(GNp(adEM0f4sV!F<`s4U2Igb1-IM} z@;e#b(yvM|Yn}XK0|R`n2gx^gkH>y~%Rf9meflJN`%_8ZV-rt>&*SXRr-k}U19Id5 zzUU8XYIykg;fMPb?N5K*`+NlkiBeE(Y^=-v^ykCc+FJ7Gn||J9cVqBgrpt7m&qbeW zN=oDpJpaVVB(msC`z_J1vVv(C=3xii#+?|xzh?BMRF*xqN!!)1#W9nx|Js!H=jld& ze>6E80VK~6yxXVSF~8~8)f|*01N8n#CmF}y<{*Oj96o|U$QFzFk0mF1f8|KbR2Ybw z418^Sg^Pz*rqd8b1J{Ltj4TN#PSo4XolRsty=G$@GY|o7Fp|d0X3+K{>rUz~XXp_f z-4=bmEiNuT_TCoU-QBHLR*47mj={q^0qC>QpFel|kFW?RO>8A4L!IL45% z8M%B0E&Vr(?dG?(wpLej;-Y}|>Fevea&rrd!2RDeWJ~)0a$^1eMrOnWE6TX~My>Bb zY{%u>CRk;Dy^OqW1nmhIenM$A1@;^f?# z-&^sG90_j9_8OgQF6;7L*NUp5)0L`-g{cuLabFy_M- z$UA|A`Dw3%iYE}yA{YFz)hrHFXQpfJajn&?Xh$mZM$WCnL$B7=ZtXZD*heJq`E1PZ z|Kn#xkb3qM`eW#z#b1g9EU!usTs+_-AE}7M!9U;Ss`iKu({)zpXTwVceD$_54|HNg z{~^G<_g!da_n!5@dU9i97hg92#4_-o>xxK-=JetVRmPl7Ebafm-bWZ;`(b(Um34Y1 zKfah_@5&O)kpd^*c~_eKmRGmn!bc~3vPx)_>)Y{A|1Fdr(@`0`C((6T^EN-C4|sqo zAt7vXY$nPAv16g_DBRbx2UfRa*hPfx)pVyLynw)#?rC}#_7%Taj5v~XaxC_j_gOFg z^#H?XcgX$qC5J(nJ=&`B#Cs1J^N~Q~T5A#y3TyE))zG~44!cdP^NJ`~W#5}<`7=9* z>y~rB2Cn{0auH{>g}IQdA1bCJ7plnmHny=0dod4qLw&`N@tiROu>D z{>2&!y4%4-NBa)tUq-)9MLj=BIiF5x6EK=S!)1IX{5ZKLnyAl@EVi8IHM?q}V%P1z zLZFmhvpb@QmVDXN#J8|nZwOmz^WaR23``#_q8L6kGFrRYrinTn-H{RlfFEnrZSMD0 zt7q$o(3JyM@d32XCrKwiNyBlmTo{Mj&bx^WuvYX zrTcBf;S65(?TzxoK!}2Wu9!+Hfu7q#K9=13+}Pw3&<2bSRdOKsW5Vsb*9Gt=AvdF{^*FV`K1Hv+ldMdE2YPP7jUsBl zklZ(F+20LOl3@_ow|rK8lHH`vQmKt9uzP4fH^6mt^}_SBCNu5HOgkbZjsG~A-(bV7 z3=m4ps=51h9AD~8%hY<12w(kF!lV(70i7Z9`9SiRmN44KweJUSxDlarBgk&&nKC=u z?AZG)U!I;tulS}}MIhhCW$IW%w4)jar z-{Pq%IViveHtjydFMY^0`*;|2c`ofOo>_lHyiwzO=XwIO#6}Vs?7{YHkjmlhL_>s% z;U04m&=Dwt@cnt(C9wEFk%|S@+cnE*DN|)hne_A}I8H+a{#*7AD%56htmdE{)(aeGA5X46N^aOn8Akxt& zPxjj&nd|x;dr+FyO6<&U-_SFUNburUr1R%2e6VQwf0oR5cw;QH4dVk;lSq-`D%sza zKWuEB_8YvcdfG{Q^F>*})p2+B=Z{T=-C0Ip(DoHpbMPuZXe@``s7pM->4=J&icBLZ z7Y35AAD%iB&oG2q^3L4!zp6{*GO-Y*@Oc?gM54q^#Lp;zF)cz=Q+L5_E z^mbix3kJQ+Ihd9*ZD4)bcH-r+kvFPLt8XAYSglXv(!@q#IyC zo>}X8j#I+x@4*%A ztaGafM^o{o5UTU@4U_GZVh%MIgf??eTw6)nXBpiO|1=(clQ&-7{_cUrFAb^`;5a6K zXW)zmjJhWHY`trkO@Sb7kmC~!ts7|^`lzM8QfoYSC-SYm*<+0PQn65#WAkuPeL5la z@fJ}Bw5ry|AaYH4OLvCoiK3nDtCpf~2L-W;c+t1zLn%8+QE7wxY|n=BwptRyUZDv+ zlC&IEPdYPi-hHMxOu%yZ`6pM*dk~obEw_nG&{%j+-_oH+f_|*vnHcEdbzw`t=QeK_ zTqEccmEHrWUBqt5rw0A*bhPEP?4x6h|#_+ofvj#VE&PTX$5r-z0Gs zs|E`Hn8)Gc=K=xf{`B^gAqp-+us>r$d$ZZkHVHYSfLOu`n!bBtCJ=g#zLA!=+DRzK zDPN@sYS|1I3omF5QUJ7BOsu!MRkL+hj~df$?eK=yuC`d@0PRM>sFNNR1x=9k@f(eX z=g1ln-UWoL%ci;d7IuEWuE<*)v-oxu6;4;qbbF@oWa9X!w7pSRKE5#z@8eS8OMBP` zuNktbw3GtWp2BzrR_V5k;p`5RWnZ8Cg-f{Lm9i zbS=PA9FA8J(K;q_jS7H!+0SKD4#D+)9MM#HGNso*P0(w}z2D|?njRAWjuE!f;eH}_ zG=1R+p~Dl6Jq*njG4TcIY1uUd8n{r;W>M|Mp^~XH_{*D>wZokrq!+BF7UT9)F z^C1j(?REM}LM-C!LHvezCdHw|3!+I`7c+SPCNXUG{aZ3G44ro4?#0i&V3KYu`6B|1 zl|P!!-Ryp}J3|*VfL9iB7!4sMHeE~q-2emq6j9--6zyepbT3LphyGgQM)sHcv3YJ8 zjCZncB;@3(?Pxa$@EB+*b$*W3-xR&1O?oGxvb}Pzt`7L+HL7GBx zeHI8Tr=AYPT3&~VutS;9Ito~nAdNn|ft-V{pzCSdw|B#bcXWlviHGPO9{fHc&A9gr z0)N}Br%K{+ArZky$er6|gx_a>oHX0{m@oag*>LpK^H#0W<(AYz1Z=gcpFlWRGC}%n zkWXqrl2Mz70_Aum6TcH0P3%!r9pIbI^FTQE5db1{Z8$J6gRUmSzDTUR>Z*JP1Y=AF zN)R%$*sI}0eYHPC^XLTJWeN}Wid);YgdPmMg|}nI-}U6lPXs%OZ?uYjjM3SSG(zhj zI^L)6Cy$%hUq}+(kwo8=6>vrXxD*O`WNz)USns=*&a8tnzchT2R}>nDbPy5}JMfI! zSR4wkJ(?M1O*lD;4Ycdnx%>&=n}h9jAA4@6<1=WfBk6dsG|h!gs~3S^jcPf*cI1HN zsAG92!$0_Zu^8LM)=Y}EJ8N^Dq^OS+otUxIqJ2?!Ui}9q((UZ+|MafG>TCUdh&nzS z3XD~d1)X#o+Th+V%GKGED|r;-qxqMB{Yeu}#LVF=V0e_!@Ocje)poBZSa1W;LiJi1 z+e=$|Q>U?f&%U;>65?o5ybeL1BGv&ki(nz&=|>5*7}NbBcWv`x7&thdP6$J=5?)aP zERmzXuUoW{+#cg;)bNv$s~KjX#0u@yNyNFl}0mH9>#Wv z?Di$&XSX~R+~%fL81kmt%8}4MuXe27Ujtus{~WHDYm~2hvgBQ#8$)dLA4^u|O~F8&s|50{0aEw^cQBkph=<;(E~lS^Gg>j96eR{(vbe+n*6S*Xgdd9Sq@ z8k*pTgnYVAIiw=ea;2L4NS3)qAD2@TAgx}A+iTAVAZ{qXGPu&~y%wo?(&)04tF*n} z^N7QTCA_)$oS4>ojF&_g=EFzlLBIg!bLi zym}rgsD9>dxw#YMZ9T7^72duR1Sq~~9B7hX@yt%8jh|$zxGpI)Pz)|~y&CvX@)FRT zlbFOY2a<_?&aWAJy2K?2ekkKFn0AJ+qi|l_nNbVE1F_f;!W72p^16Xy|; zjdG&;I#oU!a;Ku_YCJ>nY`G2(rFjHbcBandPEwK(pYiETz0hOwcLAT%N5B)oYC*l+ zJ}*?@U{CS0;_(l!&Y4ZiHx|f(Y%^+Rnn>NB0#ZhG)2+jWMitHyG5DPJ5zDBTpeR6x zOTr}|zH-U7LgI!n0S}a4HK~>W4YNSi=!6wy7w8b;LYE2=ZoBbyE(1l=QrNCKag`uH zETqeLs!a zu9ap|Vm@U~2UZ|k4Oc{9EktONniU@!lSPM8mofE3@T2+|=?x{cgu8z@0Ie|I3D{es zgGwMb2y$1ymox`~P31HG>Ec$+7vKK)u)fB7Z0W-)rmz(aYPef!$kkq zjQ(l-I=_ZMZ27q=2Qbt%1zD<)d3BzEX8R)tKot<)}qJNn}ug4UU8?%Vcl z6%`=F5x^h)^kOt4tqUM<4G^shDwphBX7z9-nkxGX+o-{eI`3OC5?n;)M$hJ!8N_YFQjq$7k>LRt$b93J z@R1tLt{7kas`YRDD(Rr=+RmlKWB5)E)6OLuBx0lb^}0dqse-CKWWn>F6tmopO0I5OV?snnk-N`)vxG(U6HB(jl*apgAtDfh~ACIG2gL|h6{iwW3P8; z_S({?bUc(4escFCmQM_a=%KeG}Iz4G+LKlJk$-J(e zYkGDq%AI0wJHLp#zY~~%Nh;`Q(-$nfBqMfG$edMP@B&T<6@?cWyeu}&Um;qz&PpD^ z{UqU1@SbudO}t)TeKz=TL9VuW{K>VN0|2HE7q|Sj$C#ScY)a>!=l@&}g)D3BE-7Ar zQ-LAZyNW{qxms8l2df(S*Rt=hg z*2q9DU14h|Nh3hk6yV>eNQC-uJ z{xi~jx^@Gei*gC*cKYhoB=N2O?xye`Mz~kvn9sPcEgS76wY1RARj!`NiK7nycDLcf z+^W#MH`u zH|4fX&j!@!NqR7#}61T&Cu=p-F1{f zR)YNL&|kb>9uriFi~#JudnE=@iN18&K(hP(#070?V8gyVgzGoi2`0$G^($}L@==Tb zF!q_z`>51CwoFqka|{bRS&$&f{)L$6^wu#!G&)h>hOh>l+nWm4muGxT9DguAmGWj? zHdvuuakg+tkR5%;b&o8lb%SMBUFY_o*hXV7m%Ttm)>Va&+{{B`o|krc5N{?)fr}8c z!ZW3~HU0l;0ibYz+ouN{=%qng>7!+#-DQ^^2eQywQe7Qouo&%srta%+Bt-r;U7lb2 zq!8X3U$Vbm@j1j}BgMqq`s`j%ZkzMangog0b3)u^$YfvAvKb;p=}@7*S<@}y{}?%X zp0qoqXy*G8aM7sClRhD(c>2AVT(}p*+FISoFnqz*wR>;GTn%Aa*=Q=U{@MsF4(v8Aao*wG}!$e*!7RUL-GLW!d ztRW}Z&36OReNFpw2b!-o&h)fsSdl&|HInQzYx;AuCENG5P^A&lv9)UVaN*r&c|Oem z_+!n{PK(^fCBDY(UEJn*o_J}2IJxmKcc;)7kg&4{rjQXxIpTEi)Tlle2i+iiFn3q3 zI||b$y|s;{vNa8AS!t1FtgY@=-)>`|fbEeEx?(d6XE^#Tc)f6|m!B6FX^mL}FD$|F zDAJAo3d^|sH&zo(hQYvM7+7!&JgmO4XQdAk%l{&?lJ1o-5EXgZqK}u~tDy+fL1Iiy zcSh2%!pFSJ#yy(D+0Ka=i%ns68=BT(h-bVsy2!wgzF|WE z`z@A^5=I#zd^^htEI5?0;h7Dy6GFNlWcETILd1yMBUK<~%sp zf3m#!6!oCtlk)DR#g8n5(JFk*`UroJfEPGZc-WE#h9UZ_ z@a;`8G3#?L{r$Ccd$_T;q+NfM*YhQeFk$0iy-47wD`TprHC^5nw_S9Cy|_doyv&6*l#YkB=dMo+_lg@nv}SE2p+cK~Dfmr%=a1DL{jiH> zbn5fAsnO1v!}+5Sj)WJ;nswIJb5mRZ^Ieu(*3+U3V5D^YlA80P*=zv%4b4-pChq3I zp1Px>DLD!?^1->asuvw={bTf?(+^Zat_g(jH)X{`T0czKWdxpnX`8nCR*o_ck4M$P zR7!7wv>arRKrMBDuiz|6VzCDI=eY0pQ6Xh7no)BXcTHq@rA;ioULd{#45^&43C^U) z5&JtFY_7s`h_A<*_FO$S2Hn)-zohj+&oXoXZ;uNaAkxK&JuB`tqB)xG4z9>3c{qj0 zi%$Bbp_MgMSqfC^nJ=>XNdu?bE(=-M9~B_O8MU%tf@rfkExiZgh41BVyNG}{We78* zGp0H-iyVI*41}%2(eoG3X(xHr<#HW)ga~6oyGYCdg#4iof?g~$f?cwoG16QFXSM}i zTOU5@BBI&8gKrRNz&1W4WGSW-mqP-Kw9(kp8(lkowbu@(RLdsX&F{$~mDDG|YMulK z1KE>Y1pzH@@tSByNj^}*;2!Thh=D_^#`v6s-t%|%@G-Y$XpYxlUx!Vx*>)t#1q}I; z*(&{E=r)SZOGasnS3n+vj;N;HmU)LA@#;j$zL#}xeL_}|I&Ug9XIKd}Nh4Y-FT~ULPO!t>R;e!`sj5dt!CXor3I)zZH}a_y{MWNC-^L^ow0@lEbo# zk3{##4u52hl!OfBx#X}Sp&+}eWNJ?V_QoH|as06=u_dVbxiHc`bNsHnKWboRN0`8E zRS(gJbQG5*`D72!gTPPS7DFcW1~4wiIT_Y-QF>m8)KC}U^x5TYDAQewbklf)nQ+KQ z3MG9n#RFR|g|q-H>JF@~Hp2{UQL61a{()msvBFM%CM>sB#>+ub)(tf_6Noq+b}ZIH z79dy;jY!D$>egblw`axpJ?h+)8=NrUz~t9YP8tFAo(J55N~`>ZIW7 zw{&Jvj#6!`&M%Z=56kDZ$-Wa2tDa6v--r978h9D6S=)Vw@6Kj04CngeGf!OT^mP)kuu=LXCdcH^~!#TtzC%>X31vB$?*retOsaKJZ-)eR&P)S~?|1`h7YB zE?a{f*6>f^=k$J&M)sqmoqKE2CS&_*;=WpZlKHlm+W_ze7U(0IEcWELQ&vg`lj>z4 z=^5wbo-`nwFoL zM^b!V`_gXaWuDW1(#!VtqxK=X#ZFxLiyWiE?J9PTa!3bPE;^;CeP6Och8R9l54~*A zOUTK3I?T#!!vxWBoE*g4V?1_%uDFe0@cA?31@F&}P(`c2h@OvI(pFv=gc~UPBlg2c zm#P^+?N*J5X~BdgyFI%FmVEcP-C8MxV+Ij$e-9z-IBfhnZi)mShUEJ)#B+L;c^Kxc zKKw-@>$7a_hV%5HhfGiAUL8VD*lC-^=wtCXDztxRzrG^Tg|2T3)?MHmf9v|!c7A3< zs~u^!j?H{EKBcd8|DzTB1CCFUI8E}r$xdy)^yGWdNn711FaK_`x~?BDDY&r?Tx-%> zz}FQf?Z|C-y1GEe`L_FmLjW;~R20^5(;SIAKt^Fej&z5C1Sp|U6?W(YeFWOALRvdm zYwt6cv{`uNO~ZyuS@rVZ*oRlvux0-K{v2j_CLr$z2;qqU$x<38$;9v9)S3&2#_V4s z3;hZSJk0-OM!7_ovZ;?+`k-*xLzIG|ZD#@ck-MEMu!6<V>q3y`WN4h$Z%V?R=Ox)vF4~@Eg+h0?N$_Did07#6#$l{6GuT_fdFbCvQK|#1)8tl+#$1geb5rr)J<%zhSq`0K07B7#L<9 z*$vJ=@2WAODY${q7t^~P6U5}Ol{e)T0fF%S$MYjf%s1;xtChvk0SixAF&5E}v`6`3 zzrTPSlvPCYgnXe3COq<0<=1h-t74b7}$Dm)DU>GT<%ogxVH;p8Zff(vr zsb3}xVP`T&0_vW=ao8{bkIH%88%1iD>f(v-wU}0_%~W^*w$UPtx?;+8?ykcwlDcAj zStNTL3PS3d%Rx^@;(>j&65_Hh8(^Ga;0LFY+xFe`fG!r|+mcd@OgJmGzya(L8^B(d zy0OBtgDi%H2Gdg56l|!KMDK>CN@i4BA7PFpv_H$uO-)dYj0#I}D=t^p$U$*sHTMdYbKN0r5u50D&CnE8AeD|qC> zMll;z%ZI&^v55RJFum#BZ=b6$K3-5I12%OX?A7rf5eA>~z55pChn}l{mmD0uBI89y zLoG2wS?Lk?`wpWyTdFNOn@w&57;b(G5HAyCyhOf>!C8eCh)969!>pyWCAXA!M(aT-GsB3d1(sV09ttX8W`SyXScXMQc&8@_ zD2q;JlUtp*Es&&`Mmg7_Sh)mhFRl75z07mWvHrzfx0Otk@^M5%^^XKVFSM?WOry?3OR+55ACQpOj*3&(cNGN|A!56nq}wJ4quCeQ;U9y4QZ1&jbcaur z@h!u1u*Oa0oZT?6 z8iX2n<*!ziJz4U3?Og@c<6fc8zO#jEU}Hz@(>|qS66sM$)%V~7$w~2;3vG!(2&;JDDL9!<0A|`%`!J*(`mCkkK5-FWwaZ9*u9=T<-lv#fn{fS zg$o}}wbY^6$iz?8hE0y~ubhTcd?64T1U9+T>I%uw@{Q?2S@iLuow|tTYCL-vMhC|* z5v_jfdQIV&gLxWh7iqVz^0fng4aE{@#`B2`cF9gLhOO@;D!GS6r`)}e0y0~;M$bl- z#Fu#_zu%PEvUA3Mi8KLSQk%&sZAMI8Bel*mG7=7=r1ou!%`X7#Z1B@zpfxM4WlyF5 zvU;c4&Gj{TRgfDo`?x~FD^y*pP;EM=RTV4)D~1ERCif8d<0?^Vx@`SpvdsPzS|^}u zn+96EeOxoFbsHuZow8hzl0_o6a%G;=*j&Qh@`(5J6G~;rB##lHg;V+r^qC!%1`iI} z>J4DJ(~*+G1lD<1CZD}gTPzedqS}8&2^-Z;qN~wZa3ZT=3_vpovCYv2kk{?8YA4gy zyJK^M6>!b5J|evi(!06S7=+mHoo&;4 zVMr}XTiz0JoLC+_OMLw+yXujl4i8$zZ|-H&H(&?{^$hx+Q@B-n-cvN}z~ZZc*w08{ z9yhP^b${t?eF#I%rDbQ6z=hqKLu9DE#AxvnU~RQ7xhnpapo+BL1L#-VbM`aWG6hyVHPwf`pp|PMtR_1K;BM=xt@T*lEz+cEa7{GKpjR-qv%=B%Tf0S=>l@tIybO(40BXWO(S>)YVfGmxh&RqMhJi!)@eLI7@PuJ?9qV~ zflHVOsOiL$X))R~zc~}*Vkc>``%}q{4yrT&hL$3@McwlmMF4-1ec_g=5`V34=P7{@ z^TN0QUMiQ33jIsEpRP3}7&66PmVM?B{^j5qPW9F+Tqy0tv4b4?(0$p7)|qT6A>Mn5 zpBc?DV+AYO15pzuxj_i*u}Ma%?igAOCTVIMYqFmWG6- z4=~w2-r8WOir@jyAFyULTcQ@bR7dqs)C-B1=MJm z4j-0Y^?kRo-$_6>w0J%^`Gye%Vere#JqVdw6_aHHKRHK+k@p^q)&L#7K|fpB{d7M_ zrbYP-=A1r_VN1QX4{f?f*FLmHwIy;u?LDlkjPpD z4};<_hY9z41x^DW_NpUXgY}R9_EkA-MtIIJ~AqENO6a%a(#uO}j`7j=B-vG04a^@U= z&lf%u+;6bIFt}51cjr3=fV(zrG+7Y!=mG_&N^=5nDQUv?d02oue*xPNLaho3twMK4)pa~@Up^4Y016inPX>?4ASatY^MNfN zmz2IwfSjGOIYApd7N=S!vr#?SGNqu%w<`f0pF`)u2gWm{7Abw)j~5sSg3@@7Z)Wj4 zMoLgN-aSxJnn62BaQD@&OSr!YNZtwGch}3gh4o-cl375lU+G@M7X6NJ%(2zl3Br_W z%pfE_`ML#QPFT&S!f-4@0C4K0E07=A2?r#Ul|OC72I#^0Ij9J%dMNUisSPa1&Y z+34^ORACim=jDoX)#M#cEe)Sz;c>Ph3@chHuBvbEZ(egGO(|t@BlJ5Z1n;GmJ)o_n zSr=fyWRvojPiNFthl0jCWBySnv!Y?$oYD(?zqgw7k=Z2v_0t;PUzk(F+6q2dEjeF( z3ij7EDYx|Y-n~_CRjN`nWhF}Ww~9*N?;NvaZURlm42{%T3@n+(Rn6_{aK;=mn|xM5 zBFk+gx)&+1)87}ry9Av{4s%_E;1_j+RV*Hk7Z;b-tVS|Ck*8^3veUyu4X?!7rk$w4 zUqRpzPoG@>JBUChE>tkUpX;L`1vT8d@#@@h-Dt+wGhZ&~w!R*V+&{fs#RW2afgt6y z+MnW{B8LtGxBf?Z2 zXj7qZ42MgjiPptEE>gSoxS9Z2n-|&o>EfP@Ih&3MuxzISO5$MalyN(z$iufhUf1M( zr>Dym|NBgw5=I0szBk@~|*{-XToolJt*6C70s-@??3 zM(0R@G&!p8kStmsn~*KI7f`v6w_bD8?^>4D6(%4?2+Y29kkd&zmO%kZzY#LNgYsLU zP(IvanEQ8o)2Xv+JJAE*i}Mkgi<;x=sLd7&@G$-=>L$WNAxNQLr_|aF-rJ)B_ISW{ zW(WRJf~4^iwZuOa?Hz^9IObx}3~$9!6&ac#!}BVhR$B@0rj543_mN0`??Htq0&@Eu zml3dY=ImS?nl{-TwJavQ2=~I?7WW%5{I0Zb^Ykos)$8qK!nYfUAn8NfYV`j8>cbT4 zU`@oC<{$;{G6QU~+E-INlUpyAB|pWin(BDWi()z`5jE!*tQ3;;mVf~6S4kXZUk0nB zH?{K|Gx!2m0p5yXE}8ArJiQSh@V(alB4bYDtZMgIEix$#>atiKyPloR?~<37#nPII zF`~F#!t=E58;PR)tt7o_8rE_x48e_fPLwPwngKDd59w6Vi zkl`(I%~cSiQkQ}(g9i+R!pPmL6B+k9Fe&q<$sJe2&f~rM;#3;;-fC1(hevXz9N2`8 zzA3)Y9A$jMdA*Lml&3PtCFXX?B;jFx*AQa)ZvaDLoGIR zA&uBi@my)JXeg*PFx9a}?y@zpMqnRl8cO)=JP*byxl;bzGU-jQ0?Qi#FFA-(xBd10L5&#m1`-Q<;dY*Tep?{4d|NPAvou%-OO zr1b0nzLQ2dkpVRnI7TWYl_91`yrwY^n%1ZExH$H8%@D)Bgv`7E{gq)N*hXz9G-ygz zxf+kGUbDhSGdwhV!Q&K|!<>w^s5^f&ihB31j3h9o2j3eCTa8w5y+1fHz;VBg37z%5)slTA2~;n+Or1B(T@I90B-Nw{7RcnKBj z7u{P)Zb0)2D#INCiv;wp7H#&O>%%ewLdy2Uqf^o-_f-8c8kZHhh{nf_ zp~z{z)cmZK^o*H>MxCPo_Jhnq3|;!aLT8n5l^kO8j4pwPR}2o(0R{_xDHR|fW0EFFAOl^nLVkb3Sf`Q5p-{Zgv$K!Yz{2}kH1k6G|u#y5Qy7_9kmcGVDV)ARZNKtpqX-_7-f#FIYwLTOEr5Rpr^8vp; zN1bFzs&OFp1c;*`KSgM_-@f%r`HBOF*v4V;C$Oc_RKOY+;KO)|r^YUI8P9_25u)V)bS{0kvp^0;FkN!+$xHPTvYyorD<21MpvYuns_ zECNZ6)Ph^Qlg@&Uag?jhs;;#Shs^eEmjK7di%+IELS<4=It_+bO=iu01gJR=$7~Ur zwV-U)`3RP`Nf=p2iw0wBD7lRW4iNiYG5@gPv$cc){Podjy)FQwC-*E11XMGPBPBPQCnyVtnuPr+f~3w z8mv*gt;i?xj{j-_=&7(V_+g^c=eS-dMPhlz#JjsKeEO(ddJ?Ffr|<9lrP2n-!O3VX zLVkK|Eqa@SL%JpdZ$~ksHkZ#|)An+f7f`bERFEw6vD*vxkbj0(fLy=nlvbhpN_@`$ z&jUPEvWDZUwp`yOR6We;!AM$$2Udxfmxc+qbiMk~?UGE3juzdVquMHXn7c3lN@TDb z`)9CKtjspvPMqGKBQ{vHD(;q#3m&RJV`EYnborse7G-{zy@p*v&~efFp@&H3i~S8D zz{G~$6_~Oxm?JRiKa5L%&f(N-rJJ(vlG%+#|AN;l)O#MegCvG1Q}~NVQ{tNZ@6|uy zqhmoh3XD?qY^G>gSq#7qIt!S0FWs4dM4?|ua`2wUr~(3}P%5m!pMztuDH~R8W(2<7 zF)g6D-vPaQ@v4bfJ6KhFdMGVBA%=K#;I??n6cv3U9o~STPT%*6qmSLV^O5(5kCJo) z*X3)(-Vl~PLHidSQJ<4d=N5^Nm*@Z{^>gww%9~<)DP$8d)S9HTXroc7KU5$r>ar8! z?ju+RQ;U|M;V0oZ6r$^$G6}#%byC6t#`ZsiNMVP+G0;hmzhN}O>)S7hNnI^cv@uVA zwNyaxb+{5BjFRmGCYP;W=7G_HT;#D9FxLK%G2{$b;dP$^{#{+6^eGX z*W(g`mjbm>4#0(B&)R@;>palM+t)0=n;LlDhy>PpRR z<hBJR)( zw7|VU=IAqD_La8%r*s$=O_J5F9RowOx418mh1i!nQ(k!?C3Hsd(C`g+o@!f54or&R zZ(ZV$+S{>i55Eh?V@0H-bPp>M3QQr{7uDSbg%MRR`P^mUg=SDI$i+r+Qt^(p0u;5H z6>Mw-E>6H=&3l;~jd^?^vo>ryAonlXXuL^kOx88W&JE!5VrX$KKy%gvCFMH8QP1fK zF2M;d@IdQU5X0|lGASLw`T40m1bh0q$_Y+mt1_LkVihwEa6m;wT|-ht!8Wp=Y+0;! zX<^Mffta!zIH`IFM#D$uZ)(&3c3v?NYWL`v=<(|F)wnIy6t&gzyl(|n)KSNC*z*|Z zZSt{5=8vdV3=;bWY>Z73IjDvRWAe#tVUoFpB$jkGDvYB@$z0?0r)YFvME)P1-ZHAK z?s@+{!QI^*S}0yz3ls_zx8hdZ-3eCQiaV6z?ykkXxO;JeOVKC2zrX*p*2xQ2UW8CPS4taJ_=_G`EP~Shj;!LB>$U#5(fNdx`3!QBR1_g*o*no0Eo{`7NI>0O!bz1hE&M* zg(^7a^&YY<{)E&WOdtCXLl&jaz&85$^-0OZw9vm~Y=r#CjmVGQ&)^J}s9#JYv&^KDl4?b;@Wk0{pgRqE5E7x0KR^%MhS@+Ju~yyV#~2u0 zC}I&c_T4D4eCts5tDa%U)M+|DgCc@-ty5^}`@!oG1aKOB%;&_`uKAX>D4qP!l7KpA zsEqbk3JQPiVPGT3=?^r)DxiHaF>O2(JDB_IrJk^r9a1JQ>O&SoS(k9#x;>6gk81{1 z!3SPl7)1q~qMU!$35|+;=jU@A#v(g;F+Ey`Hr4>pjyb<~rDNI3$-)19bB}dgzg+OI zm<51oO#w-bd42}R<9M+L@w0|mA${vl7tg~4VRL_@HoUR$0oRZ(Jas|KK{9;JBT>xT zY5g||r?psy&}yKeL;8qVve2|(u+~J4jVz%zu?~AF9R$t@+U{kE$?TivmlNDNNODMhnq9Jc*{j$=Rq~GST*AWi!*myXISn9v4sCwA>@4HyB z0POIqZm&2!25L?Q5ZLK|qi%wCu09$*?OOU>UPtB(S1mSV^@j|e$XOhL4F3pV09L2S zevNV~?z3{*XouKCH%BH9M&=0iyG5v7Fc<1oHqb@8d3OELSuMyJQ5*GxWeE;A9dd+T zw7yE*5=I!^MDfUjYT=I?-XD^uFlP@Dj{sJA_jQ02g2e-G<&d2GO6(Y!y(lO#u9BnXZem!J21)`-J3qG0%T^lXnop-FhK z4vHUuACGkRYzeSrr5X0(w#NhvAG3o2t)Okwai|IEZ_O#*;5F~!Rmtv{zbjqo!u0W4 zM^)%*eLL-Lq>6W-vEFXNdM$JRE*V3yP2n0kWd({o8Zk$T@OFkRNMGEzKXgTieT2IC zW`31u3S5uqtQ$-(;D5JBohSbI1`}!oTLFCjg$Bpv}vQ zSrOB;Lc4!8IUCR4X`T@Ly-`s>ik{onDvoW+dz(a6($CqjL_jZ_*#6s_PVNW&AWxbt z=djiVojK>#dWL6O`xt*h{?I1|{+*~3(`=h}8Uwd{$ux4?G%B@H!`BSqi==`iaG$PW zxWN!@$m331Q!)bGV=N)%r{aw*P+6J%TB~cB{oFI;?$OU6*9n;alg09N(OW=Qwa1QU zNWtM@W%Ui1Q^?l+^qLY0!&@=5qe#Nnb=8^H0sL!eEhNm&m8b3XC#K}s;0Xk66ZO=A z6n9qSQo!i;hxaLfVerhshXMZec;>e^5}MO;xm94$HP7|-Ne_F1czvn(f|xVsYsu{T zW32y+`!nU7`qgK%){)YZ@^qkFvM)k9m;G$RtOhxw*DeeIFfB?W2p$y%pL@_^Y~;s- z^?9bFtQCH`bq>D&>YIUq;cKa9fTQ}ag&+xs`*B z)R5jpgR@XiYn~Nh4M}iYp9lvix!G+qL})Jw-|p%~*YjQ|@{24FlQ3vEh`M{M#BTDN zS;2~V7{{89{t%3WO#|ed9PU-QVz(b0;kiN_a4{?-W;lD}A{>BuF+`b6a}mseFb29V zLhP~Yh2=TfPlMNa#K6NQijTRINfrpH^7nnLn=r$S$Yi!`a0PhHH(*SCwTCg)D(H zeIelMV$P+!nD2X1_Ff`)H}{fADdsFRthgV_ZGxxzk?C1Ql?_nO-SYRosT{l6?bmvG zaUOQT5PNCLwCB}GQJ8bgvo?h8tuj%Rv;wQgaL)`Yv?Qe_CMzGA47QBUPt~>lS?eLG zf9!?kzJ=HqDbSk3Jb!hohI1bbJ;Tbe?IvUW5^p@)N}m;WG$~>>fX7uh`x(BpYJj&z ze;QF^bk0ed7Tnq&QB?aj|9eGY>f)s?GEBxY@SO`C5?GG{gTiP?YtZt*NcqIP?0A0^n^*JldnOjPdB0TRJ^o_H zJ3A4!wk9d^oH}pqS(^!n0xXs|OigQU2;j@IAD;F-eyRf(%p-)lr{rRP*WF8c zYsNTwcB;Z0(`f_m#KpDPCRl%w$vj+|opEhL&#p7TZ_xtNg%{PgNtQnF9ho^x&0w^( zsjstLj&!o6_0r70Or(j0sSl%m?I zp?Xzqd!PlpMGQ4~aRp^`N2G4j0vX(&v>~5-6%icTsC&~$S*RnO?t{#WKYSF``SC{v zVM5m1SEy~9z^o7*!^~6erhgQkn2kd_@%;$B+rR;d<(ZeWS_R*7X@!CIjUHNElz_iU zeQ&G(tk$R4v=T&Lq|Hoe*SA#Ba0uO23P9$U@9|nq;gAGr4&&5qVzbTbg* zeC&ef*HI9Ihb%8cECHW)Sk(vaTV+A25Rsy;&%{}d56j$+TdNRR=9J49EGu)x6i!YP zUecqoopXO`ww@KcPvJt=T!cgZ#&+5 z+ZvEZqBz7Ijy zNv~Tr%Of&~v{nX)!J z3?M}Kn=uTa2~cs+%p;9dxYjE-nSye4Z9qe276lP2HbvAw%G2CTf*m@fXiEWBV zm~gan*oG?4S%)jVxk!W-@FN-k9uj0w)Vk)z-TBeZ#=}Txmxt)uh#=&_HYp2Mi;4|y zUwkcassKxjC;^M+-%9=$P9?*D4~ie4e>L(5eZxkD7~P#bQ$-?ZTz0B7uddC1GcVV( z4J2RL`5nDkc_-J*Lgl-P%h<4z5&rFG)PzGfg#}{nSHds_liQ{vlPfoOW}rvV8+4r-1lfZN$kZA&-L9RDNA9q08%S{!MYIL;34r~U~3T>*$_5(9P< ztw84?Jbagc^~9bxoA`FY9=-mzXTwFNzq$f(7HHFp2Pnqn_jWJhu(fFO(HHE)Bni$?$o{sT439DC@T>k ztqSbnF$QM0Nm%3z%4T(ATHEagkEvYMYQ!Zp@K#tbf;T1KYrYikXW%#8{#)AR`{jG& z_@Je>D#i^Vr=6yG~w!QJd*2HVn z_gsuV31$iIr{P8iFJ;V!nq3=l*t+s}nsp7u8M-1P)26GeWCBJsU$>)`I=Mf|b0+Yr8u`Y0c+k!$X zK^bE{h5|F~%Cyl4mJm;H*s_a~!d|B-a5=hd_(avp< zg`6I0em(XH3ww<-2DDSzu#3kb{Yu@iJnyFtBhMb-0JIR-@%ar9?(<*oH_lpin%0c} z{S>5Hw=tz!z)31XH^VdKK%%Q^$s*9qyn;D!gU3xW+|`qm%oSCC3~>J9J}vWQ zqY%Ud;fPw`-C_Y%Zz}`Km#r(qnJuv*&>il5YV~I5%Q8E*yJXxoLw;;44btlc8r{>| zSdE_=(+LKC=M!yyp^g5}kPUSXxI(a_BP|~+EbM-JVdFV65d87K?aQ<{@Y??Am$3iU zY?Iw0y$JU#tjEDD?VaxP1w#}?L%J?^dFQZF0j8rqydmu5R^sxkB;3S58 zWGXQgJu?FiSaa4*?I2cRR;lC19&8tXR?XpKn`TiqX>}J%r}U%C$vHQ0J!)|T{_1!u zy&vWRsQe`aT)hwsL+%=gC($E&$$*H*>4Bw8BxOFH?>=sDWMu6gkF1wGU}G*9J<_YD zxPalI=o6SH@hvhMT_aNj@XSVGW=1!HmiL?aB@-i6LtenPlLwhRn0V8GQ~{>?LA#Hd zwhj<%f3*WJpAWDBX?uaEK2$~EUccq9wYOIg2Qq}dJqw0d!X|M1U2u12+v{G5{hBA& z>D#7xSdZ-KzkkMhN&@P1&mG!wK? z-4ePpMpJ)x+*x+&NAc3@^GNYr^2tXwgkn~+(nFJm#ID)J@oaFzHl>&pkEpp7L+oEs zLc>aPbK#fG1ptwomW?vH21W{RpgZf%|1hoVi5b{nKD%FDUpKt(F=K|!E5IT_hQ{i} z((?<^3)6gNRdZWzw%^~U>10@~qM+iFB=lOvjL6Xd8JeTWRjmaWIld|RHfC+;yB+sm?B zOriO3pQpd$JI(4x?eHK;e{r8uVZD(SmcRu5K+!i1JUogOT;9_ThaW3N%~vO@jZJGT z@~^6Gt$wbp{9q+;f8JUBoq+-C@pR3581;Gu%RBk9k~}XeN?R4namzf7gmS?a$y<+g zPz7W75L@*;Uvza{)_M2K;2xst586CuED-J4Qjia&nr0uOw@NYI?Q?PeonFSRw-yzu zTJzOgDD0BQJXy6Z;?%)rNOP0YN65oblGn+FdjbVD&rz0DhkbyBF1f@CW&+wc zV@>xl64=hCXHR^DBKvUtcPFQxfM9 z^)FbnUDB**Q-3jv5jB%R&*gVWjTb>me4t;HK6@*=m3yA_o~J$Yl^XuSZu<&t&P5_Q z3;S0tmQ!lo`- z8vNeTN%?x4B+R|UsiR`|x|l_ynU&GJ96h2$80n^nx{V&jySPUD*6il%5afrS#z*s0 zGn4xmg7U-~mCj=;>aWKvx)zV4Ie{E-UzlpM?Bjgj^y!e1o~3Vmh%lZ5O7x)E2h{KHjSmA=S?Cu(Im((8+4TVc88Rz&vYgL7^9kvdW4@9=f!+G^+eh&%`9gZe;Z0{JV~Xlie2Z#(5L zGya+;q5sRnhyo)cMc806UUrTFpGOI2mfDx|*iPTGq)?(oUrk>)EPczeE_~L7ude7| z9zJvg_K@V7f`mMlz1nGNu_&LJ6w*|kWKN+|Rug_$aw=XagR&uvc_n+hA$ps;dP9kM zBi~-sxAMZGQlx(~1p6ynEgTI58nuQurccRtq>jASzI%Pcc~jkM>kGggA~CHm+hKN2 z_C?9eT8BTQq>?lDhOc_5cSf1b@9K+jX*P8{ED0ht>=E!DSZ=6^iMr>0e`%{y*UPI` z@Y`?0a2$mxyN4w{w8`VzA`gf@20?yie|~MV20i_Htzk_2b2mF>#B>vGtFINIe&3p(MzeGcJ7(gh;rkgBM`I-|2gyt!rRD(zq^MevsVcKR`kE*OrPJN-AnpN zp4H!%MC?c&;{rkRDp7#?W-M%hQkz-i!vgwY#OB4=@I+x)BW6W)< z_NOuAN4uWQF0=^X!(UuK@vY5N9yaSWwD%g&oW5<>>gy6D{HLlU;PW6D5qB)2Q6;8o_l+ z_-av}$0cw7s>1diRHePj&^JGR7zgArq%VaRzb_{(FmCf9jSsOM{~6EfCk4v+MS7(h zSc%NWLELQv@xnBYG<*Jl-~GU|_PfUh9Pnk61Yjc2SUx77-0y*+sR4aQSlIwjJX!HL z2`zSjoSXn9G8sAp{A{@A55!^(EgTMSL=5PaQ)ks@?69JzB93VgsE{fSvX*5f)4C|` z5SB5-9EXi%P&WF%Z4Kv>lr0}cgoWI1h%dVl+Gkuqyt)1+VVS?4Kg0~~1BTSsQd6$L)O#6A1tUg28iH6I0+~f~4-#-)897)$#QfB1=38NZ3u_|K zGk&8Qd%Z>M?A|8QrgpkGpsw-R0@yD4*aM1R6xUUIDZ~IuG$(?bFEE+(6F4UJWMJO= z2eF$C$uO-?n`hEZW1}?P21u%XS~y4|1IiOY>22rR@1Da=egRsX@m(VCqTqhxR{xC8 z#hiTn^-jv6u?$DfpUJl3HFU%$54iTH!C3f^!DlbqqVDTLv8kb`O`4U@j_GQXJn!&xO2S1gTXf^O`r zZ%hDRrnK7E1{C&DXxer;BsbD3HDf(Ngg513Kb8!rWf;Gd>8+K(MlEIX_kG{qW_lBF zbnt_Y7#4de6qD<$qV@eDqm_RId3^=q>K!M+{-$uB>^zXwMDSS2$T)Pmu-;9vjF0D3#AnRXVc!+Ph0xu~36FzH_sz0&NS{zNiEQoqT z^LorIFF3>4rvt&TIbX=E9ISu(O^Uj-xo6%_426;))pix-$p00Z7dRUIZQL|G_IC}Q|t#DKC;@TTO$g&B3&ZlNj@M6PIJ_sJ*>xIU!!HA8kP z{1C9_U}Hq#0JjrGjJJ1<_wyWbFg1zfk#``RI+nRV^gV~cNfuGpL& zx@b~=R#a8rbl&iP8Nv_MqPuK}-*2acLzQQjXt$+4qrE!C+R;1oaM=q-r2JP308cx- zFJ`vhyS%T1Of8!?<(@mKHLt7BgIq-h#;#KiNFl}?8P)G z9GA~nim5eIiL2CzD@v}Ii#Wb!Q>rNBj=>|5Mya+*yBH<1~O-TA_XDtYpQxXr=|{${@ndgYYIk%uf|bkrpWWxHPSWGQ0-7db@2W)$OiK%3nudmh7Drl&V0AJ8GQ$f zt6PN(^UHXSu-mSL!RE?$%#Nq7_6~c#iH+Xdo+=dTH72Ooql3*-?C^n9n)Q_(5R*ZC zSu&uUFpR4G`9;{W<(@qFTrP4UeCl>f66^a}YErF8yA?(~=V*XNvr!r~ z)*RpY&|>*dwWa?;SBZh_-3_sxnfTmN)1aVOc3bD@7?#o$24eBF3T#wm8-p3@s%pp# zFPzwAS`fcjCIG^BeyPmiZ8EK{E2`7yT(Q6bA*6!eix|J|dyIewu1pNeJ#u4LkpP^* zZxM)yIFtC#p@dbRNX?xebk`xPB?`NA$`PPUG-}rx8MhdbHdBZlY)KXauEQF9kBjB< zW_?53+Oy2y^cGN`Yf(;!FWj`71DEP8aJ@ud@q^-}Rs`>9eWA^S{|S6gN+sbxDaMdT7^y}+lwm)<(P6i4)K`lU~%X4ZbzrQb_7 zmf)QOWVU3awL&A9xQB0cPCKDjc3#<}G-VD}i3LN98GekqLM?s*4uSG8@|K-T3T?>G;zsf1b2qA4w5uUMKzpcP*hw-kv==_rd%8UP}1HKE= z9%A{ooIFnOi3~#(Tb0@b+1_Q^y^>|?gxhrmB`YJ0<4XnqelxiQ0~eY5=l4=M zdOuR(YT;&oFOjUb3-B~4n@bR9VGELD$f}*N?R?(!ycl5J2?_80oHa~21|!qKm*H=~ z%(BAA6?s|e=<|i(ZX#VM9$u-rfV5SkxdfH9F04~n_>0`{E$B@!$S1OGZ?e6pbny&( zzVG43-{jOEW3fJKo^n!I&yCamv8~QW?X$1(?-MH?o!xeS2U+qvHkl1^|(%MbKyz ziflhjP_5m(NI+@laOIQiJM~~{r5d2P@Q)}67s8KVSi!H|rS;}4?0^{qEHhlffM+`n zQW7Pt2I+E7RKjXmR@5EeIDOo;BrrEGHYm4iCo`hHk0W|Ra94PsHL_i<(Xv#0G|IDt zTp549X9&3ogjE_T3w?Ke4Z=gtxSdvvjWUWZ}cC9vA`FT8{gd_<&bWD)DgF$oF z%L5)CU-Lg_($@Ib91`-yv@PtwVY#FB?mO1@CVa8W(7F=JvB13Z?D<`1+81zpuWcJZ zmouqy^_{UUP9%7{lNJl@?>U__8Mnv3FZkz?t}G45Y1qPKy0d{iFN zR{bDAO1I?G6D3B!Q+p)(we2P?Hcu7;`K}^x(mYm{i;!73yTBvG*8XV`>+U&eO4izC zNSN|L=+yH%=ar)SB&E{!xyqbJ4ZD;yDAdnx#6Nd!p)_hjh56c9)$b(;8k8H~_u&39 ziBmO2KATf-^^JApLG0$sV1}GAv`p`g2C^mk+cV2t;W4ew+be-NCAOa1RM^H<|3GDl zK;OV`EhylIy<$fm&Bquut*vCpuCs}}GAg1JT;0W3oLnkTHn|ykV7PK~-n+lDF{X;} zEnx}#bX8+}KzWRrt<`TEOD9spQ!CnE-Ha6Qt`6Grwc09X`)*Zj3~UFuk;Q5N6^`Sb z&LQ0w_&{B_R6W7#lfXIpX;Ew1y4C2bI6j|0d7=I<2fmMIOG3VOVNJA8s4x-Vh1MMo zW0wPPAroz)PLfL+T;#iMy7JD?N|DEvV+z$r-Bn>rF^w#qf=&;|6G^;j+zVOnEtUF zhlnu#NM1SGHu);OknA07Nmu$6h$DJi(G>PP_wl`U{g>$EUuJ|lS4teJuJHx$fujgb zE#}I|<`4$aI=MyRBNBMOr(Q90138WHXs#D;4BxFb#g~4@m-ieoeQU-i1{!~_Y=fs{ z{#BauVCnKIYWO-5RH*ape|gX*V%5kUF5jJKsqTdthz|pvS=duJ-rDIrj_frt#HdG> z1|b4%Rro)Hep;K^f6SSTJOOb=gV$^hB%FaUy?2lns96K>(3@rJR(o-3v*vVB+oB~i zJ%VJ0Ec}};dL>`J)t_Uwr?ctCj~L`AhzK7vHlGK8TF-l34|j)cj&|VynTmm@(~dvM zOyF6$mca5BKYcoz!rqV-uY{t)??pvST(EK^P~)KQ!syZ;ugV@)tPqt*l`V0sk-
    KQqV8035?L#He=8}Va%I>cUox`X z@$?alFTy+9wqbyOB;)2wp?u>xR=@97A2{J9Ww2U;GkkxP?Hb5Sc4l9F_Ze~P8(Twd zwO_fZJaf6Nm(m~Dvlx*plQixA8!ej~YRdoV$J&N3O;IoaX3jH|2hk+^0V7@YP@Ma0 zs`B8oZnJ_Q#yq=6;qP)i#GWKaex`R2-?9AM&o58c5GaX8 z76pq4Ap#M`H)epv4*#8&tx!tW`%REcMM_({W2w0#>wf*yaL561p0#Zktct4p+MN;l& zqY;YM!c#=JQM<`3-s_}am(vjrONsl6V2%{C3mv;hd&o!aY zEzm~YNQ6r`^0Q(HHaZ{4OGsN<3yx&r!AZqsErQEVbCKr^#wz)pp0D-}cuq-a zpKrYU&^HbIkE{Vm%Z@wr)zozri%Icx5l=ojLOT512{#H13%`*m@7;g#wji)h+f4w9G)V=?D3xNyu6R}Vua-=>^WB%89 zR^!PBS>Zlpes_X40_4W-K{1O>E-s*2(7jZ3UzL&JvdIPCosmbEJXBW%F3#sD(_a)= zxS~qG{bdRCXLzsCA=7YNIp>>FgQ;C@Sp2IA#a_fTkM2D#?>$}`*VEy}c5EhIKNc=S zae&?i%W|2bo?}&D_V*WOd+E3&Dj{}_JB5d0^v`VuR)H>kfW@!6FmJBZO{vk+y~__w z;SvcXs$OnAcJ>-Y^Uno0O9fUs37%5>{bk1836L*<>C1TOX@=3aiQpzgq0qdi-7Ct{ z3SxG*v(qk&0YK3pC*U|FA}tD`=qw;2Y3?n+jQ>ba((}$=oeaR6F~V@ijb3tvoQzt( z)5I5JN}ZFp?eW}^|Jss|k$o2x5ZCx+I8wN@m{!~7sUrb;foZjDa5+%3oxFsHb{p}lHppH?P{8s+~=1VAJ z2^^R^pDr=!t;JYC*(iR|o5g)n7J(zS#-(D@MfMhR_6%dfs^Zh(Z?6l0YPYQ;5h9TU zd&dp|*}c)gA1vziVI;0&;0firr<*f@Q4D6xSRi6WU z4y|FCFw^e`mRH1|20r=#u3PiD^&?`XKP4#F=83+mT1-=h)gEP@Tl_3)(^VO;aIkU6s|iot1c*+;z_~G4v9J@ z8_$;pK8242kfAJ$B91fYI3qh(sRT+wftRJ4Y6nzzg3HzuZYDC?mZ7>0 z3eS}Ef)Zu^WhH6Pk#%0P>HCZ;lCky!9cUECoVaI`1V6rf5Lh4{c}Fv8arF1iL#@jS zq_1vYw&@HM$H$Y|C2|T+A?X72`&#bwA$3PIU1O^jJ5;lI`k?hm3S`jgsqM^qToh*a z)oksGVuEsAW=r-5N^C<`9>3c)IC0F}zrk9ODhSiZHtX*#TvGqX;B=C}n3 z%Y2?VixQ#_w@}X#ae1ttvBu&~4o>l#hqd_nNT{MP%;q{KC5Zir6al<$Uk(xxO*?B$ z-{sg0AnD%B&tp$hSiGW8s{9HhTBjYqCI8ckof-B411^n+C@SAfFY|ym24dddekjX> z2p$M|8{Ia&ZaZ+C65-thl0hRRLyyqSElPz0;^m;Oz>-XR{vXIUk4ChZB#cSLY4$b^ zyJ-54k;4mRz==TDITQ0~L>)Rw#lSHZO4%RLnNe3KZM=`*ge`YN$XRs7wa?)8}%>1&`@fPybd*!IXrpvRhCU)h@>sJM;?L`?tSETYd15%c$MUPxf@+XJo5Gr5u)`h+at{&; zpdoY=tCP#_2n{gCibD6@@tEXWCaRmpj7^eNok_&f|CH?iOs^Vzj;lphAggO@d@BZFmcUmPUxzY%mh+|N^?VsP0&w8 zV&u-zhFiA?YhozphB?`M0lNp`fePgH3@3<-9Tj#X{6$sj3L8f5CrU+xTd1d-C^ORg za63LVOyx0$a#pOE2>(Ld_|)fmw@;{&d-_w~%uYHrTw7r<-g!esO=Phwf!Fgx>9e-W zeDJR!Hi?v;r>)W2#|>GoZ&>foLm9?|<}q`hMZI^-p^v%fh)u=X19?aqx!L-ODMvn% zD$JIQ;*ScuhQ_X-_6C#ilU;)3rR=MrljRyp&;yE8*ZiN zNTGLC>(_f(2fDaGBGx_6;k*j)_2OAjzF}2QQ3MW!HYPS1;B#G;)f8SrAQgs+;H1G~ zHHdzCw6*BLh0h@(<1R(kY?r}-6Vp_uIMo*w*1pI=g8={m&I3vej`i_`50tISFioqQ3 zG^xbtWKjWH2si0Sb&77e%Zk`GzkMgf6RO|w88+iiPLo2|1 zRn^gz!=o}8{Ri`QR$mo89t;b7RcF?P7N?@fx%Zt4z_2Q=pPckhS}X_|!gtnamCmegtqVUeXSg<%qE+u-j-L&juCF{PSzCDPgQ}Z31hG~x zBA6?Y^7mvP*hV*aT)G2%I*+?`rtGn{QxJ~tpSZzQIo=Okl>8{0khT|fwo)Z)^O>>j zvBaNLZ^VASYh#}20%BZ9nDFfzD<^fGP#4FC$7Asr&zB`?e#fISUos~ms8o7V9V2wl zH(J(28l$ilz6kO4f3--hO5{?m#VwAqX2)~yx1`P1(}P6K4H$8~O6vJEO{-&qt&0ty z6Xn`iU~*r4s4Phi(_pB?kuVDJ7lx&}pKoB}tco)3LSg&2bgwqvAjDtw_}<$&+2alC zZYxKtA7(qzIC>TazA7QiuUyO(b)syd`XY9;HZ=|?|BpXBre^0g#C$$!>*Dtdb=IUB ztmNUrBv7K9E@XqL)?rInmWFxQOnlSuWTd@3#L`{_v-L1-`eh>PiY zA>sXfQt_vP0uoyfR7<=>6p&iD-+NnPvIE5u-x!nz&(^RYnxKWOJWvnI4DakHsZDmA zZ_@$n8c&-5AYp2GE|4V`$omPibx3iQ_(wSf?K-i7_Q=vVmuqKRDb#{MSb904hyfuRx%Ne)F>!$-YTXDi*s`-Fz!a22qPiMjE zRkq~`)+prtEYd7-lH3eYyaw;ka>ySWRJtzuf-uSWU9N}n@&PdN?15JNBY7yT zcxGzj8pD~#!vG!6iK44PBM|AC7tj|BY8FXp%0O44y%|F2AhzA30m@7SPaO|AHrel7 zfGNZxAhm7f4P~`%Esi>qx=vP$p+WQR2C*Rt`=@+6i|SjKu*6C0X!Umab*4H0$l$3~K`{w8_G@7klT2GJqkuijAxxW_6yswuvNs?^N( z{}4{OT86d4x#HG3teKrLvnwN%R_5{%qOWLX$icKj2b9Rzfp~{pzq}9d8t#(OIS9r$ zLoz`1JXy3JR&0zD!;e%4m%gI;r_l>}Gdo8YBZTt8W2P6QmbQQ>IB4a{A<&SYXOt%! zT4g|xmx!vpq-=vh#nUDq-MFoc5YG~l?NM&*olS=zI0a~d_td+hj#@@ zY}BQP9cy52E|ggjOSTUy#viS)dfDrnxqJPa<$qqlNa+)I8+O5}a5s+ zP_EV8mhJToCdTv9G}-t$YUWF6X>->oUq*uC_kes9URQd>&w(wHw7~f)5^LANk}|f3 zLvF?`qrpV{BaNp|xrZ|wu;aq>*N5PSBVPR-34ENtqQDI|G-IH;)#NI14A7WSMxkah z7wVGE#EIhqm|UTA!#=``j*Jfs(ZMo{DC=9=15@lx^L%w0cHznz4L74SfDL)+o9)z7 z0eYSWlsKjX6khTq`;Yux>CE)yu<YIAtyx? zbE@pm@L~!Na1=nzZSFz^L!FLh9`v8lMZ)-M+a%$t&Oh~Ww2S{9&y?VPX}bJu0+Ue1 zf>$XAD?>pEo9Z~CDmJnahj94jcL96jbv7C>&|<*|h>rKRVS6g$ zDO6y5b`FzVKDyWC_P%ge@VV_*H4tfirAVh-UGrzYry=4QY7F&24TOI&m;D?Qv$bJ` zwezf!c55N`)mbMf)qZA7eaUp$ivGw7(%Go1Jd!jt(i$eRYzc@JpbXZq>6bPzghcnW z*gl$$5UJuZ7INt@c|R0&)ktxgEILV(gC*UPxbjw1?JDe34cLl~N%j_qB|M8#XPn`o z#}}jjw$v8x!cd4Y3^>09M!I~Kc*Ub;TM$vV-^pFV=LcG@(S)iPjafX6rC=rpGfgF% zNXs6y-$iNrmc$zX-tsi3#KHhNWx&+J+n2zjY1#KXk$C1) zm&b-Qf4E|;;>v$+@LwzuQu=Jp7(C(N3;CQfg2Xp|blZBg%fp~yAP1m_~}F?=T)*X08yuEiU!iOAx^qL2tB@ z9jI1kZJ(x4jS-XSUm({IRxZqBk-V~x9GK&xg zT8B7>6G;rb7mgO0tgUtN1tAH&L>9RFXgJ^kL7DSkj~qfKT&?(gn-?gpAjY|EN$I26 z&(Kd#<`BqKNTh^xjx3qzmFKe@}_*UR@8PiuX;ZyBCr_StZfDEM4qr9~%;dJGqm0mOazo2d zg54NV$@)QtEnLY%l`vYCWr#{mrll&~MVaAJvY=((g5eCYg-K0~nGcgietE5p!Z1|X zdI;64Y4Ovv-;|Hsx_ zM@1R6eWUl#?a(b<(p>^0ASvCAq#z|o*AUVjA|)j)A>9l}cXyZ4-Sv&n^SdU)QfL2Ry_oY`or3;gm)k7;vM(ki&ht+qtPSpnL z7+*cC^8vVb@5;l;CzLq1`&xnQr-L5{q&Q#H44sF?oP9CjRn49wa<`1-Zal_(%S=}rzXV+o+z zY7$*zjBUrctey9}(uT)I<1QQZqpWI(O@8B@CxiU~qNk@)FwiyPxkJu(9GTxiKpk z`KpL=6}9u_T@p#A{*;vNhH>jktB&)FD_0qH%BhyNd{W=yw01zWcS2s%J#uiWpx3Vg zH1X2%T-MXZa?(0m0qTV7C1OJjflI;$x3DIwfQ?weLwRFSfq70b`NGIryf?#>f{cP< zS2wG0E5?FKK-d?96;G1?ux=iqohk}$*B*9x!^Q+WyWd>j3IepaxA}5q<&>aSWt?gW zL_u^Qxv@pjTdUI0j^~9Cv5PiG7mw}e9vR`gvq(~4j+g@h_9b$r)|;mImf8we?E$no zCB%mfIrXJXcnI3?UWiVy0!XZ_UW=|{sl@^?534W&%??$ehDbNYSaeL9%b#=16bFhg z$v5llUyDZFk@)O{w!ap_Ky6CoR3^U8*I)`3WOOw{$S91l?oewfPFL5SH7eQrU2Wyh z3R@2T@SU9ITL8|R(xIUr^v@W&Ecbb-8o_em_&5evt~`!~5y?ffv# z!KRgqp$Rw^&D&Xq2o39YVRM-Tp~rVKbKV6LNNPmBZ%w&>!Cc=ZXM(mC&0CrjW!EZC zyhRmbYdAS50JPdQyCGC}sXy+G6n)}wWJ@k~vVmpW;^#5g$~em*3I7AmlUyfB*fiY) zny__MY=+juxm8A7%UFn-EkGYKK1G8@DPGlgEuD_Ag?{8g`Q2;!Ik!Z8o)3SK@#K%0 zOKw_Lj(kx~K`sHtMo_KTkqCE7X1@q9v`$ONS1b441=Xyq*EVq)>BS}X6Z<&@TJ%44 zP0MdwKHM!7L}&$$-}7Ik(6UVV%S&`ekzMaQZ=TF~xn1s75WzA4W77vQVlQ z+f3#tJ)eKl7XJkd{K;6ta1K{v6SGbHV}mT_XRB!pLexElRD7~+aneAwC^3(Cm%WAr z^rY%-4%w~Cbnq**Wgx;L8CF@|zZPX{4iCt2^7cOy9?en}n)~>g7mM0Iv54N)R^)c$ z^BN^fb3@1`QnpjJsHfQyzs+A}-w!<$A1raYB5ZtzY;7i-zrcdqMDyb1sZFLWX#ScD z?_s1^x>MfGo(VwQhE5!>81qf_Vrn0m2b0Uyjkd|_RePUFhakp5-OH007IHT>v~BMO$*7Ud>RYNk`{!sHTS#UNfnC#3*T8>l6?;% z{eiW9otG_}yzSnnip7-e0w{}arPrN!bwhD4{_kD}_kSz^qJ%@J^+*Z8AU%h%z( z{tsdct`=vTa6N7{1^lwrsXE=h{?|l~8YalP*#8q(JN6t)jiFjM=-Qsmd_7=o0#&A% zT#s+8_C>1>#%*Wh68zu=0S&(E3C`;YX<^N%gpRws$}yy)v5ld`rQvPdLQVxszdv(e*f$Pr=weX|mrVhCe8a{d*n;%(3HF2gK+><{Mt9NjHHUk+D{5z8`4 zD4Xa^h6`4x#}}tGmN09vEcNGT+F6$Ec^7eUIq)+9l{zEHeyEPGw;F$tqo*LGq)-ov zC?X%`w^Tjytk5qsPK=KUX*pzE-EbKq`Z!A^G1%LCOPkcv4d$L&Ju=1v`QnJs^g2>V zu>=maryKXJxsF+fRQDJl?E{kTev$!7ML#Erq(1QnylG2%IP10Re3LaQs`PQo%r`$61*?6q&FiS2fISj@Thz1t1R zGm@`QfbqGcRj({XT&)Y>rXoX{dg>-309^jr{A+VAjnjYHMnmxC;nY&jseL1Zy9bd7 zhXguJ?gi@d6H4%KKugnZX`J;i)Jj2a z1THVT$rq&GA;byEkpJ{pEZ-VD@8@moyxd(F*^=`+cD>VlfEmMQ$w(w~jqJdC-u^7~ zpjYkv>p!28e;!LV%qL8^AmgRg)RXI%n+n3eAobyPi1rrBR)lgSYKR&EkC z)hCnfvum5hk7b{LU%TpNMQdFb$yawhq}=FkK?xndmPkMLX@R;pG-vB%FRJVXiloI5 zDrd+9_out!NXWw9(;#V*aS^2RD$bDy3~tFi%DujhIJR}@E4yzm)Essgol`@B3I{|+ z8ylwR+*$>6=7xmj>KYpH2gT}v1T(+rtSBZQCZ^5Bj}fPUu5;RR&V_5#kuALYEJi8T zaKDhqnin?VJl5ZXRO^CASMI&Zj2BP9UsJkXi%*M^?b;KVl?)}euUyeSo7eq9??QK@cg^|Bb6F7r4d%raBhs%Ll z&(GUA-4-O%zkQ1L!-V4F6L>Z&pI478BU^DByS{~6$KjQRn8Gl+CHtQZyb4X9ZQ)hB zwtE?3n1ytlP-8BaNlPuBqqMp2X&M%^>qC5xg$+cAl&o;ZkPZaZsz9hTi@-nin~vt) zw|zfcN(D%La##PgUKD0M2uzt_C!0VY=vnOp`0R)9>H;upI~(DeN!M;?K(lTd6vk0L z|H-IfQ6LSYDv~7B&xR1L4APi=w^|Q35Z3R!Pd;VCBQ+&Uk~p zMX5d3s7zfYyJBt0m67_kda_nB;it_uiKA$CUPa@YM#WRnVs#5P!K3J~^i%fsiJ;bEVFPr>(x z*wa)TFNCC;1#R7Z`6P`bT_sgXp@WOO^fD<|>RYQ)4|G!y%w?6>QrdsI;-NEI5}gR< z8K8iQ^Cik6COj}m=sqJsT1o?=z4*Tk&ybn>jFXroc?EXmaXwN&*-uu>{Vrsu)|)wV z1lI!tBOVLeRC}dviT+X}ypwnnS3{eOTnh`J{=D%H6*l;JLsA8qL1*z;4&2u6h=TlG zY7u2p;65j==EodF-(zx_^>d|KKX7A&RD$8$!e>B?yu_COL$5Q7n)&g2+FWTQ@`J3! ze(pF!_2=71}Z{fh1I#R&S$iOC|Csvp=D>w(kn7D?mdA*kTnv?&bF$(xL zonJ2VM|4P38uC{UKVZ(WP>YIFo~XYr4@J+7J1;8K-)pTRXXjqUKNu(LmHG)>kl1OP zlkgwsL1YVo+r5dO&oN>Bifeb_(fu+V)zcqG;P1VO>{6G|Pk%`w)M*r^_kXP%^SFhu zB|EUo&4@ zg@)eTH$4&$m#F-mEPR-aS1gYQkS;t63*b?)^UFxEgP*9>kLc>t6ZcHhxSca7OuSD@@G(47!A^^h;dWAl(BuP@7R^mCAJ#)~U*T+NsJr*-f8hwv-p4S78 z2X0sHe_MhQ{4Ub5yg>OD!PndfdDPbv$c3Dpvm2q z;HRQ=knAItW9J}7{+TX`;~OBC{dxT2SW%!VT5ZGl{uc2w5gk)C@NOF$VxjujL&miJ zwGb<6TyS(qTF?0W=(1Ar+XHg&$0C}z?)fTw0mf|h3dG8~AYg z@g*#N@$<-%3^e~-N@#E2MeM!xK3idh{<)&Mn_ppdSiXKzxqcH7jv$~5^6k#)0;9Fm z62(xa)z4JTYuL?1TcJ?AY+>8AHJW%8^y&78Y=QsaF+tXMz|ty75eJtjuw+wR%Bg#M z$W_c)X)olcE7FCB3zm43zqo#l*@2G^gj*+DWVI})kxa=;AFRcVp^d2vUJo#DZK3Yr zp~`Ne%65B=Tu;dE?T7=^3chpbCVqaj@Kd#Gru)@LxoaK!jC{bILbaxzOarg@sr2J zE5F+#F_S}jd{rwCDI$GFq0}p6&hf~bH8i&_%m>1N>JE-*pmJ06;zGn8iG&9-F3cIh zes4(n>hag6FacQLx=uD~EN?Yg>StgWIvKS7BU+Z23v;1Gg&;K?{M99dw&bPe@fWzYbcKiME z^_9`7&5AlAg#5cmG-2O?4OfWOgQ1&%Yp3lZOUh+G+`D{-gw|s^W8Z7{Q@emi!shCb z`tPOtLFC?|f_AbEa(=}=3RqNV>#!}s)fWu_6il?4GSLA%&Jjd8qj`iZ@;9`n8x*ew zEZ^_k1kkMS2c=XO{p7oRYMM)Yd_vq*!7gw(0D+&Qt#4u<-Dn?kh*I79YujxQ@e$UV z4Qf+R<|1tXNi-0MhD&(!lsgO}jnv$zt!PaXF5|*Nhz|U%mIt&yVkb$w2O*R^r2#$+ z8N=mX^99`1NKkiys(2fqrH~Zx_I+n;TwRX~55~a;t<(gu7Yz68oi$QG7df7T4<4jK zUtS*}H12GdeU$U*HN)o>MuPDPoj9-e38Cn1s ziT7pnJF7=lmC%;Mjv=czUOE1WPBUm|?30NA^)edX(^OG_3oh`1h`O?F8Bq1=JgYC& zgL|0bzNDH5?Lteta9`-`=LXUcUC?*M7N|FG0=bGf=Mi8rn{r3NK7@IMh+2lIL{@mL zV56Id>Zc4~&UvDA@C{i2ANWV9w3Se8-rKW!6d4^Z^;&g0_*{wH*F$^izHmjP(R*Ob zg(oz@8Nc|U4rhQ!0Prz8hNpVQik%>u1RIQ}H+L8M7yT#m=wqh_t{kFjy}NDfsjUC? z0{l3%66;#yV*)={tWw`49@|>=zW$^qA>v>(Vf&8B^CNq@2uO#7(j=JfI|3J@GN9gO zhmj##zwSNU&c4Np7MPTm4yfv}07)qU=NF*{W}L&GbRl69yc=zE>a(t0S)?H8gL&Mf zl))3|6zbjv=Sa7|Am${3+TDvZc-O>>7MT8Rr$Wf^3%kJGN7n+PFz5o~|BvTi#a<|#t6Dy@<>>3;*Rh^mazIi8g( zPo2)E)>0)EdR!uG8FFIr1h(=TZfR(bpC8x*EP8QTxl~;!p-^lvk8gO3+pAu&Q{Tq2 zpU!NU*=9WH_8cj)n3NW8Hp70f1C7BT>NGykoCqI04CizAk2-4dpJc-#_Foa-Zf#8@ zYIBsQ{FplZC>k~Kme*?{>5#Y;Fb)nFe%z>C6M#*}E`I#IF>&-jB!J&t+^3ToJTT*m zyHt{;EAt6#Q0-xZ>!}M|Q;?pGUPog8x2PyX7~R?oQVn4U_f1)LULCx@Haaa{Q~Pq* zXO3*3d0N{vg$noz>{{_5P}3Pk?=n>9kU_a$BSNzjh*Hp268Koou%k!xVKvMzU3Bs} zD-hui11#0OCJx{{_TOB{&z&lxM||65#60qWK-9veY$|8TKK3eTRu(1F%wFbrXZ2Q zwHnc`O_M{fb<9q2mm_>O8E-)m_VpM@X-WVJI}hE$cy#chhO+p^gZL~PUr_? zdJ>^$dRy7mA5-thp}w~L?Ix$a8+!wirR#$^p>x}++kFb~;WNPrtDV7;_nPc~BkS0)yA43lM_E5~J(b})&q3vtDh;X( zMp}g3AdRkX%aeB3e2E3PXb4v3we!06b+c)QwFMTWxTk5~xYLt51{}2gs%h4FNIX6s zHhO%yF{qhstv5Qj{d618*?p7K2>)zhQ&L00{yQEIskmrADt6h7hTt`N%7dxVfeFf% ztc6Y~4i>EL{bHr(L%82B%@4=2cWKJ)`2xQ7DfPQOZ5PqLyXkj75Z~;*w5)EdnqRUt z3fHI@_BJ?QE-Ojh6QW;*2vr57!S?JRZyTrQp=UfvDe~pGfP0P*32!s`@R7{(TgRvA zg-o4gnv`SjU2DaxX0u%vos9B$@E?M7%ro24jANAtcBG@mL&Y?WQ)n3+d{`)9!Rjeh z@X!j^(D|4sv&*+i5b;%>?aopIsoRqCycIw?xXch`H>=1@qMD{6x1gKMF>_+=)wUcD zdM7IkEJE$6uND#>l7_5GV%R%2&hY*1i}!R@TWJ7Yo3pp*LE34p(vV%nl5JUAG|zmz zjS7xNZ-o=-RN2EbU1MdRx+(nEdnrzZZD7-OPb0tS8Fu?&__ztMwB)(?Q7a0(qbYq? zKY&%bR5^gzLYfW}_-6lsXJ-EG?+QVO+l|?+GnJQjPZNJQOzxJp9jiLnL&p9SYsemx z0TR>EEua&X0Sirm?d=XPqXjLnXmAqYPe=8cdTTXjKB&MnlLeu)q zsy`AzrC8|Jjj56_ua#Ly(iOvI>E=zS_|;%w!1^_L@VorID`tW07I0(cb}4^4#)g}v z=AckAHWF|$jt)EaVRfQI^C!?-6B*kf9=oOSl3Mgz>7jiQTlO){^8Q?J`K-GlS!ML_ z{)AGL3mYmWMomokn@jUwdd@F~^;Q(Gr%7sPyTsY3d)sm1+3?nk>?CR-=< zAHsdiQ?b#nznCJ0%cx#@(Fh>0OdKvBdKAlHSMfqXgdO(U!bj6HQ}_FLoI~NCQ6PIe z#*I9lQaTU)0j7bn6&)prh^cS{RFm?ryGbKYo3Nkh9BDJOfI(schx&BG@UE(9?tH(v zbkPty00MuV$F%xkK<*OkPgj*am+2u8a!oP>N)ane>isTHQKGKSvl?TPkZWbew|r#h zeS}uN2nb_qoWqPH{X$5OHzo6v%)DF*;v{Q_#f3b8he>sm(M)U zG;~@euX>-d2L4E#2>MT)tIgu+LnoyLLxlYQ-lh{k{XI5h-F@`GWMS-tr5{mA1V0xP zZ|J@~uGA!{nTqgds8BNXDxW(NN(`mx`+^s6gH%s~8Du3n5vrcToJ>8bhbzH2$UPJ5rBiFDT8cpc0ChS2c!NA<9ZTA6O}rbc@9mqJ#JqkD;#jaF01N9hBkX9sj%!qE z@!W&&o8px_<;olNRF^X&aNfBz$T;v!Qlmk`WPpus_-OFOK;K|6wJJk^ zlf~qrbMKt$CcRnQ$NSd|2W{}@y#L390{?;Z-=w5pUvT+Eg?DTPxa4EB)Dj}2;BRi4 z_fgD|*;-jZ_GqEeW(vF*Ml*-;(hj^!YpGTf71)`-vP(B6#S$5hWcv;>6yXG*+`1IF zl#mBO4M3gBHiELR;hx_3o1$MO4ua&|DN|Af_4#;P3F4!lwd4wE$@iDgi&FgV7g+fY zf4}Ao0hM(xz5RyjD{Sen4oZIoTCN4F#^@4AZTs#+mx8VmWd@Kw390lfu9&Q=S|X+ z^-$Tf1k(6-e@L>6gCFuR!#1?7DwDBmGi|gjkyPE6*v|-&K&GsXufIlek=Q%s{AC{D zZFz4im3U?2aJ%S7LNGg`gqpOf{{YX0EWSQExkBZ`uLI2?EPY*)AW)4u`zr&K+)-js zO`0L@es+wac+%VrkIro^6=_R5dW8yeE>W=(W_7L859je^DfMD|5Czj1MLAQ|FLQlAo9_A!B$G92)i^-WLNv%031QiodRaD`6u>ff5e3b}q?=>PWXVSV8{Me^!4}iUhvU((uFZJgMneZciWDaVel|qIue5LpXUH(WPLF zZEqs*cV&UlI=@tGEe|yc1TQE+jD*F!Sf+q_M~whdxYx$1eM8I z!ka7i)oJfzZwCqJtU$>no%tRiYp|ciJHM!LPjgK|CG$ud*0p>X%g~X>mNS_r5)}#_s(ROip?Y8vnprQ(0Kd+@MJ$&& zjKDAAf}c&nZgx>BqZ>{VIM?1RN~%RKZ!V}DGflVxbzie+&(`GSnTc7?Fj<6!!BgtI z&j#?eWh#ZqQ$vQ~jX^sMDb;VF%2ZG0`N#4!67yiLx_K}ZD!{jWoPcG1^N=_i__{tQ z{bVZ_pJJsEOzpEnzWOjE*mnEZy$xA-HSuF*^3G4D*{FOib9sil3ssWB?2p=(T_sVv zS`25K4m{+gV%?V%(Vh3BV$o~;d{w1>K}gga72oL{G{($R7brOwT1&=%Qu6aGbF*wm zhJE+bsr5hEZPP6fm8pX-9<~r8xBa*3p^rZ~Z_ojVu`tT`{M zQ|^2l2LVCP`GW7iVJD!qExgQkzjhN3q(!)L15s)yQnGT{tL6?O%2@XH6oV3jQ?&%+BuKgR%pHTXITEgJ^azkj@!OXhXKbdG()88 zj|?>KSWO)rf`-8C+LiK?d}QC;2)vwY61Lk+>3rz&{kFr{ZU?| zNI~Kj8%{~VVfSG-&j_uJRRjJQe>`IrO+e3Bibo6#3`9FXBv2$jK4R2VHz2hX&)ehJ zH^&6OvX7Sto45OkQ)8!Z=dtiufUN@Ra_6tk+e`pk9y)ya%y}bC^jNC~_s;boU(N0oFaM5u96b>YJcjF%$H^F7+sIJc&Y^U6UHGHi9Vu+@q0fRta5o7zy0|UI9PUy?*XNm?n z+X2$$lC@@Z&*<#cBa6JOz>ou-AcE3_e)VO%!7pp*?)WFO!L3%5eIz86e3t55{(-8E ziOoWS@QdaoGd34+{)*9|gfSya6`fr^H`%cYViCm%P(;?p=B}0R)(hxC%7nfyvgVW1 zENh@=+lj}G!e;~id@iM|fE~2tk$DVEruU;!4xM9pTP7zLEz-My(d)AV0AN|mG(t(# zoaK4uyo7mBXz1O1XE7TfA3u@!J@ZTNfG*FzKYdk}qRvB<#a(HnbwcR>r$T~Q8z27p zT!s&72yhT}FZ`G8VdDgOAaEQBcG+n-IbWvI-LV)PGt;t_3XkBfT=)p8^t05gYfhi* zi+XliQ5#jZxQTgH7pLvxUg#_Du+Goj$0sTs*K<&eKamJPyw{l<6c!Gf&oWtcLg7pYNwA#XKZXpP#Gnkw zEl<%I!1IXpN<3@Z=s8GbSD2BYTe8g{`tOveaV>THr=5m-5lwUW4ykA$T9T$r<11Vq z>9s0T{JacarA4L5Cf@&~vX3RL;t_ z{)RhQ(V%eS74lkvRnzmO$x8FRRjtIIl8f3`=T28gmy6wR`BsC}evC*-E;wl6EJgGi zitecw)d)b1h}3>nj<{I%D4a!x31MzECoG8Q7?S9D4zG8U$o4Gt-eb#scC`NR!>fc* zG>qH6*RA#!eXfVQG|w>ZC!pw?{uh{nODYz7oI`Nctt-G9J+ABD<6n1C{;E;c)rSyL zV5FrIiCrf2c-<3sRF0%tXNmx)1o-eJr5@g9F?I0KAep=-ZNPC%%A)4-5-h|A0gJyV zqf!q=mnH4&hS{9IO}3C;Q%Ltrh}<&fMQKl{l-*pT`ta&N6|dB6waVL%ciR`;myK-q zL;9`%bR2G6-$}l^J?C1L`j3;ljvC{9ajEct(8AawV?D1x6j!4Og)tI?8g@0tb$gi#MwZ6_e}}QPW(NjE!fo~PINTwG zFtPeq_o)vMqYayG>IgAW1l6-U9D+DDcsm70PLBPe#Y7Vly3<`LA$xlQz^T-$>JpW2 zIbGHG%%^X?F+qV`O268UQd)c*YXmQ?E=kaERtHv=;g6nyr<0z;gPW)&tJ@N~{c3q* zd~-||bKCxsNW`%}8qSH+vqLe_QdQx>SzXA0n@Q=61kRtPBFoF4wfXMZep$)CLeK+p=>UQl=L8A<-SX=@Ttnf`p9VayV*%AuQWA=2WZhm zjVp^qpeC=wweZ9pAR4-~_21?J#bqk|-gv@qX|!|Hv?!(48n5zY0zSm(?|cqQdAqb3 zTyPNqo`x1XvQ^Nv3^RA};4NOHDVfi15 zj5s(n_94=c0A}yq7R=FYDJZ%RBKgfbA>O;VKcD+YkZWgxng?D-+bKkR11{dniUGhk zxbHVAhjcg1>H1BbZuV9xo!lfb0)0Ei-26{6_BWGDn&P&j@Qx|YS76bzR zu)Fip{d^+YXj-M1Wc%igr9%ob{=Yk(MG*|IwqMFobynlsJ|0`O*5|V-BOk<%EKIg* zAigIl&x0OZyY6pB0zYTS0I%mC1gm8$GRyt87|{CZU)?ouXl{u9@(Z8EVdPz~IM=po z$1MI6hb!e={HAB76Y=o1+r#d&&q433&q>?rBOR3UVg(JOHpm^1?{J;T?_edCwf+2$ z=%s6wUEDy6%2zPbd#+|pRG;0Opp6Q{%@R~wVk1Pzk__0{_bJGW5pCq6g#&};pc~&o zwzj|v0&&^+5T3-EP4cQ>#*)&KxOn-KyYRBsOY;6E?*Zg`Q^|)97?RVj#%26)(Hum6 zz{EihR=14)f*CtU_hmJ$`G^Su@ZN3u{@R>Xc)Ef|%B3n#k~x|2g*ID>HG&BhPP$7lpA${kN2!K^{MB6@1O- z1i%Wf{raCGH4dKVtlXx_rFh$XVT*f+9TiYLVizR2oYDNPz}?zVOW`+9EUbusn8U*?FWX`zgugZYk|p9k!Q}2I7r`HmV#J9Nk<~csIm%@` zz2WVpiECeyll|WdV=xv|53gz|iG}nBwl}E|u%jGjz=X*xx&d%ViyCd@oQzGfL$X8uadQBF z2Gg6_R8+obNy%;+2{srF`;Hv{*G;Q97w>i&v7WN9Hag_n!_%xut5Q&z)!_@(1-52eXC15NWNQco_k)sGJgnO$Z-v24J4mbiW~2;_k-vPLC&~B+Bhk>pj;Ih zyfGTh@SRlAc=oH1(9Wy~@S}V`OhOFL-wO${cQ9RYxSMnVriOXe9)?%i6nRh`^ zUT1cIs-M&lE8fUbws#r82Iag^LR>q%wEK($I98bVT5tCaH#Owc2vt5=f^x1^N?sSr z_AZ$swuhKr*V;%W0zZw)oTIs0kxcVE7f<}7-F?m1kNqF1p`sE`$BfS@9_Rj^zvPIe z_}5!#!L_uf1MI7<_M<6h-}!Rz^{6L_*ov44g0#v9=L-s5fN#Y+NhWyH%2q%}&e4q? zJ_Tk5`hW{Fz+s4r#$8CjT~A1ks_Ee+Xawi(H9r8kz<{+2p+;kJK|+L$Ngy=e)+qlIXf20tWr3(xkvw!(9r?WT1P{P(vee&n#))yEez z{*d$M+l{yU%~JmrA|N1-`yF+{w|3WWo1LF$ZJH!Q{iDcUE&S|Ue)2a*fMarG_)Jl! z_*|a>INdM-E=a*J!Mz*j{)1J%YSL!o!?9a^W~(L=*egcuj2!|6`@D}oOwxA4hrs*U zl0wuC6&!dgOa6T6akilSrz-3$)$lCHHJo@SNrnaq5*}m@sOtgH?+nQ5&nr!%$C&_=(Gs?1C++vr*G5dE3J$8aIu22|FoPRKF59GRY z!LVpnk)_b${Oa<^KA%ZI`y(PDjc4#&NEnA_Ks%v^Ffi{$cwitL|8F@9c(2Q(-`wF# zOAFQ~gH+$YM0zj6?wtecUP5zxiInHBFlGPZCqZRiQ=L^H>WvvNHxOb(_L=bphHrV- zpWKo>bA?e?1)^moV$dlhh?{NP4h31B(PkXK$CLk_ps=2D2Ber@hvFZ<70)+2bV zZTB9xY-kHKesG-v!Cl25$lSuolob)A+A@^;lO*G7*G3ump8D}2!j5dseotomG#5-F z?#j+B{qbW2Baa{flKEHQ!9k#ZOF~QK#f?fu$#-0kobeRK_8qv%Fc*F16T(ZcWxA=09Cps-fIfmNCLma{CNZ$<`i(ux4jqil;YXBl&5>7hcF zh=P-~2_q^eG*Pnm=0w)M^R$On>8DaogHCq!rtJxoJz>>j?KEd9-K=?bp39H6j0)%a z$kYlXKwZ_kbMymyv6D3j?C~=yUwd_}O*Q*P*3DfO;?1Fn-=Ccd|HEM{Q&yUb|8V)G z9ghJOt-cfxXa&Y!bIiLr$(4azE}1_a!s&(P>(P0k) z%z7Dv?H7%dn4{0WW*&JCU+GIL4vjR0;)s=NB`dp|8=@{bh zS&68H)KNR2N^mKckrit9Z&-Y?AEtLWKSQI=wmCBw&`ytDjF?AT$*yq3$n7%?_Rj~$ zowq^nqrcDU8m<)yHxdmC=Kdr^Pq_g@I=vrzVHZ9L?QE0;2nC z=jZ@ej50XBv6K+pGnYHBj|lswbOtAB`LIEy&2NtSW0d~N68IaTr$}k2n{M-Se?9G7 ziyFT@w=lZ0i$2?aM{oat1nMh`8tLWx+e57ms)E0Un3fU0&Wj6LwT_*`dN3P#-Hj$#CI%Q+_xd?>&OLj%w6@AL8J zjVO&Rq{&=9L)UrOj_4eWJ$V{FiHyqbLn+;4rrd|tmZBacLlwWFe1T9*Dbucz`I z4zT?*+q~yvk3lhE>V(R}wn=B^aS7i*H(n#fe~_h{`dC_t1KVj|&PTh|?RtcU^C|{?A}34O;qs&?m5vnMGmBrUDtnHV!t~UjVd7%J@*9Y2D{0+JeFL45 zn8Wvd(}Zd9#%#iP&pm>rndjP|s74>_%XM;u{inCgwO`$5s^e`0Ub8=lissU#>q6hd z)X3oQwDXJRdgQYmydkebvmQG3D!7%dzWljRACOplp3Q1KtIpot*eV78!N=J? zW_scG4A)M8PUc11emFF9UQ8)Se|bh%m*)HMQCU30wY*F?wIkynUJ8A|vsiE<7O3wU zSh|3`R|%U0dpxWVofXL{%Omk`BU1<01SW=b>S+jnt<7s1GD|AcGNiaQX5)4=U}YL$#uOigUA*syC=Z!AGux_N?nXv-MVs9oY%n_yq{-2HmI^l(`rc9-e6PJ8|` zOS_Rp!z!J?Ax)xxvv_xtVva0V()0Yp8IlI36wf%E36VAmj ziO>AnOvwW%!~)1(QlfG_>hZ7i^uoFRR@JoFc`ZkZbfE8VR`7dWBW&Q}Hi_48U7|}v zf2GGVn^y5CcUrH4Dl4>Q4MEq4H^kZk+m5&?O4$uZqpPz2EimExBh5>v+0TvwT3gy} zWP>%TFq7Ie%Pu;9N?Pn4<*UMAK~Ox@>MIx!XtTpfOSdVCDgAjhr&rwnK84EbFDh^} zcTXr+>I^BtWD~tsn8Rg6G)DIP^h?GWJLZj%WYtPp1X?z&B`6GSGJ&<^aB}I9_nEuz zoM}tRO)!nrG!*5Au=Ppm(p7YtF#1IWrsVK@22w}SCOCD%@Jh*cJBjjJ3mGtnG8qO` zZf6+jn`zxn(X8L_1zwc%et9Mmo+0W$$Zeb&_TZ!L7$`wYhuwc!n$u%A{z*&MAL3bg zPPRK(QkyRpVWrLgZNYu|Q2qa#X+r(q@@F6BXc1Jfyy%Xf?6v4|uI$T^ zUxxtvY!b@wYHE3({)d(%DnshyD!z}b}otRz-c zpR2<)W(8yumkzW8D0(jNN?yU$N9I=jCDDV)R#Kg_iM%@`TQq-Hu0O#80n7z<;S71H znQdpyl6l#3SlJ5aW%5*j~kr4N#Pld)`s7YRv(j_oaoqrXMFnILF_=P^zr zFQY5f7>v_>m4JT$oAGy6vE8?(WO|@%`m#HHFLl6dkr!WCIskyj%c-k4O(Q;D|Bmon zYiS(S4&Mguv)hQ~wSc?6j3KGck7gk*_@I+Ik-jbsWK+6HZ54dLcMg+J=M9S_WS0am z#qw;iuP&1*JIF$SiIUHqrao3YNR}^6-m94qJ%NcaoUQPnR1yzCtyy=x02y0(#IcvV zoJ+#`ToY%fP7%Ln22o1kkFvBQov+JrpXund*w*;R7)-F@ywj?KvWwUrK5;8&2ePA; z1Y>Xt&NbP0yW-_u{FsgIyj3>T9I{hb_>}ttB)N5oPHobNfkK}lj7C{vC}Nj$hJ#)~ zT!?BgBCN^%Y=5ce5J<{`5hxBo{*pC3o@_pA_$_;HA0oFOwZ+kkEMCRC1OJUDtz+DZ zy=}YpoiO_S(Tqng`ai+~i!e!XB#)2md`eWAv$DhoJij@3qXOg+^nBT4#v|9ZRzI`N zZ=ALzWE zquWfn(dEJzJf(K~ySl%xp-e(iMbPBkSWUaUfIwlycJxqx%P!p000^ac51cmrhVL41 z*t!?fsj*Fzey+)zqik!)CFcYOcDzCYu6^!C1DoR#dzd+$jN=?L;W4Q}@y4hf zC2XfzUE?AM*1-j*3k?&@ORG>9_vgqV#@Uu*yJ}=($_XpwfxouXCQJ}!1FHTRStL5) z)lw6KVvFB7eh^Q=evcOXFaI;V%quZVn>`*7cym+rw{drhgT zIm>s;Nbe2K?`2$&|1I_j>HNm^i0r@kW@&g)eXFPK@z!?dGxZQKkw1{3d0CBHF z2ml6R_NG4Dg9L&q{4;M?aFwfe&lL(D41<~? zYRMICgiDbx;s0W}wP`Z5>5W(_mk6{g8*O^m+XY-+TuJ z0Mck>bby!Qs_{sLGBt++R+mN|srh;RK4S{pZ89N2Q8e zCXh2;6!izk^=KKi_?H4$ouf;Gz&4~X1X;g%51pvHX%Qfq#U~N=BZTCDTq!8x=r2vp z7h~f1!DQ|dOnvR`c?ayl9IPVgo;Y~+XKh>bG@bIq&jRTWV@Zxy-NQ4(Nsel&gH(Nb z5>+m4qDe*^`eg)wn`V&v&GZkufno9pP^G!RVt--ZiE(=&w*S(RN%9MD21Yz8D6ge&@kAVD;4tmwU2wEJ_ zP5$T+2?Zd)US8%p9TCD{q~Gk)h{k6oqm9q-kwwMkMq;M5-~IDzXY zQ0VVC-`83Sjz4hXIq0$?a~ng~{oWu%zS3vPq?M=qaVpSxw8y&`9}k312=R38v}(c0 zwzX(|)&z06|K}BI`wL-n9&eLE-)&lL{nJTZ{q}`@6$%1hYEs(J$pU`%L*GT1;*}C4 z-z)u{9T5@7jH7DNaIqgF3HMU=+v0H=g&9LfTT>g9D+j^~8TjyA4UPm70&3SS5F83x z;;m+&I$ZmJzu^hzNW~eQc;C;TK+Mwkz;z-aGc(AF6uAsmVpQ$&tPok(l)Eo=J&LBU zpMel2Wx2KY_u7N%pL5r@^R>IyJM1(!wBPzdP+iIYZ0-1e>#*(rp-}WjkoLAIiTYn~ zf2X{@qIKb4Ot7VFLP`Th(ufDFHur1;<7#$SCcq6FE5KdeNJGvZoBn>%O`SZbV*@m| z>Y{rx5*$g6;CCzw_wx)c`z8i@vP1mOtTo$;!GTOawmj-!-YgTu2>Wr81~Ag68*hM* z!WoZ{RPwL_%{%0qrB4+jlnZ5KsHzUlLMB!SvVP)DTUBz1@7+wmt}2n|MS#vv#jU>$ zo!U%>6kYpE{fTF+91wC$gu?|Og98T;^W;A~x}-r49}o}_R?9BS_Vcbx%`#XMJ`$9f z$U^xEy3h54eBoqqwI+()I)#fK-~bB9ypKce-vK6eU=lJErTt_7NA31ni_wb!45BWk zeSje%+KK3_GB#$0EK@sD;DX6Jj2$Nn#65gib{zzKJ5j%NYPq2YrWFJr3>h_c42Ha( zSh)wXKZF@p!NDPlA*V7mcYUZvHBn4OSBf;K>eIME=MP^QPUkEwPQ2KT4~G$_yP1fGSDD#;U6k6y4K;=1_eXY)?XY{oMWZ%osJ1nT) zX{I30`xdhQcV{kAyaAJta}Os@7j(eG5`tg zR~3CCWJt!NFzW9PEN5fB2z3aA(#owuJx7v1z5oE})V=mZktV18Mn2D_M_DBu=Fol? zWJ&GE{m&7<3g$I2*fMC8Rij?C^J?!Fo!I+|{pSHl{Ndz9&gr5U$rP{6o88ZfmrjKt z$b1iD?M7F;94o+&956GJo%_Ly5*HG-YMV(bpIp=v1U~4~KorYH9tWp!^3YXh;Xq1x z*4j2v=qB#7;4Qzqpa7!Z>y;F6`?edB?BS|%2k`0$rSn9MPc2B9@-t)Sg80@7$c%q}V8YZJ-!}f(ptC!C zY>cd`^@1AMw#Mca0fhQzV!X5n2HhY%9~HJJLMt;&0q(4}`?qoj+C%rb{a=iSC!;pfV+ z`v-G9f415qZCl-&i85h(-;ov)w z6j`Icbok==g&8!=L9zT$1MrWBo6|t+cD}3$iz)F=-gE(nAuB6A(c_N=qDFQ@D>lwt zJiL+G5=tetkLg;R{K!ICU!=`2VXiTmi9dH8Te6wPAC5JBfQnTc+7L9M#ffo-0~}YQwV%jMhP{uzxp%8Lqp?BY5}1bhQ6L z?O=XA;DcDYU2nNFT3H84|LgotjL?D0TQRlSc(&7j$74_!o3x%nafcZSapj>?)K@K7 z$j2hY?=RHfZ)sgEqC?;(sUwjrr9OLs<&%>-F>XP`6;PeA_r?GOfFu#`!#K{zc7V-Ae;Ss)1cA-IGqpOBjU z`Kihh|Ckw+IW{5gUnl|MOnQ`G;wPM|Y}oeHsJ<&4$7ZTfG5x=3_9tB*uQd~0*#K6y z?~_Ux^M;GdD^SIC*#yxx>qw}6eqa}`_f2DbhZ_igTgs!O9<0Zq6s{O4$mr>Rw$j6tb9A>mgEW&DI z_)+~CwD6<}KVmDTUQan75i4rVn_wES0IAy*-$YyP9jy`x&UgB!9khvy<&?IwuL?Q1 z!xLc!2S9^ezlYN?kPooWr$W8@t5p+z5u8qcy=e)UbJ%<;ApMcFY;fN zG`zX$>WjkS7^4Oiwwe-HCrA2rgQ=;#P+S7&%Q6mnkF=RWXvNDplXUtsD}8cyE7sAa z!})ze3fJCh*{2WWMpU%O2RQm>kizW@#oonK%kAnGD${Fu5g~$9hf^?Ub9KcR;aB=eb*LL( z<6X?@Om*hd*azSiH+ZG`WES^YsjcKAF6O0!}xz4(X>9*^QL$o9>+mvlg z4&RkW0D@?2`{|dhZARgBEntoWw@vV!^_LdQy5#~JE|qbQ>QUr*?DXft(kpB6z+b~Ay zh>Pyst>DF0E7$4^=hE}<@c$$!NxiS+@<5~6^?QKe@VCx@8+W&qrIE`lh~>9BOf(K; zCYdx?Y zwFJ>g%!?2t1K^;lr?2%Jw4nWdDja2+MAB{(CHH_3R&MLtj~}LFl46pLU8WBusDb&F zFF+k>jD-oLVukEduL>6v(m}FR|L$WvV(s=;U3B{G^?ZTAE{rP*iqYT=+ZWlajrmQC z+zTm#A}`?=*7~P%rKI;5U@btD>TU}34nEx6PV$+*)Y4Kwn5Ws)n5YfuA;4Hle0g#K zVaNCAeB7l&cW|=Vqs~bUKtan>{{%C8~eC z&;-<6^KfquakSZ=zAm%lPsy~DDI)zMHfHB+Y4P!|3cAAku|Dj9g;DYtgWO>u39y(Z z0m-N{rh4ou@yg7RoyXQ}rb%vJBBPiAJE)q@zTHNGb~iL{iibW!PH#5(b0ms7=Z+9kD+Yj0jE*XeE)V90b;ur*oP;MIG!CI>3zgJFYZDI=I`x=Y~ z>l-P`B90qAotVqyoj==Mi;jz4U&n;UQM%IfomSBdHZWLLbKFKs*ECy~F}g3-s4kX9 z5Zs=Cz>RH1oa z6(a2ST7i>D5ThkW7)Ie>lO?QL*GX+UkBE7C=<}iq@s|^zCs-xBiZShk8#GUlkx1Tp zxLf)|`LPGFro9`EvMjwcKXMQN+)Hu&1WRgpN|s6^MEtT1e+GuCtaE~%gNxcD1ZahIMqbJL-W&&-k$9|C7NbHLXk$DPcYz0+@|mE8v@ue>jloCI%0eCZL;wb{ z^)$MFTC;~YW=EKwD;DswRSTfZ6p@*CW@ymQ+!Ri$!6DUhHCC^FWm4gsFD{{CCr^}D zE%3d`rHI4S3PCS=&0hSyCqxw!cQwOj-y&_fhlo7~yDEoARAFDX9zObMp?E5XZc)P{ z+50AD-_AO*d~vSFuo)%feiROmWEi*o@xarfbx&F(nve$#QZ{3E+rqny$GqJ9nS1dv zb=9xAEA}evoEPDqhOLs0IAboS>}{wRS>VdmSo?(++VN{-WOMRYZ3-};j?QSkG4)o>0xf0l9^Xb(yiH8e{~P*}Ilb1QD7=J*pF^^-|6VR4P~r z#-Fje6k+fB9L8%2b_U|eB_L1NVH@%xcsU^!@>d`dRHrjJOu;*A;dQu^=)y+v zRF9tXeq0;Ov?8hJK%&m)2rJu5+_|dy3~M4lFyb>#N?1FR5V)R2Nn$q`CCvGy`b}53jQ_D)wI+K5H5GreBz&xWFW+ z_dYwzDbfz81Q@wDk@z)oqY7o7;^G#uyD0Mf-AU?Jo|vDI(lYqE0`?ntucL;I7~1qa zL&T$kGknzCJ`Pxr3=NaFh{QhQvDv`%reG@e!N`U29Kjf}q>weAx)2P@P)XsZDOpOg z#yt}(d2A`@@$(FywlzmHybYw=&KE{q%VpI3;$qm+)z1!fnYNC`lm?93DUG@ignLEc^~M|D?wYB#&_Rg$gJJ?1_EWIV>y8ga*3e zn1BYh4?rU6$Ck?R17bt>PscW>OtzNNBW_Y??^?er1DkQgH~y8C9pnQ)BF@>si5p>{ zcyyGwl0Fphv0&*n%#G^%rAYo!gKA2eawvq*W~|KL@idc0E%yhQHH3x*ed!0T&FJva zum$hj*X%Ejf2{n<8yWTf^|*`s({uy5x`i0k`61*ZB|LBMdaaYgV@lW47z0#Z4GhX_iAH-OnGUMN3dv>9Kr_5_)8zWyw z^imba2#@>`U7~Qx{R>~>5KS^4FJK2Ds;S*Nv)1RE;zcI?Rj`%kq$xjN6mO|^-lLKa?-JT9 zk+I10>MnVK`|(0#=pm(@TGFQF8u6`BYjmL)ds|P6OiE>s&KFbG!1P@tCWEa=a2fA? z0*SywfE-=FPRF0$z6#zn`b5ASjD6G@9AcxYn`&5>k6`J5>5MEh2_v}QR59(a-Oyyo zT#RK9X%g#3=ZeIE?CNk2^+{enq!Pbw==%z#i&6n;j|~N?upY;)x@}*YR+IY5%Xi+; z7g4MFRYXw)rhUW19ro542rMrNg;grf1=yD>=$*j(S~E|5<>W3YTOO(2om{wj-hA^U z9-xbapY&WOi;;pvkp9k|EqT4i>wP_fC#Or(NV%I}YR`he)43%Y0T);E(R7=A~ z)Y!!$Z)G{O!Uqup8?l$#k)ZXA=6Ws1;TFUZun|c0DN58f@~3?yzpNM;ctu;1_H_QZ@_j2V z(=9(#=ykKSy|It@!IA6v55eoQvl&B_eqFv31yIvUtFelZ#03l_h3Fg1w13>vOWok! z<@VW*LI=6Mb)==^uUWeEsUskCF#BF*3EX5<0;c{cCR7ASw8C~IF!Wq2zQ4a6*h+ZF zLcs?hlUWE_Wdbl{3m#!|DEXg^W{rJ{s@J~Ce#EY*xxPE;AGCHNQ2%oz&Qc~`>3YRu zeT1&&x}21Px6@bw#Lh1(hxR)MH&$dTtAk|q$*4*PrU3w_mx)9wtIE4!ZJu^{K1WiC zg5>!;6vY4Wvf-!KqoDM_Cqzi(=1#spCLq3N5RCPj!+G{eZfdc}6Kn&+^Co&^|2pW? zQP7E1pYh5`mRw;RBZdM~;pT4SHge~c(DVR3qEf_XY@EH3ck4TOHCV|T@@Xhl*fQX+ zZ-Z@xXH2;{#6r^xn=wDPg^C)R3P%nBA)NPG`x*qC@m}P=rD3mHsEu^s$HX%yG=^`lX=M67z~cGq{nPh!q4Ux9;C3wv+>kAK1xgyB)rEPFG9 zlqvjS6?;l8h*^zW(LHCdej@_Uf?4+`60Z-RJ5XJ93kQeq@Y=fv5`!QKlu+_~q{#D$ zI14r&w~2p>WPa$I-z!T!Md8n`jf(BRFIGOH8~PGeRY}C~8-q6QI#GmVnNl%nn=17< z5Sc~;Bndx}{j6O0Ev3Z1!PKUQGB>Ay8OG(?^7{f_2AI{GTeuz_EVTVn(W<#eYx~;A z4OF)<#c+JzaV{eYKhs{N#@~ee|CZVxeI+N*C%<;>Cbj>eg#W&}7*Y};1oTsTs3Ics zETalVjzZ(C&f#h&S5uw?NKB)_MIHeQJ^tB0NK_w4`7;W+0DbSzc^i;5(obFQP}vxE z18M16*kVc3^P@(m-f|k=e!HwN?ihuhaB1#AgG1;lZBf?s&5fai>_2xdAqw+GmHZ|Mz#yu4m*!cAyCC-* z)ml};>CE<6>%gjd!5p53IZ{d4XkR;ozP|IF)>AWfD(c^|=Kty&k<))elt0W3KmQ}O zvM>C49Q&D_Yw#~An7JN-ii45*n9V8gAyNMpF09MYQo{=M zM@q_uUWyS}RRVrEY2TiGBPM4OW+lvb9BADw^d!hBA!Z+FC4j-ZySB28w<4Z@>WEqi z*(h(qZP2ld3>Uez6L-cL`gT*Ww)FWYsj1$pd}h^k;QJ+j!PlGLtd)o>8Tm6{*b(ST z__QIZc!FB7KWYA|5nj-M-{1Xdb)Uhn|I`-)!4`UkuK&BpF4din-Qkt`>xYg!!JE!$ zw7oWpgGfBUhR72jSkXc?bd;|@znwRg;K-9)j9*?1I-&>szm$IA+E=yLJl(e~^yq_9 zr6s)i-i#6(i9WjeYf(;zaIrCbFER1jos1nLP{o;@Og=P@WnM~jIBcdsj=#$OGiU_N z5_U_re937NLJmfQ0c_z7`Cz~VP`5XZeQ?xa8Io6Vc=q1HJgmf?d)PrI>K%?x6=Zi5 zkm_=)V>9lF#Hl^vJ9|shY1G)|ViOl{ndqm5HP9}KmQLnjLeWzg4eyG?XlTiUo!hg9 z+jDZ^F18SY=hsd`XHIzJvXtMS{I%iu*&PY54x7**(KL0}_5D-JTv*j>(^z49mc`=} zEpTMZpJ`t8x=YI18kELoxLZmv-kQqbPfoBiT|c~?FLkT>#^XlJ5VjKHf)1CY4+C?Tz8=$2Q@ z*>v%|^L9+-WzY0iriqS67Z2s&EzVV-q8%$4LwgCS!WN#ZAu!RJAlhn6Q%Cemy`nN> zSl6t_4Kw0$>rJ_=sBh`Ch16hMNx7>>Nweh3hnaYj+{c2I#{wM;8<$yAwE5GDt0C6l z0}WkI7KNPOf@dTi9x2qj02G4SXN8#l%Y)1sX|^Qk>h)+T14o@{tKBnFiwcvN+`_L5 z8r`rtZx0bFeUHR;i4Pto2Z=_Ng!Hd?$VzYVa9j!Nq4F;;xHh%k+wWrjSMbAAN;sHm z?cip-{YV_;Hleu0Rh#);H9SGmU<;>i6GGj5qyB=nm0cI{85P*BHWiCjR~QW7#^jhx z$ZpQy{{%YH?<{=dE#&;wZqj&=hHbHSxD*Q1J)ek9aZv;D&_ss27EXoees6*H*%mOj zGGaqfLg7sM>{)PmS77E36C0pQr!0%3n55}oROzyfL1OPlS|rTK!zMRF2h5=LA$|)> zXOF2cI4UH*#7E3E%Ym|8>2gIgO@Tt)%)aI~4DqQL}DF4|b}J89#( z@tFYjI-N_i8yIFJ{K%PgpI4Comqrv=d{0xTNnWb;vf%(4bXO<@pJI}WTaFLT_4j#8 zKyI9kY6&iiy}{Sa{dY%cuLbxoLn?~p(qCIYq64rbVBg)Z^J{1ctdM#uw8%r)&M~}? zyftU$(crIbkiLo6*&w!vybcAhH1+9g3SUARmgz;gCwWF(nE4Z>pR&d zo1hU3Qoyx#mlw0Ryf=E5r5#$owtcL*ps6R6pjf*@dRFrhs$YCo>)We(A*ga51U~%c zuvoSsjOpnqbx8))xU6M6icx>}Rt1=5kH;c^&N=@o{z6B9#n(cob`XQ$=UVIadb9^h z_dY*;m&N={E+JayX6mD!s=-to`tVVyp}p*2%W-7n&Y4Y%X-$AqIu4nR z_mckbnjE0Ukyv8|1+$e8dAAfjc zi%^+Xz-@i4MpPL+Zd%N)%RS8Id5Ps;C8fgc=?Ne_hQiQJH!xL7hq((H(cav!v6Vf7 zyO4~T!5$Mhx4GKT@k>DB>>m!ZdZ!PiU?T|A@!imbR4v39@@n?+2)(9C866g=OF_1F zEy@@0T0v&+s72e#%330rdkt&bE9^bsg^u~OOkJ|4sROGDDp=ZlJj3tD#0LK|D=REW z=2%jw`z?5UUnpA*_o#} z|K^G80AKU{6JP$Dpp9Lq)sA?9D?)&tD5P`C!XP{pzVnn<}$l zy)PWIRMJSAncrQo*)8H_8E&-c3Zunk4*)q5n$nB-SmAo2Fk zXcda*=KT+dbMZ{!>=R$+0Q67Ce_){h)l2sB!@4;2#Dc)rb26iA=WKM z~^N#90W*jQ6dgXdxZpCH^$H0b~dR0WlIO5s_f8`<;w=2&= z%AI3cuMlr;p6AB-SS6oy5}Wt_BZasz>W(zr%72!3xWK;?!R7KDl^Y)=!(Y+_eeR_28{DX zWtKZh;RY`A+4o0$O7A+mN{{)dOn=VIRW)-=vC)+0<_I`As?zd|(}eOm`D>17N6B5^ ztMB%>4Ho`V9Q^StQ(M3_bL(C7>#G3k`(VJMP_HAXi?G7^Bo z7v6|8v0nj82l%Dacm8nasjK=uqpG|RV%%$08XKv*9H~=*nLrKnRPrb;jO`ZD{h|tH zkd%kmfEMm5T8r0=Rq_*6*PA)Fr3_>^HiAi{s6N%@h6iW!pbV+pp2;P$33=(@jU4bB-(M~ZU3JmRKLwc13QBm?0Lqk%$40uUkBldQK#UG(_p3G0*5Yew` z>$PB^R3wGJ;2nkUq^Jyu&5x5Wvw9nPsZnw_4up4a{olp^$oLSzPe4iv%#uc*enSY)vc(vwnX6KGxf+bl#>q+Rb_t2BH02irX7Y_2G0} z4<5srq&net&ZfY*za9k8^#k+aLUxRdr~JKrx-&crC=ED$Fje5hFB}>Z6UdN$h;tUa z`&#)+=8dU5U+>d;!Ml>P7g#^X$_Gv0b)O$ds&34`Tw`a4WRmZU zuZtmX$8{&vkj@@}piP3h0c0Oa@VJlO|K&7SZt3j)6(kwGbltb>L@l9pH48_?&1KKLG- zM?kR_k0Sx;_5z=g*%!O@O}_{^)y!pS#J}|aP@|&4-O>M9>JMH@`}LceUr`kHy48q} z0@B~NPH6f)ixC+zJw=D_IQ!avY2XSEes}jZT!vkmwXxpVE!!kSo#J{tO%MWO@xQL> zy^N^)pm%JYJ*WbP^f1|2t6D+UHvmTes|D8hhlbhUFZDoAW)SHI)z*Yn-JsTOS4^T( z!x&fU!kWt`ROgoJ65|D@KS4`}vifsVUExL3Rxx|;(`J7IKO}fT(-mTzQn8R?SghxV z1S}wtn6t!;pmM>=ibNAu{t1AxC~r>+qeg#rJFX{AnI-7C&zKM+Xm=!+_^48nW}0r zVliruX{NWyUqgK8WU}xbU%*9@R;z2{|4<>_bIrQus-TmOL&c0qcC@gqS zp5Y#{-TnCj*4Li#*aCC-DB|PzP7N1t{|HJ__liSf8b~XT>(KW1i+HOJ$^h80Kwi8H;OAwuV3v93U6~LhHCEul?Tmt8a*X7ba%0#_aDD$ z{=v+2g@-d9E@lmm7eRyyW}A|7H}BSPFc#l`nZC zKZ2<3!DQ-K|6dSHj%x^l(+l@4u%Ge!ZZHEhlX21>pGUvY2^PK`Qvh!Zw7^6PXvYiz z67zcTfzE;y2tcxw7Qytlz9~DE6>zT^hv5N&_T54STaV>+#J+(1{$&Dxm@p9@s+g9p z54CVlgDXqdP1R1_+GI#a(D3`CCAS6H&F6oo&XiTe^Q&wXIfSf+eA77*uC7J+3`~@T zvSrZaRui7Wt;_2;o1@cpkRRIK_2bqlHnhp9YozHUoqXwhMhfeyFm;aR4L{LPavasu zsMn@iSj|sIG^iFc(>~!d)Phsz`sb##mB=?^0QZwqz7Mb1wq-6h@F{uEm*hkhDEa*U zd#ktpt-DKDu&mL%@yB@A$8~R8(HxAyy1wqe0F+ z#HE^r90imX70?(#)|=nT($j?rAq^pW7tscOA=bO%c^kRqqSu>~p4yE%XmYy)jWO9W z`M*lHB@ShW$s>lYr-XU@(~6Yl(4RSHC;|&A>9OM?h4o|R%LZr?{~*Gg5VQ7+f2nUn zHSt+}C9vUvS(lObxy{LX4)(Nm{~z~F=eDyqR`=Q)Tx+(9xc(g6&V6Upjv>ns97rVP zBYS5)-k`+1j!?BBiRl*+hAJ*I_@pH5nSDjwn=w=Jn0URg@*$ELZtHtaNv@y6H@0nK zHo_H9cn+IYH%rvkTy!z&<^pXIW$x4q0ADauHIF3DKMCEDL(tmcT7X?!j5uVr4CU$QSNpvM?{-d zNvY%O4~!+PABs1;L8!EE2jAD8ENW;=MANoRgr#F!F0lI-+q`dM~6*k2p>s`{LWw%fJTH z7eNgTzss-N;jy!C$0+q$%luLlp_9Udc8LxC_tw~h70kt<>b)+S5uk2nc|0G9Cd&8% z!zl}>X&PFezTIVINW*CULvb^gYg~N%!1QQD=ZH4Al>zk3w-6rOR*V1`xJ4&gJOUF( z%oQnJP!L*H`X>@wY@p8lYEwAztP7{yW#ifbuKZ!JIR}ipUi%`J_QVH8JCiifSr>)w zb$Y3&E=9T()6Wxe)ub^Jde}Tl4h^^5V(0R3F=aUaE`KAr7STz^`IXW!vSe-PL{Y%l zQ<=r{6MJP<5l3Sq>W-P6RWyV*KD4^6v<*Iqa@-$k-?fhSfW4`hTzlu^lTg>=%URMfexBgJyEoQ+BK8xYi zbJq4c4U_A@GOF$WR3LQ8JU2|qzLqN;L9f3G22a&kp3SIt4t(ql7I|=hT*I>Vs?>p0 z)SIE1>_)DU^NNu^>c^I0cE5%;Xbec^37}u9+OUs4jq{=m8x%t%+o=9ADAQ-k3-Q(^ z=Hkn}TN$=MZujVE=1<@?0Z@46Zwxna87C_}YBqm-A?ijUvp1k?I&<5R1<`neKX9AY z5-3I%LoCb$tG_+nW@XGej34+MpFaFF6&A8?emN@mKP^Diu>g_~LpfAFTRPPh)Zcjw zh~(!YC?u#uy-9k0wb+7TUkVEFebv%)+mAv&3b`6j&O|GYJSPu|__i^bX7PPZmU1O# z@dI$r)nMY7p|NBiEt|~glJ^U9=)OXkl(nV2^81`j-}Le=X%V zpVWnJo!zKq%ItRur!-*^udlhGs}1%f$i;xy9UfNQc=As}39%j}?Rc0H!^nq@U#-Ap zMPj8b7vD;dioO*i>)-14c*J|3(AHqA>m{q@qXkem#~ikb8n~9VHz=RlJCs(HkERds zD#{c5h}{E!IEKk?k@{z$81OtZIwqfm?~}8awZ)ko&sX%j$R}E7ZE^Hj6#GoLkc&l( z6?kvVb98Bksu4;*U$|z7*5LBa)4tnKn(Igh930Yjr@I#02Ya zba%cbD@1L#ScgnmaRVyW_}3ue~rY1=z#{&Xp(jKc9G@$*+KJlSy;}*Zj>ne+;`C*pT-h_bl=CaJ)dXq!&Z$`^U)T}Anas<6<$3S(77_Pmriz&5)6VlF9?Tp?S z%*?JU74xr#1v>Y=xF?As6IJveNZ-kqwj%^KYU2%jC(P8-B;gRJ(WMnJ>gm?QQV^-OFw*8KytV?|h#Wkd{)Y zfQI#L?HbbcRsqgMXpaJTXUR@X^;=KQX8Z$0iG+IRDLKi*1OB|7V{Ljlz~YF_2V1+%xOC*p^aXfXLJ zrEiByL#IJ_m*+mgCkTG+)t1gEszT&5xtqUwlH_cj2KWT>xh`ZICWIw2p*a4Jr~C(i zqutK@msD0@5!!cm!wLNWqFH#zGtU+*^Nc%-qr0tI5h)$yN-9Tvkk*|JeuxgdUoBCg8=`-^ZqBz(*FG$vH&R zb?EM~0vD4t_4h}jxwwVG`cU>EIxj6!m=$YaEr-M(1f5+3X=P!n`pMG;K)^&=1T{u6 zf`e%>-LO3a=Wn5&0XZpIh9K(Zz+PvdbJAmeLWM{0MqTz>f1Kb~Bzc#m_ZzWtV(+xm zVf~Ux{=5mtk}{v_gms^$KT0Xh?kI2Ue zYwu0zQV=*r3HsicPS3{f`yPByl_ z9-6m=^-_gO$BgOm}PH^>6an|p&b>J}=Dt>;S zNk}wV7efJ~@w0!tpVI?s zlIF7v6c~AVs&RMmzEH?{h-NSfo4+GSlapsqUB66xPPqgSUV6xQ87ApZ6=-Gw}>%#t8Aah8~UAecuNQII^C<=*s z`aZp72l zA%Ne{WYy)9fv?@N2C`7E zvBaqJ!i$Y6w$5tKV>fL9sm7C^1o)mSz87l_$LY_vnI=yu|*n^Z9>-57=6fV(;ci z|Lred?!GLEUv}LgbH>RdqG25E?GXEzfcD0MR-Bt=oPIyTBt@?$1`#C}pbu6qt~f zigPbDz{*yM;pe$=%v}tw6CdM+ak;^79qlTmc&`^k4pm3pZJks#l8*DNl-yZU)e<3+ zZ^&XihVo*Pb=KMjn!hAHb0swmsyULiMKFYB6p0yO)pvyvBBHk%9ov?|5^S2;+s zoT*cH#;tz7p7%yiHN{z3LkH88A0FyNe?v%&`R1kDirah7??(Y&%!fni8*k*f)LLDt z3JY1uS5n%cXjbbW9aQ82^a%RE`Q4o$-{RDu1TE!J8$aNH!_K0h{vWp9DyYr%dmDa& zySqCrlp@95-QC^Yy+Cn_yE~;g1&X`7yF0~-yS~}Kz5g@c!FQ0E@r;w$d5W|++Yf|qw>0eovot|zq4K1q523T z%&Lo(YVj)bC0^zk^wA)CCu#J+J9CQt)Lzb68N57;UQs&y1R5d`+T|X1F`;toX%I-; z1O$n4ju{#y0RG$YNdf1lY~X56oRJo9zBZ4=#hBcE9nJ{6`3hOxoh9t)r1eQXl^Uo* z{-vdNBeDN$67_9?1dgsp=xxag*db-4(r%dVz|0MLyhwmnaejlU;{byB?2Kx#gSS@H z8%n>ZFU^MLuwTxZRnk&j?|lD2Ifx@Dy0?4{5pP?DOUSb#-&upGv$f2XhM2QN=i{Ta zr2I$L`+b(y(<~9Ueue-`dyi@Xo&N*O-E>nohy5eJ_M8N%itpDkB?i(6# zk;TWtw;-fWaCIvFuao;3jIOV@HPq90*s>*SR+=#Vr}w~&>aSRYJOjV3gE?- z0hyG^ATYFxT0p4z8Fi`r*%$Z{e*ropociNzH9&&q#ww)73FBBKr{9{B_Moid#t^mQ zWz0455;{v~mEd7UL;jgCSC(@rpa00(a>_@J2yV2yAWavnE|jr@fmB<}_}{IWlxR4Q zNu@hd%r6>hGBQ;GE_JH6TFV}?vY8ZGRm;km<><)widd*f4B%;c%g-cZj>9Om)n_gf>iPi`v~Y9}xqXrYF9 z+*KzSA()2YXXLd{sHkT6p+s&Y3_OIX%oy2+2~_5#`#j3d zgjtPzN+&xu^@Pz0XU2lhb#b1__w8v&X}%JWA{sVtCgaPwUTYN|7V|F2g(y`2nZ@yt z3~#?y!%RK-3%J~=oxiQsDfn$g$BJf;v)jdtWMSIcb{8=tM>3>H6_tGw8J$ui8#oZc z$~mhihDp>=Gc)4>foB9841JT&7RN;D+Fbg5KK5$~!`2oe{C)W=(B|(spa!pev$@)* z>QZ#jLhzCrj7>mJTKV!gm{vgvSr2_;6LBhQHycu4752$|RXO@KD?# zP7SiYp?ol9>Z?HsKr@;L{FsO)^g^{gf0$Nk+-(>BAnOyyde)4 z+mq6wQ!Uj0@rr{O>>|;ZDxFryf+2g`hDfACt=2X#3635-yYel51rKelFv}UFF_|Y}Blp^4V$g>UQln6XsI`ipSBDU>P^|YE&l)9;PG{&oMoAWF?e8=y2s=Rl z(E73Zowk&OKRQ3T<^-n~scKV~@LJJtx`;t?%n6}(vvn$!$7p%Iq66c*vq$)AnE%Oz zvYIvdj|w>uvhI$N<90yzz8!U}xco)Azma(V1$3%8K2i1=WLXPX|u(Le;Fc*-f{d;=|VdQt`X7kY@v;hzYnJq09 z&Yb~zkg#er1(x-qXjf2QeTB_hVBQ&l^BzeUaz z{`rWg@b}BCkA$b^kHF^r$W7>gDyly;aK?qU{18as_SFREe$gF3tLdx{qe3;m6F)mb z=+o88(1=D1_*#jOSg~`n8<^J)X3>?#@X=EQhiO{x49arih^+Y0(M=@~0jIAb?2A5x zt#qaFD>j)bV^oQQC?WAVKhXeAbF!+q@$vTwbFlnXIonh`Go8xEg}7g?guZvGL1d}D zk|bKYppa`Z!%}rU8zW>Vs2i(PTXnS)~gICBrI1(inscjYPma&mi; z8Od^g3p4n7IBmfAHP3zvb^Su!82{)~34S-OC>cW^E(F&c12`P?kNsKhuZHc9k~*$5 zmSW2T%Pl;>-y5H%+aFB4Q7mtg(?~o2Dxt{FZ$k?pI+KUU#s_wCId?^w%9~Y$xgqpF zorl*N!0XE)f0i#j2d4}?NdT{r2L+r(SIhIg1iu;-ci^IWY&zYjgXzGv-#$Tt%?c>^ zIW+ReP=1O|hAx0mkkxSv#dKy`n?i-ceW<$tk1^sh0pV6%Saxpuv>Kcy$RR`s_BSIj ztlZ5$-gU+gXsRe@UOKh~PQD|2Cv+EkrPKUj1iclTa>`Z*Dn5S=qxbjrZ(L5I`Muw? zD#_s4KD-uot&rp2o9oB=fUAGM`L`L?6O3I5wWXsjJxbfD8b*Mffv1wvly=)cEnl4X+sabIh+R2o^1K8z!H+7n`@EL&NR%ygqAZ4FJN+m!Fu#+!vq zI2@zec6E&z_|hUwh>BE;iDn|?{kLT@GR;v?`5A*0lfTwu6wEB)FY!1;KpzC+BUY z5Yj>Z5aA_@LMMhN^oGuZ#e_NFD3;joU4sAVp7ed`S>Q^E(-b4&bna>1Ho2r({l^-) zGFd>V zGNu^cKv_I3zdp+o7F|bChodff5%PS;`C;nhM%>jh6tuLa7KZla#POr)EpC0x_w13r zxE%PUd$ccN%o^n(W8VNYj=6BRZ2C{!&XVhSMQs@_g|G8^^UW34@t?CQwCRW$)5VgQ zB6T5QMDFwCNOM01~?e)=Ch=*))9pI6@I{EKD}4PmA(OeuePoyo=e9ag`c z-A{H%q}TLT;k@@GeTD9)Z2yPH*VNY#^WRsTCe?5^gV7q~nXl4UQ-@=yGp#{0Eq+UbR^mSkbLm<-3{9%Ey&o-!C<)JSjYCljpr+cw*+_oX^ z!qbwA&Z?_;W+mm>To6u`3Rdv(dki#_MZ^H(wjx(1X7^C))WFx z;=`hkZ*Ts$&jydDlWkh4e>NI?WXwJHgOaFQw}-_8Hs9l8-v<02diF{KU%&&1y}#SoOd7n5 z*4^_R&KA|eJeEsgS3ZbV$Ka5O>VcO&(S`Tz2@6kv#Pm`os-z^qilW*@ayvM88+Au3 zI>_@9A-3#+6p+?TfPxLCPAov8y;AT-uJz%OvzL<9rJsuJmfBh)=~afOYYBD@6ai{OoB^Iii>L z|KWA~_6og5Vmd#tQ!RA(XDM340`y|zZYY5RedfbZYX^>vvSI>~+O1Z!2h^yxtU}ZA zX{Eq7(|dF$lUbCqJR+Lq@@+EfGBp$&zRkecKvXhrUBm!Hl01594LAGRb0sW|jEkU? zmH_WHMal(_Q~OL41c2E`iRjrXk{w?=-Xg23o^;3k}f^%6OC;$p6$l!)=@kHRrqK=M5`ypI3a`4k1nmM5W4v(PegeTrh0VKcYh}ib` zX#@Ym6aUAb7A>+I_i+^$g-|k?wA}Y9ofRU-^nUQ#wsI=-e`&S;XgvQ-Yg)h}w=?MP zQA1rjY9~td|G@L-G-l3NBX_t}>!5`|@Q()sBuRQ(Z`>`k zTA|=MgfK@j{#1{5H0fd++EF|J5fXv1<4|-g>8ax*3#B-x-nq%Gj1aLTd0D6`8KmR@ zH&61-77Jd>27|iUl?Kz&@H+=&*NcvI$7|o9{_~&rS%=r>&WBk6#+Gcp!E_SN|L$cb zPOyv0ci&&&>&~XWD$fq)*Iz>A2g9Uk1$u9m%Fmw&&LGGd?)LHtz(MfqMNly0Um$SC zTGJMF0Jj%`R>Y7GJ~aEhr?Umdyz_U0*I!Run&e9~Lp`$7Z$`Xs=#Kh#bTRl=sSsse z*k!OR))7Lk9^%>DjimxLhiSsM{g{b}vSf;urTPFHj zPPPn5{Kfa+1&q({Pw|PlZB^`l-B^2)DewW?BUT4S=EQPOb>r2Q{D+hIgX6==(OXCG z`Wia9qXCIkV91!T!v{S>tU4NEMD|x_Sse6_8-3!l^IP|jFdMgE!4N_w{Lzo7jihUu z7RVOG>RaZUkVm8CV~@|1cn!rm?qRh(AO4DYmcfL?{_6J&36uXO<2W6!5;!(N#oMR?A)!y#xE=0i zx92rKn!q`HCPla&<4EjMwFEgzCjvCqcT*44lqTaVs}<81I=)WnmUHnhu-EjOo57c~ znh!RFEgoe2%O`w1`Pjf0r}O2AhufdgYjKv)P~s_JTb|f!(Z>n{(Slv$#Cgm5R9sU> zI4+7S@d9pa#{%LB^E?}sI!L>$af7XGHC)EZ8+iR?2nx4!ggIQn@g+vU5-G#cEZ1Bf zoLED+j%%?1o&h-Uu4sUZ?4GgYRD!zgsG+Fs_B%w2sprcPYY12z{vqnSe)^O`bc!*0 z62T$TI5!gwR-aeo(NrS6lO*3}AkT$WcHT@<}V@EYJavDkkLCpEQYsqE2F=4W03qMV}GquodQZie;q9`Bf(T$BhRs+t=@_@Z90n=aMzIoeos#%6et!Aadn_cL;nWA@`n>u8pW0gC@=nUB#|w^Z zQN-mQzIovW)A|HHVpGGm2B(9W9P8pf72pFD`wJPKf$UH{oubj1Hd752G7;tpp`tLu zSnH8vA;oyPY$1C&Do7SyqNkN9VnrJ((9>l0)Vz@9H1&llI?7DROiRs6Pi~r-I`G+q zTdG{3rsSCV`OB!1L94M;X^&&~p`4nNEHyjWRyJm6O81#QSLC16-T-)5C=6QE*$1$UC(zM!5g7z<3wT6?|BpfBzcBY`+S_gaAkYSpr)KV6WNSlB z6VUzg&o2xto|i*A7CFib|DP9NZ&|N(7O@V?SL=_3y21d0ofJ!LzTtV3itAXtjAj`0 zqfM*3|C}me0~=ah*;a8`D7g$ou%@oiGdj~ChkC*rr#p|vax5LShI2dYnYX~4AwNED zgsGx7MKug#6v$j?I9*vdV60(du&yVtBEgZqY0$fmqQ*-!ELlIE&I^6<5opVn>=*l$ zE1O`IOKW6q{Dg2cu&A$snsthav-S_9vMDG zwotODv)vjDDxIc)Wy|wDNVV`#ZqNf}$`)xj44 zH>0(-8lFJ_{3KjhWXmsRw46irrv$uAiLJ0+y|)nj`q55SOmOeZx>`IBpR-51+nHyH5QfEE!g2Pc511BHg-0khaxS%bFFFGK~_zUSRsO1Jdm+8b?w zE>dQfmxs&7fL&1}zQe2TSPG0n;EN#QyTvwP_3OHa{{y9Udm|tHP<(ka8PKPO{HMl! zG$Q-g$cD8xSBP>jhP@ojm%_Ohpr&Rp2iEMXLnWi^=T-%*Tk>Op0|kTI6>U%-hx(1n zSakK27Se}Z+bPP#R5l>_;ZjDA=xT9Qj>eX8 zQ_?VuQ}1_iq^*eV#z3={BfiFiYpjz0KR!92_v44L!3~}mtC!2hj*G)r)UtLgDBwBL zrnXZ=tJQ9S7N$m0TiiI8jC#qF)c6Tb(da7Cz5wS}QPyVyU&Owh$6!aDasCdQ z`~8BblG2ff$3LCUpIJFnnRF@}21=1Yc}6T}T9#K?Y=&^o>*e<9p+t5}GwJThxWane zjZB6O1^Y_Q37=2`eom=Zp8HHxJRpdNIu&uazwBTQT+S=_zD$F2pX|c}1WY@D;a?d` zv;MjlZl&E}O9-Iwo~WU5jMB-`X3k~RPTcoK%`aEn_p$-Onb)j!1RtKskNF{hV!_(Q z1-j~LstUR=d9`SDk%5oa>OAP-J6$H*%ht0_m8Bd+{f)(czx*!m_Pf?_D0=|;yYW<2 zI}utGu&il467rZItjM9W&0B9mbZ@Tg>d5yREaJwEU@tCb2k0z%<-Yahj5R>j!2a_! zKmk7;X}*f?OLuB4`2Abi0Tlh5fnQB{onII(cs+dpNjR<<%HkALpF~al#^G>Nht_DW z1;Xm8Q4=|1uk~VbXteCpTSgmsU(Pvrvb1*lLR1DdJ>49$P^O*gm~;}l@0SVuYi(ma z;N+T7G9pN|5>V*|tEHIPNB6YuSnse=hRQ=Wiwt7Y-;~kuP-;K&gVMCo#Gi06sr#?~ zIDhyoUtakZas-xE5l9q;U7Wef^&Q3D(lwbD1^U-#{&4Cd(ZR_}CZr#$AWYtX;E+J@ z>{~pcn%a@y89J0PBw=X*v{ZBOXcU0X&c?MCSKhoR?>9IPhTT6Dn)xha12*qJBf?93 z@3w@`GqeSXb}l@{0u%MTWsn$USw19j7tWO9K?;@b1C+fE*BL07l^{VoWCG$)+4_Ft z0w0D=fg`;IXmtg{&cN_)_{?z5N3{}^!ruC~fgI_LT)wI!w1B3LybpY2;q#fbKlqRN ztWClp1@#S>O}R8of6h%ZZeJ)K3|q7+%eAdb9>E(^!l$EkglB-)!Ok?f3pj0}On{xg zg!6_;Pz};4unHzAc&V~&fEWe*#Gh$f#`DAVft_OtlX^&>VIvJ!ngEgY~;3SE}HOWn}9b` z(PI&>CQLyiKWqTb*h>$b8#p57ngW42`2J#c^Y{1DcCRF=VLh6M^h_<$oMZ{Go*=$q zLA;JZ#uukqv;cBg;(*hHkVhcCM?01wGUYT@&5%i(Z=u8KRfGN+)nMzS zv2UPiTE{@Iic5I45C9Mvy?&bI5$@4tWwj_8BWoJ3G+!qtHKop$11gxWzO(cqMdaoS zL&_Y=P(Iu$R`_M6W-?#W)v;-!;i8OqoiKFGNgg**v{uQ zbm5cObI>bBN4F#oLeNqD(bB%hUC}08tj6g}BQI11=jwAQvY86XS2o&FeEj9+Up|(YHPc2mt%Ogs}d))MuPbG(YFu=Ee&r~U)U%x;URJI#Z0zrZVF!p2*H;NU618BV@kBeq z7QKk^oJyI>$G7UrC-qzubG-2eDEL3DS9|aMwY$`4QzGbSdXDFU$7eBZ@({Gm!mD7H z#EH>&tlqzJ=kyk;I)6aLRe3URM=I}*9`Nq(HZskqNS1Td7WuqMCP3cike1YhBrAv9 zG$ID0ef^j3cVlRf#eV&KU!Xu4MEGaa;bw~do{!MoKQ-bMa#Cwm7aHAVc|wByx<1hk z=C)eIf9Y!QX3{?P)kn?>is+~-3Pb>Yc{;~2+Bc0s0yW-{W9Gc>_v=HK{o9823@r{& z0iQM?&`@&RMLlFaU&ayi7m3+b;odwhQzeTGW08H^qA_T2ahCf z)fB=E=93)Gn_*B6h$g6csS{~Imc-2+nDRGDjCMUU3OA^)&jt0UXXNzT&EMuU_-l~s z7b^1OSC%9y8L?HL7uX=(`|ul2N(zUuSd7D0GJWnkJ=POIp(dRnMd7LgMwf6uDp*yjOL47rS5*X0gew@y3O!{I37K3XNTXd zBFJ#rr{}Pu^#L;WdrM#Mre|VeOM>A&c=j{NKv>|@f|3Jmry5E|=G<#xx5}5_9Sh7z zlih^`5AMB)pCPwaeXO^LHaEWHyVkCRD4KkY*@7bLV6`m^w?FqH_rgKRhD5_@={xH{ z7FgM-M5=Atg_V}u|8U>X1X(G^Jj<#ftw(}WXG4SDjdtrcvJ-QBgcdoVe2>9+6!yEy zjt?X_QPFIbxJPz;VqCM3#kGTJC%aC*S8>#QP@*XD^-+QME+UN7Gkhb)&sGPWqnyUm zcQOreQi!Rq=H1Ts1~In%RtmKzIe`?TlO)=1?+1B|zUe7vL*U z^W1xe6JRym-S#xv(!B))7OqH(dO+AX4k`KYmxw0ON&Tf}mseP$2-;<8?ms}U?-*r#>#Rdxc9%<6%0f8dk=3WVbJ*Qt0Ehq{a`8hz}2OUACN&nb=T=p zhK}MsT2Gwe?)HnP@t4@38 zg1@`hVr*Q3V-)=D1)q^sXa@IP_QnWoX~^kZrw@$tMUNnM-=?867@m+9eO>*Gj<#V* zykCZ6Aw2&ML5AbL_KsZ;1q@Rkb_nnlJioFz_&g8v;=Oi?2tL=?e`hYoF$%ga=^QC` zN^4(ivYN?ig6lwI|NH(V^S3-0IV7N{cZJ>W4jb0oje#Sf1zJ|R(Jq1Z5=)|@98*ZU z)20>{;q0Euu)sIU+mf=NS}UdhoKT;W%jFhe_H@K#Uohd!yutnB{C)bH}Ag zT*J8(8+sPFfzhOf=(?vvhLb${?8*8`K#eYU1aD9-D>v;$>T6iULiC8u#@$_~=cEtN zW`AnNt=%%7?dQ-BU5ilyKADH&{;6v46G`$>D)6iAoZeLa*OxE>+wa=?PtnoGh8$fz z-|Tk=E_URehUUAz*%cRydj~at#pL&ZXzj%LD$r4LSHjN zFMO2Z?^epPbZwlH&5@#nd^0ClU6*@gxs2A9*1|{ulT|A*qZ$5Rg=pF2@mX&?WUo&8 zFGhZ?${4btRteP}A6>L|F5{Nsm7SmsYBbDUKaIzb#o&}OB&j)R_9Un2Na#coFkbwS1FU~**q)Z2;ebt`ed1}%gXBS4lDfh{NoY)`PnP^wC_B?Epe->~{4^t%YD zPKQRZ%K7Vqn%ETfy>(UfsiJ#-FRh8VNSEh@GD6WB9ZJ=>WIo^i?6&b-lWgC9n-r{Q zTM-R6GDz>AuVbihy@(w^cS{KQxD6G_27$u?9)|g+w7t2kN?upi3Mz2^i>CxRgk>V_ z<#!4y{Pd?H`Jf%uuH4Q)>!Hhg^C+BUapre0Eyqx3F+6X%P@l% z0{>{o-x3p*A~sw)P_CBrwiMqVZVTSKrl&6Z$S&1}n1S>y%68M!g;VWYcdi&ePIn=k z(GF6G1T4lR;36b};G9C{7*K*8^j)QN%*yTNB)%ZYgNPHrHF-T8t1U zvkH`%@XdoJn=|x(`1i_)kSPtWF$a`XCz7gL7+N=wkbt(rB<5IlE@=hI zzJ=*OkpYKpKK&}Vtk=Xjw^LKL57`D^-`6$)&x=2P+mxNJgbu#5oy7{u;q{zI@vLZ5 z-8J=duk}|8*3NfqK?n7`4-Qv8-K}@lB?Ff=H@hdA53SNq{Pd5+OYTtSG$k5g9B9--e2XevsTGz&Zt_7b;;^zu+Pygq zNW9_+U$Gkx0t?H$Ch>szPeRJ4H+RLP!V}l9C6cW1)fG|X_84@eFT=2Ji75@Fq!x4#_N-^)e;GU2MI<~r<4#J?XUW9a(}B#Pt+`DmjLZjod#Iv&?Ji! z@_U2n|39lf-jh&p^FPSnkVWEStD|5va1-5JxCFm2rAjengAnwbt?1SItc-$UGQ82J zw)<3qx?eJ)ixR#RF?1l#!Ye2L%|dA zp&yb;1AB+%Z~}J~>j`9pCsJP?3|Kd8pz!o16UJVr%&;rU^M(@B^`X)9oe<1-sW{&_ zeo#h9XYOIDK+gPbzKHq=WBIAQ(c^{~7D(A#MlrmopDj&bxohEF{S@l+` z1I{y=iJNRts_AvxtX6Q5De`h%a z-<{|_9CJU6{MyqFv2Z!&`U1$0$8fFk4zI`nr*_p{^5Brq zTn6+AdoqMmaEz#F_XMJjwbaRLsO`mPhQ(rkxK@!mr(8o6Mg(%u`hyV_=VKr6|KgkR7k*RD=G= zHF8$wv+XRkO##?=3>$r=mC`7J2#N6dhdxPhPzA$&HO-NU(x!Z%nwrQD2w@YH$=J;A z!KtuvMkP5Y+_|b+*b+JP{hB*eOvNyhixq~nCTlQyl`A6b=q7AjU3QN&)>X36;EzVP z$p=Df+$YBTltnl6h+&53DQq+|D&TK+(`eC^cZVw5Ks8L^c{yQ`JMO5kdEPiq6##F= z47&8051`8!3RV=yTwew00K%k@v zr(elO-vwr%qK~3^vs6~m_z%y9KoAUOQpQwKI7C2+T8qJY9>zCG-IX?WIEYOtrqQ{~!Au3C7k`(ikaC1302s8Q$LQsqVGc*=F-l;51w>1U=>nM`W4~<1 zlsQchV6c&NP0eOZHI#%}^P0?&a3b_`kv< z&tucOLoOn)4Tm8vVBFCNWHA~EUYZTd!TaMH`wv7;TK6u!P+`E*IFr`z8)E+^DE^qa z#D_i~?!G;TGGVPSK4Ni)DKyRay^Qx=wCLl5Io;iFrd^V_esEhH#5~zo_AU(G!R5S;WESX0|m_VDo~I71a=mPRL6v&kHac4ze4<8 z5Mr5My_0p^L=KG?SO#5ecY3}P4(RLGiHBA|S^p15{|Bg*hgkkce1zp0t)edfO3ar# zqzXebAYp$E`sP@c>kRGtS6taDOc@mN*_&M5o-C@QIBq!T-gV9~+O!m@a$d6=n?2<3 zh-{B>s{|&bj0bls17xZ*T;HA(h7{#qJ?2F#=e1hmJ-8K4DrK52&PK^9ya`WqYNfIC zbz2>$$T-DavZt#+Y(QB+uO)=vXP9S@rAW)H+xVJ!wVg|yOS@3dGh{Qi4XU~ zJaw#sMz@0UL#l~J#-JZ6q5?58(@y|2qm z)QT3PN5=jc8!j-E0qNMXhx_yds;kj`oalE-)m3c0@hkpwpdQdF_wrIYrd=twnX$EIbZhBjV>UXK%Ht)aafjOD9K|Wr@wJQ2;ACbC4v4EbuI(6?h;ZriW zQHs%rllTn2(0AWe%UiUuHB##r2(*(%jQlyW(VLwir;Lq)CKOmVB>aJb8hsbtRUfKK zc864s-fw5%X1XfX4G-oEeV=1EBT7GR7#?oy*Ih;cJW9BB?*1T$6+P#Air`>@ia18! z&*RU={f)p=BPmo~i?*5uy)kj)UO`>u^s@SOT^@2o=m%yYHE6Z|SP?&rl}+T>se<|? z0XtX!3}_)Xgfb=jp9}Pom4`LP7>VmmufxA~4wSrIVVL>|knyG6&{}CL2%53`{lw0) z7h35v>M{nPf0G(`+P>wBfm~iOHRoMpc+mGv zKFHAp!epaZ$1HfDx$ z_VPiTGaHu^3f1LEWRkx2_-uN=cS0Fj-rsqBz-`lqjcU$;DNZ}cvIsZ8$5CK}oKhuJ zObj)OEZExiBu!xQYD{B4`*wUnzuX#vybGjC zrIDfJJ=q?{_-)QM=T+%LV&`{yzj=Fc-w6*8K%J`?mcB2i@uqPn;`;o2lUBu;!xFef zxE>r23_+hUkn*Bed-`;2TYS-+$U1a|-qjU#Nt|O-xNrPNa)Vb^0c8u66zwI+1Cjp5 zPLAWoKKd7u=K(&Tq#Pe9+~GuB5r2WqHjccsexef64ucU%h}yXT+7AP?a$Gk~lazfi zD8pOLT^T5UuC&iNOTYq0H^K=Z<*@gB&s2KmiIavsoSXMQWqiNro_19vV_Sdv;#f`Q z^1oVlAVX)i9!MD3d+dBXW=!^rQ%`@~hX-~^%ZHW=vgkpIh3%r#%m}*#Vh%*3<@DRh zMwd6nJy;n8d-OWKX5|Oy)G}sz8+Fq{Jf-Weh8_a_^i$viINw4f>~+0B_9I;3FD#AJ zf@ksm`F&RM?zRIkPg$|$@inENxO}ikn~yt9>$0Jir-k)H)#v9~^`JkG$L?~2jYaQH zrBRqBbeH=Kf}@YS+A&a%44BXzmh#yIC%cig4>I?d z!ZRGD29DInzgN~p&X`;lBSY?TlfN_}4UMQ8QEfG;@b&BWL(XMbopFuNAg&J3ENi$5 zLP>(f*Qj)}3pgi(W{0M-eqWoi25=6}ijwj4n}W9|3bD!4_taNaGlLETta3&?N{C>$ zW)s1a#GOV>O%66zkPMGsX;C|#elBbL$y0ms;B3A8Huk@wZVwh04_@d`RSoh*>H4vG zVU5pV7nnf^0DEiRobwK%aEmg)oF{o&V@egW+JH*0ug_$X2t)G6PzDDg0PeZ9&z>%A z{HGoSXgV4FUOQ#P`73QjV=SMKh^`Kd2rnDfSXJ3`=-&W()t5QcJ4iU#7Bh6I5emIU z#+J=fZQgd>YfJFI=(DT^%Ue`>cV=b*Vs?)efH&vJXs`kV(KCylzL!iTke*50; zeM99fQ~*s^QB)a^1LnJSP;&K!hHQbFffgn$rh$*5khZV;bcgUD zq<1Z-+8`Y$f$wp}qpc;p>3tcn^%=0>0jMwm0c@XmwXbbV5>b(+wwF`pq>(!e#)eER zSFe}@9%NM<9m{MtSvx$W|4tr{KbO?OYs(Be8NW%GyVUp?-=9D)Yf&2H-=)st&uWhf zw#wmsnIjuW;2(d(18lQZ<|%A60Pz2&U3v7=v3;{$1MT0Qa&w;=O>bftAORuA8d-r` z`2N|!@1Q%j^I6XU-#_G$ZOHzHwU!?YtJcPwex4L_1kbayyh942K|S&Y+{+1oww`l5 z_pUlOX}+jV;LIAa7mNFprV||Y5zM$eZDT2&##yoy7hrC zx2T@VhY&5@+`!?kxRh%M?21XX#)aEYmMB6D^05*7gGHd$r+=>3jzS+ z1LNPF<8plv1xEclI02S>5OIeqeH2nHZmdcd)Qba}1}iM{8jbg3@LHYtDEE>I;NaB< z3xaxzTtwIwFa=f;jM3e~joe+TdiM&|+!j4s)UV9RMy63p38k8!>3*y_Z5X$xE|e8L+ba$NJ8M%Rfor#z;n24FJgMnqbP%MMM$G~jY%Uqv!n{Y~J@#n#2x% zT1X*;>`DO{0$s7T3OjR+{UT_plkCqt)O+^x?y6AWxZP2}`q>+GoD->A+8M0)cf*9Z z(oF)3%h>|WVoTn>0Vh#P;iXx5#=bMD86}jGyBtv5jUd^Bmo#cb8|OGdt)DPU_}ym- zxm+ti$!CHv=tnkG@E`4Q-!ut|0^g&E#esaSwQXM*BipsQ--&{mz7G+oysS?wG8r>d z!+Z{Rx1T!pJCW~wXmlt3kAD6KHY22i8(xu6AB0;`7nn*7|Fg%br^?i~ejUcwNCW?^ z-HqcSxVdRlf7WHx>Y)QWVcAe3*?jw_U9;Z6=rcm6WR9IuAsi?q*-y6N`*x~jC93;Z z>}C0y&0u_;M=;Va*W3hucsRmz!fC=&NdZ>;3@_&ty?-JZTJJ&N^+a?y7NE&vnL0`6 z>*NcZ5??%0Q1EY`AXqqX5XLp=+}Delvz^=W8sSnb2tbgX);=DQoLfA)`ZD|y z$y4UYjz31oNW_(Un2f(S(xAJM^2KJ(jVFf)3eAA1_Rmz9nTln$Q*@5W)Wzq!=o>(X5RKHPL$g7Gu_?A~1J(oN)~`gP|g3}S0W z??h3Avugu(RKFdSUx}O;#1u=onP7cdpP$&NM&DcM63;#?wx6O9atT4gLa|hqn7xZY zWAl5I7Rncivs6QAbNe^5jojBwyBIb%f-(yo-H&C5wl=l-cZ=<_0ULhE4?<$Fvap}* zhreZ5Q}QvVic1zJuV2C7uYV8;ZNlHrwHR~_zwkYwpKeQIVSOo=VccXv$-W4(j^Su9pn%TVcbaCDL z*-XDdhSN)ur~f9g*ztzfLMF=cYYtiSEW_^5XVa|bqKv%8pDcbPH8>LbiCZ}NiRi3` zNwqULC%Ueu~cov z8Fg3*G&yo`nwwAXt_IPHNs6Mo`OG=?AgM=KhAh9AKJT1U*MxeScawy-yS$*lPwr&C ztvYsE^z4I0qBWVRU(SLy&MO|p?jM1zpE(aNupRf%Kw(SnMF#2oVMO7d*a(MD-7T=J zMbrJ-C8a`KDp0?{EO7um4pnJ***)T9BuAqEqP-|3-!E7Hr^QM_1>^(-Ej|40-#nq7 z*5MB4@kQN5#9$`H+BiTO>9Sv$b(s;T9iqAs`U~;+!f1&qD1aF({k&ukS0u7X8 z2Qp^56OShp>N7&d(Q~YEgFzcN>b7RJ?g|8#%n4YM+L2$!oNBSd{CX3ZmE~AV`b*)S zj2Xw&iIxlU)#5Sw^>8OIols4E{%NN(`|V=BvnYho>zpUlZ=W>4kZapfihvr z=(ebz$x5{zWeLKkLP|7V0qOHxQ}kC8BkX9Ti&A>a)=#{>WDO z-A!Q(Nbn!%QrQpY<$WoJ_pj%u11|sa{V^HZLHW(>*ngW)<8)N0%tdr~*UGBcOa-j9 zknSaZFy38ygmtl*-X}jU65sn!(}Af+07Z82y$Y_hGlB~dY-v(@7mUggfI)87SLY+9 zsRW6N@EN-i3eGKxO^eQYONo54r|~|#OD8j_Fu)$(L%76W&JE=Qul*bwi7J z;jq-|pv-(emD@QAhb5TNH-9l_P9zW_9eRLfQ34fzDr>sUNV<_=lw$kkzC*Z%3=n#$ zN})D!cFAojFAQdi&X}o&p{@r)P7bxMI*w>b-eO3L-S$tlEg>gw<7RCFLeZ?-1Z{H- z{g9D5!nP=h4nsqAH}ls^YdVVhj$gO~9BU0$TKJwGf`!)!wiFoC$!8iOwQ{^kio4T3 zBo_+fu4wmuv*&7u5sb!_Mg6ufXJIXo2+ea);8Q$u>#TVw%(mB`X{s*~^he0A$6U)c zDSJ|62Aa!2nG(0neL92Djts6R{yK>pTvJvVZLWxdoX#YBj3Ma2ynhTYthEzzK&j@s zfb?L0^=D9c4o5}{R9*j2`Bu^=gH@pl5X1LI41;jkIi>ETDhk>?8^i;|Je378bCxwZ zrbf;>Z(!h*7a`~x+J7Q2I&szkdX%I4r!#jLtsFdcTP73sbg3G+mSx|R}T>yI;6RTsg45wt&IPd(PRAIwppdXYD3D){+xkd`0gEM zKTR*awKH?Cw{dpIiju{5o-1Q5UU5eIu5aVlDWh(RT*QV|`zecQH)Sfff2@Caj!y9C z6#c%v@5#Qavsmi>VT9PtAyDwC4w?JI{TtQy>2;K(aMtZB3C_i#iJ!jy9-^s<%M_8` zMX(z=`T22YTpfz8xDBV?%X%9VcUDHlUubCaJp$V_&Z@S@)+AxaA{>i3Yh;ZEi;nV4 z$_eklV$d+l4Hm>$S{HQC*XFRZs5KQk_ zZs&b}U_tY_?QgTF=Yb!eGkRsdeLq*k6nCpB$knxovE8_f&xB^?vtK?QHFAw5-l|R)@Hm=zk30>AQAv0g*5s>Jtzcmb7%$ z{U`Vt49rU?gw1|D{a|$KK&Qn)>wG;)4yPyT&y+j&~;uqY8Utg6knjD*-*J#PH*nwobo7PTG z+AsA!cAz^Io`>&ZLEFbNRiaN+Emw_JokxKqMZ_0fC;rGd(AHq=U&9S#kry8tWh~FO z%96>M8q<*BO;jV=(+mmkTWzL)=cKg|4Q41E3P=uHiHl+6D0gtO;tlixFWavL(75%dpqB+6uMze?2t_w)#LN7b)UdLO7c zJXBGFa15*~WFdOlx}@py2mo}vO68HyV@;>-Ot|5-&mn&|KKt43~fPS+mz zm1}L;ml#ougL0X~!KkuhzukMbMd6ivKl^|SBV~qtB7htn$JKYe=!Z@e?C-7UZU$eh z+32i9qwD{=Ll%+P_bey6C&9TU8>zENt@wsv)^(A@iiZ}~>b86!HM=N;PJj19e%p5D z7R{bPaCM>A9$0{19AHv)OZ(3y7i`*Q5Kw!&@Ij)sAbS@+r-@1l)&wFCH*V>h?DMw5^oCN_g>F?R=_{T+0iUudk;Z0G~B8?8AkaT1I z2n5wsdCB<2H+;u-V^l?IpiDB2C!2ASQi2o4PxRM?fOiOw53PBA4?kn+%jDo6wJqxK zd=6{b2Sg|GJ}>O7dt)ChYL5$I8Tn5O$zbKgZ6~3HjMN7?tcJ&z%RX1{F4i+@->2SJ zmQ-2>Np1Zo|L-Q6)f9am+k49E|$J-LS51*LC4gG|JGsrcs?x4 z0W8pblI5`dDrKh$luF7DY+%qraG`0LZ1$;=s>JuOvie)N*BS|mqzwuy zWR?32_uxiV@?51k^2Bsq=81Zuib`e|N~G$@|FIX3&W7sGBm}G5geiBWpiJ}VfhrWn z0mx+J1`VbnHLE~5alh7XuumpkDJMnBN4l0*99UtWnW`m#JT`GD6Swt7Yo+$|y-e2I zoJlZ=qyeOzZlcl)s4XIHDf& zN8Z3%w;H8B|GdKSDn9GhO)C;#LNEed-;XrFNZxq$w>+DD8Vd1@v$r5rI5oh&%>O`V zRhMvVSqS)C`DdMxkas|=%#zW~F|p8jewC5e!wPE91}91v=6Z=@;lV3D4G!FDYj725 zx5>S8ktZ*HDP*^t3ce!mHcE*})-nM!>N*Zb7NQ}9e2=kxk)LBWBobc=4JEr}M#+2! zPY^e_nOqhZ|lzPfmaW;+4gXe2|Zp|hXbP*Di+CG z0H*Eiy*8cG4G#NKy>bq4n^sIlz;(0rlftem+)MJGd#^kqFUUzzQ?Rpo13dz6=jsI# zyM)4x9lqTyWZ!ZStJjy%f8cp_h}})^Bqv7pzRD#-M^BVL9I#x)=p*NUAHmhR{d`w_ zIb-pB-2RH(AL$pv&YL?wN%yhh|4O8Xf%)Jen-lhAE>-Lw51M$J75xG^d#fvz-%5-xS2-F1Wm9Bt1->5sEmq*FQyQA0 z|9+cM;O+nne86q;2sqOvjEf?Mksg2`eAj(&*Q%s`tAQ>6SXV%w@aEDO`z>;I+YTqq ze=vy~n5cVbjH_icVnth)We?0b`+epm!XUH$i?F`pd(ce@oFQWZur5ixlxN$2(}h~v z<1FJg?A`Ip6+aAUiJUj_7MOrWEoSLAyF11m&qtKY_XR_m;_x@Kv?hp45Wa3s<)5O?B( zOIoazWhKUn+sN(v8tmBsdPbm4n0xws=|I~HO@n>pkEE-Tz{_|Ps?z5C` zdrz<7PQt=EQg*0~THqTJrO4>Dl4i9pqj3nT%KNWc?JmRW)RPOj&RZQjmTcOKK$YHt z+m~e-23SLEEuyUk$#ZmV4r8=j0`*Lc+tpM=yn8R`i%p#7=m|>tbl|AbTkw-c_VTg@ zb*HkNA{@DCc-bZKKLYauPz7yPzV7dT47F|yrr$fHS2^4Viq@n znbHvNztO&MZ5r&yGE&M1c=^D2eof532G5#DQ`r=$t0R01U!YzJ4@pQIxyG`B$Y>rd zhTUOS5q^_lmU&Qrd%7735b2Dk1NTp|=&J+k;oV5lt0lvnR*}0MCB^6SI0aI(nSpj9 ztg6b~JfA#`$Gh6Ez7K1s=UNdf&S|L#X*tT?IC!y zaLos5$_M`K1~se!(pqyBatSBpXfh45O1%MM(dYqV4RX!Fcar2OS<^9jTMnt~k@8m5 zK+hXgYGF$b3XX|XLQD{j=av4U`O8L`o1rh*Wt^gzx5mR?cxjdA$hZnqXQ#t|Aq1>N zW_nHdvRpH_rVoi;v}YGIQ{HX(fA~bf$DFF+3sOxMwgs-In3f<^8!u`opLbU!|D|iN zsXe8Q)xuG4?DbPNJB3qXYBmG_vDfr{cK(jTr~N~CwgoS+m!P7r@qAPQ1>KMk;>4TD z+fBn^fb$_lc>RQXz&IBl*3nc(hZ6W*!ykuE{(SA0#@V|N*LZ2(HkxHkhQ$^^FoR)O zmBf$Y&z32SqT8}#XDkv>>~<;G?`Cby=k3TTXAT!k1<~{wXsh*yMmk6>I8azVH0CuWEQCn zjFggg^$^J#*}eL?S@=$eN!mBl#A+2zY z_4t)OW6+T(1>^gppI(hrHD175Ur`?XU$NECtiE?!4v&2AUfPtin%5Hg6nDj-!pFfP zBHMMVU~PP_lowA{`b9@Vu8~QOU{;!_v^pb!G1zOh_IR=^G)}h38IR=PiOA{La;5zTZ(fvqWfz(Q?&z~_#2b$K*F7HwDZPibPvPogP#h{T=1d_K zVB$@n>4k|kL6TBV>k#*5kvSV9rh>0kD}w1q;?vP14?( z<=qDjjHfvYZiIunIv97Cl)7B_t#^Qx?zYyOzOI<=bg=7~=!aqy<2g~*z|HO8tqCPo z1Z6L5XddszDAA&oNjp2q!NV`>AvH3<-SETkF|(5;<#sUJGLt-fyA`0);@|H0d?!LC z_j{Q6_pp1>i}ttUmdr+zCJ9F_wM>z;1kei_wO0^KHzg>O%yuxOcoflt&hj)&4fP7o zd2;Qt0I2eywol#qtxfgmx3Bwckp8vkFEqKosWZRy%y@3S=s<%d|HAjbO=o|a7D5)) z<5_UbAcT*Nh49x&H6feo9VL!S)}~oNXL96C;WZQ6h^{^GhK{xND;&QfepKRfs890jI%EN;t4O2*Xo^X0E3Csx z@X3BCt&c*DtQUU#WR%@{d^<(o$KC}V6%^}jSYiBV0s-HKscPAR2tg*+iYTlCu}rS0 zBdzDf{lG?M_q7pUS3(eGUHVfxRElr(UxDFe!*z+kKK+P8=d~~3X%+g_o#B%rPBOMx z2I%hNLKE{@Z+wOh2HdO+S2R0&ODa}}*^B{ue+sKG=P0r8;B~%mzsh)5&W`|O_x+`X zyS2>Q5zN~wH;MV?ux5X^`p5G0_VqQmG%|0Kw2*RX;<*JC(jh#+9HBLT@z^yP&gA|Os#qTj_;fE( z^JA+$khHfhSGR}~+7Q~bx+JU$OdgZ(+EcVoETq!iy~(H0bTydwJ>)jQDzs^9DlBrs zLoTMu$qdE8Sgcd|8Vs+gI*^MW*1Vx?I;#mjRcbm_O4BWurnZx&E_yG1KkIaO$0!=! z03!tAR!h(G8FJ0McVoRUbSf0k=tP%)sf3WeLRN{&$RZytVmWXd&qzf;j?P)R2;=#s z{bj-{`A~?zbfe&W&(I%+s=MZYxkDPLBgQ>pf4ll$4IPzuzgeKwHIQD)9yuDRxZz9M(kW&C?t$ng_$!D=c<=C!q~5_h{SNArP_RA~I)ZwbiS zYOm%Ywhhv3cJwBI!}QrN=)IPjFWRUm|H9P(`BA^)={>u*!{NCpQ@B|CBdQ zodaL_W@a<=Iwd8j5!jD`wCZ)$M~ltEm#WhtQiB$n`z+z*V=J28NRTVB!PfuN0u(R( zU{u>ea`FWmyyq9_&dtqz+3?#iGt>o4>~mg_UB!5PgEdoPK16b&S>WL0ka`Q%tA1FZ ze13=(KF0vgyITSb1$L_)kkBw;%jFUl=RiR*Gej?$a!s*0=eCOV;A8*KUX?+W^PFC$ z+>#(5uPWI>m@bJ(z2qgdF%!JpKL3-`WkYj0+g8-&5rFP|iYy;kY4bzhFzV>EJ8mhI zxG+{p#~GS&a!?y9!j)`b<*O21#Ceyr(nh=X%TinLz~V;+A|6Xbsc`%c0T50Wj|GH7 z;X5%v!BN0Gs`^Ol?iyju;PK)iHcOa9rc!r|b=;BO>|cOBF*hUMaR6P7BF0*GTqLf$ zJe|tL`fb*Rb{|UrV6qmL4513r3i;?1xkh#3&z6s2dcQa(jfC$NYaRz+RJyy@!cTL@HKE{LhVpycnCq zxkKy5qVLvs$X?i?1oiiisWV|@reusEx%|R z|K7j=&^IRj@*Sqn3XCQZE@A4dxAE9RT0tPxe}%m9_j2U&!*F7NTL#*Fdxiw)UrBfU zC%n`y`$wMN)2I#}l6Q!11iaPY8=4W5y-Pq_?UiN~vZkeoV7XSpA8l@5glcp{u$7tJ zY2Z>e?-?*f#E3XlV3YhMgECQeI*blJ4sK}x>AoFq)|Hb4TMQmVr*Y=uuAJBc+ec|J z>S?!F$y2w+qC9Epd~!7Cn9f~@9KNmv`n33192I_^pWudrpRoNrsU8>ZBAMZn8wd1e z1-ie#Oux}f0RsvG^&Cd?gHZ`+A!PVWKpD^OAuK=UleI?^@eAOqtc-acs5k#w7#J#6 z!a=kzGS+$%_wp8W1pxyx)r^~)+Co5*#fjh7P^X**eod3=U+W45vKzUR$I{$fjcjkp zt*i_y4%sMcHs%rc^WP{mX3x%)&?Lr@zv(}oMGYs-(Eb{#(a(5}DmU-4!a6UEDo@5! zQWV5N8N^9EaEHxwEyjUtblW_M-Q`{+W$NxxfE%ar-)Gc;d2c9r0Ig_Iy3fR1L7{|Z zd@Itw@&1zfv$H*gSV_ErU*_mh%^hgRTj$F4tP{W0mpIEIA0>aUTJ5nNX+90V`W5=N$nHbtqbDwG^wxaj6zRA1-dH{n$?==`Xij7oJmlp0jG zu>NE{o}V7U{^wBg#uclS2L!+!s0A`bCu9Ev$b@Yr*X1lH{}Nz#wU-X1PcG_Iqw30Q z%h7jjGU&1kaqxrmi|qXgcUouc<#}PWWt}05J;Fx$>Wo>p_D}2~Ht6Tov^SH+8-}v- zh!kbLOB0^pyV#}On##CMz0U-Y0yEJpu3Rd%=iZ~aSm9Vnryn!`ViDv;fAe`~_+(Rr zUe@EWUE2JitC73oL{ASlj*Vy6J8S*&9{cVt2QMDDiTBP&#g5UU=+->bI`3(Zr-$T1 zkU4!&wv)@8>7}I8<8RC&c(c4ei|i_P0$VhDX|aumyEz~&(4sU8*ixTDFg^eJ0BF$U z^FXHT&}i>J;(gZqZ!S7KO{{D4jm0YYo!uI67CM&g|F_)`%ji0EQmzx5X`#F3M7sL} zX>X%K++b!+_o@Wq&^-XR?A6wQ-j~x-AXJum3l21XBwA9xrheOrr-Y4=^MpAs$CAO) z!fOX?FZy|I%6op4G0=ZEdj8QUO%-2P{L2kDtV^-dO;`Ycu_tfK<6=55GWT<>48fV1 zoKCybU|&G+EuTYK4BaL)tbA<7mwNVE9>N$X0IotPT?G34l)5@Pr5$!I(E%P#XmG-K zOV?-fDZ5WjDeU&dzi+hJ0cQeWc#xHY5H2%s{hik$I4M%& zG9@44gBP9+kmd6RqubUgmIr?X{97(>vp+pfA$Z=c|H$Sz7T2pw>}@H!%oI+Xq-t?v zm{)K>3{}8LnKET{k4e1moclEJf=PXwn;$K=@d}5uW}v_7_m9ci^jLBGdmNc$@(e%4 zCbj)UB8qDH0`Rb|2RQE%_gp>mh~9?X?#;0KpHG-p%TyM)9oSui&lLVEQjDX*!qVE8 zvEeZP>@{ulw@cK2b>}xL0Qc;f0tPpMT7L!;eE37PLd=|oTwk0KOLJFwdLw0t0`v!0 z5ifCdh70yVKn6K7fLZ0M=jt{5{TIB}d-p{c(FbQ_j=jx4DC#%qnGLg1(Wbbklkz0N zrVujFx%bdM*opE@cS#A5NCca7p(6hynJU{d!^+O8m<~M)`=GA z67`I_o1E%8+%U`E^R{n{d%Uo$=6OuIJwfAt^J^n9XwzktTpEiQF8{05Q%jN&|C~VF zCV~RpMPQOr@Ag_f7*X-B7v_>@a?(b6(SW+_ln@*zM6alNl#@nU!2jdP26CggS)y}2 zclIf=!z%El)B8z=Rxjm4mll^z!qZm>DG!F&TOt?um&xH;uba9){Gv0vxor;lkDd_T zj+(|V@Y+NZvuA$l?ZQpr@A)+3Z!s@W+IQ0a;BPlBm=!*;$#vq#$|zv{DOBL>ex-2z z8DSF&cTrAOQaj{2fC+CZ*n9^M(adTH~T#dRdf4i@~` z0)+ZLE1560&!w_SOvM>}CrY9318E%!mmD63pKqoxBF|6hSqz})#{mN^4tHm8r*2wp z!*-9RY`31w2+5OZZ!ytqAWghcvclt$8raa#m98E^J#nlzy zM+fjJ{>XT90-|MDu{|}mdyiCT4shV7e4Si3ih>Wy`-=>3KoDoYO}=!Cri(m3)zaun z`hIIc+D^bp`=d&wG?fEIyD9hm{Iop2K$%}mjQ}F0$vXclmG=EF%dm~8#+Vc670wE5<&i;yj(_bd4g9bY;zj_G+-^j}U)M%A*XqqFLY5_F zHD5FmNIiT>-b{*%#vkLl++gquA)G+dqvomgBz3fYFzzB|EF+;=#+KddZQ9DB(k|D#mQ(E ze+z?l$zL#IFPJwKg~u_gdJS+q%gb%*ZbgR`nvHyGX|pklBzYoHCVL4eKXjqPw7T~! z07z)F|Jff8(Z9O>WMz}3E*XL-iJAK8l>8+n*K|-6E2#OL@hgk zgAu4)`nL~7+{(;^J~XR z@r+##Ke4szXnRgpugWvhZ~ z9>N@u_CG86e;Cr2b@KmY4qV)U#quzAlP2$>xqB4RTj_3vY~<{?Kj|(!;IqMmv^^A@ z@ue_)0KnXYYkS}tY*c9zmf@Q&vg#&?K|v} z{M5)QPAN=EIqV=Jl#NDclROR9`y*WDkQ;{-u`GjrTW2ds>ZO$=n;j@FQjdnQ=&j{u zYtx+>f}wUSTiOFGMIVk1;mG7)=L(Ega)4)ktC;k`h2Y9PBARP`rI7acxkhfzYkl0% z$K+#9)0}m()bR9%BFabXM(R3CzzP33sB?YLzs2jJ91H|9DE<{&dAVs!AKmfYe0PV;1@Uqc888Ue#A;8QW{^;9G|^zXyZscmso!Pyr)^gJ zYWd@qcjsr)461G9ov4<*K2q;INg)EQrWs$smGk#vqTa zqGtBzQdL38vbpOc8)vHlHirIYD{pI8q9>9|NWnmLWlzFucv(E#YCx-*s!*WHMsqv| z*MRg3S-TMn`QFLh0uOLX@-)|MaQhDSxX0d|ujl{0D%Jf(Tq-)r31+$6EGF#JIaxKO zPwG=lWJA>B0Wa*Y=;byx)5w8t|H_SDtqNeQ6?xx>WGqhwyr#3lh2E13BU`GxrL%tp zWD-@7a@w(8xmq~YV_&_ZD`dZA1-;)Mi}^e^BTqx=^is?QCTT(HL)|P&AExIr|5E2D zD@dQU(Ho%uUG~`&tM%JLUxr9!yh|HK=x`M~HlB*-@(iMR&8BwD4(>;0WTPi7A$tEOh7N9s z#i9%g3Ur*XF=l_Hv?^-ah^E}GMGx-e;2phEsx>m#alwY9=*>l44#`R=OjZPcMJ`nc z_`psk$M(77Bxo4xRaEa~U7IjM0+RS=PJ!l_WOG1@MA#5PfD99e8tgWRVZ#bf<=MiR zAkyb_Z8aBU-8NqWO=!Wp^x^wn8@W|!BR70trx(ECfR+9UWJuykdOeGy#QyGcBX_^1 z5E4XgX9W!L$g9SOv7B^xY)=6lzjL$iHyYRdF80RSME?>zx74rDk&x#9R;->NPoo9& z?j=S39%5o9tsjDG9)Bm+u0u13ih4u=Sg@0FVUf|kt`rs?vioWD&&c!INi^Vy8xeA? z^k|5w^A<}eoz&hRF4KXXzAB$2)Yjq9R+v3+`YdUYHsBZh)_j4%N&V>gvvMyjA?ahy zNT>Q0y&QE7N1pF*-WSBm$5sv<_ud>uBzu1Ty~Tc;-JkyO{p5OzIC)|B&gXmIN?Ngp za35y$|4{VVgqY1l3YO~|tY|p+XV|FSVV_3-Cpq}D^umthwU?XZ8ww@t_)j>{`2|e1 zXlZbij5K0bL$1_)VCHjZ=bPB-Ji+JZ-SP1WbTmi^EfvfbR0(@6hl`GGZ`2r=qx?mo z;ps!);-cTGb$Mk|7_2>c5bGt9?#tX0H%TYsL|=?Js2K*LjMz!0K)2{*#m&zk5yZb8 zhBM=t0xrMhTc*anChL!{40Rq=-S8S3^&X|i2~&X&TI9Y%Z{JX_DcY`7yrmI4Y<@R! zl=)|`OLvkfP{&%#(wm>2xxqfYEQD}$9e=Xoc#pWrA|^F6clT7aH619~hkbvoX85%l zFD!**U-7682pSc7Il8X)b9f~8i;iBQI(j9xC;2{ElccWsf#m(ejg7el0}mKhTgfn6 zEo+<~(=i)lY(nh1lX? zbihyou%9e-?Q^s5^Bx#R6c2HIL%XfdUWEh^REk#y<0#r|8p~>}JDxI3W)9?hl^my` z{?VvH11@=|ukO~mVY^IP~53)u%UMLOhcYn=6&uwVWI%CeB4xQN=X#JKVad!D~m zNn!_JMQcY%JdZh=)I8lj&V;0`S&ubSMAmmz6g67&^AD@GE6^$ChT;vyXawImcN!Xr zi~))33CWvj zu_Wzv#(HXGJ0V(ri9BD@rCU&>#T$o0>kpK zDUFqMUnmk3M7HQ0dzg;CmR_sNH>0_8J5{f19*W+v3=WQvt!Wm?luk+A-Meky2oeIL zRz_e?VmFTm<)a4IA9!8>Aena9=LkRS=1I*~c*|QPuAKPq$w7|wcYqifdbEOQudKiQ zkS7#K>9{=J6g@==Gi239G_pQ4pA^lwD;7w&k`votDHftc*jXUQ&wD1L;jmkD>8~O~ zhNv=sj}#A6!8;mhpxe+R`ij6+ATXGcE0A?(u3OjCjS16o65#0T0r0NBND)}7-9R2D zAKg@=MNl5?j_@32iatkZJ%MD{vC3} zqW@_iZ`^k+p*-tID(bqZ22neMF#XKfY`r`P04>Qgk1?b`(;!A=G^!vRF;pthfGpNF zo*1x4b(hug9!HF6Q(OQ;gP_{$_n6PL0Lnpfuwz~*5)hw~Q-SFosf-FMJs@X}B~_@u z$3cL$NcK4Y;A;SWx-S>>5QDzIe!t$bCR`n`hUe(~`n!Q_e9;w1re9AHedjcs zyX52ccP9iHd01wMOe^NCDt=K>31%77>%RMR8rqQh17ha$jv__Hen-WoTH&}kStPdA ze0T)3QeIuQTopHKO&5_0`(lRraPXP($yeM0_3RwUJ3>=FODxYgE??5td}T?DtR>Z7LgQFT#VyYWof3o=Jj0;U;Atl9?<9m z91)`(-Q{=GHhuDFrABBsGv+94L%MiB#uWir9dapvteCPp((YTU9X~{3D^-HvRosqC z6+}+LX)xBb75{=&M1k-$R&eSMDFWm*>l^)Q-*!T0lR%yBray`3%LL|9ZCP3o`~!aw z9p}N-X`l?Rwyw$Rb3Q$@Qi!>!Uc6|Fve*GxGe~TT8IjzV+JPRZcM<{aVtl1Gf66@S zR@o#zD;b+-mpiOkwJS2NP%&*TX9KXQX>MvJ2)bS;j>I+u=@;*ha6*9voy~14F3B8zgkXV`VB( zQH3USX$MobOoCmZZC$Dcux2*lVru%Z??kJ{?c$QwG!QA~8XL%8lOlD`&*h%-zPpCv z)!nAwBJoApC(_*CVOagXwXZb63JCPCm`;EWr($XmDha>#e((7W(Z^z)0Lev=8+^8M za09}$UR|}#Dr6#)a3&==%$PP1f03=l{-qnGNfKcbxlxR)34HyM??(p}Y`Q30JqF?{ zndR}3O2Ru0-T90WtxwykdODr8Ze!l5UYC2;<0z6Jcl>U20>?42w#=&YdqG#%$58mg zOmw7qPaQoKobGmM6y8}cSyWp&JjT8~ZaRL1DU_{Rl&{#b_~k*wIa@2W*Vj1Rj&v2Q z-6>fZfKKo-SJ;*>0oc&O15m@2pRyeLSH6`^poSiY>=Df2C0P0 z_C9t0ZaQigeqPsd1I`Y#-heP4b||T^Q~KtW$h+1Po9(ASvoz}q=}g7>I6*GmYER)iMrER69>yI zNl1gxBv)Eo%nvb(G-LvkeFFZ+kI92a?fw(-)f)eb903wS^8C5c?)b1+~5aQFfAe z0YoLK@l_7$cTyDh-$9HM->$?Ib+|P;NTB@nik8`S`kZ=Z zRyLUj=*$-%Bqaw$LiH@l(I?_i`6^K$RQ|E)Nemep^zidQTbO%Qs7O#aZ`STfUEdx##rx<;+|aJ9)!^`J?EjTS%Bu>;_Q|*8!4U=SU=nIDDEZ95^P2_3LG624P_*19I4{ zDob}y;#FBWr=o};K5-lQ)2<1bhx3Ji_(2}3jD1qE1t@I*j#vyDNj^Og*VpZ$+O!w@IK=(oqMjSe<<59xY_ z7JMWG;6eSn@Z1c}(L?U0rcQ34$U&v0&CBaX)AdC6JA71$G(L4NmHr9RAYQ^dveKhG zsXri8=yLAMQA`uw%Ie)mM44hzaWH{r&hF#3V$cs;nay#*6JZhMO;F#MGEITqdlff= zjQC}ZS@i1?>?HQZ%hO#1;_17x9xTQ;fyd6kZk2#EWGI4qXr@Y943)8yz;&O50Qt!| z$fxLOz}`ijqLRB}@h>iI#L0u^Qcee9epeX+7o!=iAT6$|0(0cDz_i?JVBD;qZ#Z8% zvMW#J1NJi7D$823$FVXZPE#+Hd+OU7XWj@xh8w>o>?0@xmZ0IZM^=B0@ zu;s-7AbqT4A$q)+e3e9Rs|{L=?d*;C(ij@;xLlJ0~iaN432)T%QDXhulgp)ENM3# z6QdjxF{>LT3O*KfgW-uny{w2#(3`^&NRZXZR{lJaLXi$&}Y`Vi-L_$th6 z)~OUc1&)Wds6o88FYK1F8TC!YEbZQ6f7yVJJh@+8QQVt(dG<_Ifg!VV@ZeUGggqA6 z@P(vz1cCNZ1m8JI=H}}&Ss|i+a4#^MP{cR^zhqPn9YWjD9>tTsxCqa6I~1zTiKwOQ z=9V7e_ogqCydqD#2wdTt^%Ze(!*_uo5aUesU@(*hrz(?NgOv)Mnf6`CLP9hnK6ZXLJAln`crtoiBu4dGx^_)n2lH^9M~6j!*ww5^A@M)%)MLP?x@Wa;f#P< z4O;*qt=5l>=2D^1eC}>kKw7U|0|CCgcOeL-c3scE+{JQ_eR9QKE=o(km0+_qXVG_P z6j0LJe9y{M==S7wcNf?%z_fe;3wt92*yCE7Wd#1_09O7PnHog&N&**s< z$sZ9$7xnmYk|$W6OJZOaJ5_m85f6tW5nN1mKbq&wJXMjTT(cz1r?8;v`glGOKdP#sywr-vz=cUqdK#@9+W?SCax667D5BQiy2i8BWgVejOgI@fau#j7ep8VyXeh&XL%BvxtWrS&g{(C?cIe$gc`EZ(03qc4pECY$eg%N`TT~bv2 z#d80%veB3<+$%cD9el}_^9~w6(<{@XmU(^m+pU*i7yU5DVsgz$DMzL>fwh)&gZZ3@ z7w`l$Oqt$Yqq&{gBCn=BsG#;!qPH(;dt}ae?XoW#&_wcXpN8y6*5C3< zQ>jTVGo9vF* zBDCPwc$pe#XXB{$CYr!qfHM%E77ko~HqaN7DSahio_CyHK*_Z*@$U5oA}y81hepw) z#D+qZTOyMCQF50dE)8mlL<7Z^zMcW%# zp@aBXW7F(VopSWb)3U47LJ)v>&FH8Fy@j#K@sW@>yD{6`&iJu{#nhh+MAlceLNs@W zrc#d;OACXzs8LfUxQ=^}*AI*=caj~+R<(^SRCSvt;M~G`i@pF4$o*4bt#^6X+jV#L zNh`AoR=}v@JE_%z%oTz2sA&2`{gDX5+S;Mqbgg(RV;l94rpuUT?9i z)~P%FdPq)oT5dGS+o&)Eu%tC+APXc5Reqf1b>6$VR*EA=)+ey3kYdH+_h$ct>&q*Ur#w zfBRyD{zrVApYNx9EsAMYQ&lhA0cCSUVAC9HgGMYmW1SdkdCXgHS;^dldcimXi6vxj>iIq2%hlJ zUqOKrJg!d+HM-o+V`AlhTE3!IvZ7W7%ee`j{W1(k1W*m9)%99_sNiiZ<5)r=8j;2H zJ*Q@2IR)j(&DUe_YkU1{W=^P4M;&avP#GWdYjA3zBp7O zpX?QUJ`^EBunZ$eo9~RBWm;c(rHQwqQDsOJNvCOPz~PCnp#O_4qh+klGaqK15vocS z-S@RZXnH*8qvn(FUM8^e5QcKwmKg!vce(npfd*2=sOEgH|C7E4A^s=U(tojh_FNuO zF~wHUsoiJ_xRHOd4e73}H7_SCG^!ZkTigcs*~WjgT|ZIl zBFp%y<#v@S7xM8W+eyU5)gjMU81s%vOpuo7fT1+SD)VU>qgiHIOE{`!y~Jcq`33XZ z-3o#N5ZZ!TUx${)M38KcZI%^pvszKwM7?^SX1zh14m$;&`JrvSTN93$VYY*Xp+^#7xC=Yjc$!7my9ic0UJJi7z!)C*Lv^$?iYuEEp!0hZmH^IW=wgG5XHh`rrUXAa{x|p#z!d zAQ|gnd92h@D%2E4G!-nCq$L?tT;6E#&bI((W4SAQH-a~VFdI&8ZYxW7{=nRK3(77h zs}=D%fd!H}+F~-Oj6ocQVKTV263ckT1fBs;kA7gN4CCwMFzuDTof;PU;a;!h0Vno? zjckcMdkIu3deW;|H7ofHeN}X-g2YK2oL>=ErlMJIPvG0oQMbLnsgDArJbaI0CR+RM zI>1{mnGD|(-YIxmDDK7orMaKgFlYBPNWba3WRRY~0%j0uvn6Vec2{YFu@vbdZxcaj zATm66WQtj_wHu;Y4nRb>yZdw__2cZL?~XZO&xp*Z{F9Ch+BeFoct8Wx;8&vWrK>}O zITn553E+VWAhtPAN_gWtB78I56X|C~c-&bit7W9b(azWzCBp;RFbHFKCTExHeNP6d zO5wd8quLUjqPW@-Qu-n6%nfU%i|Tfs$&99KGRw=ICF%V-Gfd57SL(vZ+#ADseUAN( zfw2mQ>gWsd{fpAy@uX-mV_)X-ez=O>nUK@KWF~0t!*I;45fG!mI~=Ul9z)$SEkdj< zf0m2zU32@24E-(YgsR{Roc~yJw`jgb)yzN3`biM>^<-Y)^Nh4cKp5qYd!9ED0`$eq z&9;6Zjw%}Es7}~cua|00$Iv?o2Q;b<4>};{+G2mOyQ=gEt-l?+r|WTMS1yIM?(#t& zh{Fj?)K|wnS49hVEFV{Xr@}w?h9BVY8?QG!48hG9mFZ!g-BxUvSd4~8Lh}MR#VAQS z&!y=QEy&*Fs`A%DVL_^IQN(>CNG=``1j(3VXqc>eGKXh0r^^=bj~`yx(Hh%5ZB%z< zyX*Lz#)1nvStHv{F7!cJR3W5dNXkEzNM28(2ubu}gOvq8Yu?YL>CrcQvgz{#_+rWR zU3{HvE#fa}N|EvrGB_x=jQBNW&r%tJYj<;exp_)#OJuvPBo(Tut-?XH@9q*QN=4w^ zrwXs}K z{%TOxkg##9q5yq6Qx1X3f-8eto#>M$lA&w9T8Qj2`;ryeGhfH?)gK=jMJ5ML_Lko$ zK<)9G_447m3H~4q>NtaGH!Bb3q!>{aXHf6ZhVo-Sl_~aZag|<8Uxnf$5 zc$GrYF#r>-neVFq?zRM*?<+x=@z;VBoGsYalBXI&18b3dWpZ!wZ> zXIuT^K@TRL-6ra#S8l-9a^!#ciHr#?C~hk-F~nM;=boWubWe?}$nI|atZAvc&Gr@S z9nrP>>Q}?*Wg*eOr~7Gt;Y@sIY9o{Ac2$pTiXCZro#k&Ytjxv-gqt;Tt4zBJR@CNE zZcY2}QQKd1lEHdxy83-wU=MX>*4dn<+O-k)wD_viWv!nj*s$pYteI+eMvICkqkriY zFowVZfBUXK^tMYc4Z`Y!r~}UpSaEs{t7zW=Vo=Mf1R$*RP?XgBkz#IF0hy!b#<4jT zmVjgWthPssyY4OktcFtpMn&|D@cij$PwhBv{{UIjSw@0|xqxwsQq){G&$XlE61;P= z0KUT6*hib?6L!<=Tg-#S$)OqD?K)t#xT6~Bu@^sh9K;oMqp~0(b~khKiu;eHtXa@% zKu$3~&;`XYQCV_+eUjuE!x~EzPji2Bb4oegu$sfxtY~l-qpO2*R*yCo+~DgPEkYX* zgQY;4X7B-iS7PU1)?0xKinLitOA+ie$7}(dGE`DvkE}VBWWP)oAt8(j7uM7+sv@4WWE` ztx?)a*Jdwg4U5cJqW60C`@8GE-z2ee%l?Bg|2^MmJxA~aRaIkI^PvPm{w#S_1I!57 zt|nw@v)d2>40P@;&)k=)_fxMI>nt2Py=%I=m7iYy{gu)P4xPvAf|FpC^XlcZz;)JkU5=3(_G$y@{>PY4d0-JW^ko%_|!mzQtK*>Nb;4XoP61f4i<;db zwsYx9jQnBv2mDnA|2@zA^N(O%s7XE@PxtJ1IMKqo;=)L)neXp&HG^t=cnJ%tZB}Lk zS0ZkphPw-EKy1#O#dk@>6#Dh)@Kxo)uYk_8|Hs~2M@1QZ|H2OqBCVi=fHX)b(h>qn zHxkk!ARwJX45M^NcZzf)-GhKAAR*mDH#2lIb05FI-+k|U*Sdea>;C=DVm)hkX68Km zoU`|5$Jys>4hc#^hlM=hbt$vSd*O;1y&$9A8CQ^b{ni@mK>MrXEK*o6byKKXh=ggh z@Vl${9h(WFb(EH!+=nsJRx3RdhXuW8OnXi#U=eN>4gj;l{;)#~^J zir__j;M0B=?8G0JKbCXb^jY5Z%%k^ImhsdA$z`cvBkAueS{nIanV>rq+j7?1#)UK# znTKE+UWPt1Qv$vwDO?K@5finNUY$)RQP+j(S5B+C(gfoHx0*du^gwbH(2@+FzGR zbv+c)-H^9XwtSU6Yun)Xv3$_$y1`4>;VWvoXoq#$_t|Jtwz;swQt}69YZRr-+6}v% z*#|jh*a75pX^iT;tU!IZKXy-}b#H8c2Kzi{2*+T?e-EC1|2smBm5P21kaYmW!;I{waQa0}k%4&!w zFG(s-B6u8yWkBTfu?`0P?YNQu;tsWTdD1=q&oKs;pE-|J$;YJA7A3q`|5-4Mv)@AL zVk`m#c{ybBzGdPjA({AeDZvN@9tX)pmU%x5=H^GESqoKIZkaIP-E36UhxkJ~*&qUY zII!1=_$29w^Hnmye6Xu<5Yya0M(|bye~C>RudAYF{;|C^o$mxi($qL{F4E3xvZreY9_+A$HeGJcsnt?d+d`FQ! zyi!pkOiHKkI?`+5WM@EwbXSPJGwM=j;;9gEmB;W#J#mI`&i7xE3SxK=wlplBmm+(# ze;)femWtdXQru!&|1_UB6Gvi@Cc^K~Zzfa}d2 z7KE!z-6_tWx1RI5pV|c3!T7K`1Lcp13T!2vX&{VAjthyB4|&R{i3p0LsJE>qpRTA<4z zy|_aT&+~S5B&3Vh=~amE1%0PgxbHP-lP@?B-F$nevqzV3M}HE4P|WIQKxpRFV8?y9 zoK~G%9L8Eqi^+x>nKHw%eb%E+xIB1plP13}Skz!k+SysNOHJmqRHwW1<0hO+5|Se& z&mjK%`*>z7zRb?w7;=w^AO?c>pCu0?^Vzo9EY4ly>g0jmj%R@Nm(nT60JV+j1i zY|Y*@okLk8vA@n#`*i)oWmn}mWZAe!M~oT{ z=l=VWp?>4`j7h_5G6MqAD6XyWu<$U5ih7KZo6lnU*qE@mA`utW^`7r-dkWC@V%1h( zPSLMvq_yEr);)4^Ww~j0FCLGND#P#ZKOp%uvctP$v$5$kbmNKq%-^{NnZh-JUE#Tla zF$k%?8+Wql&_Us?Kc&)5K0PmCqO>>36JL(2=CDgJ@MT5r^K2J`ima^WxmtFa%f49$8-{M3K&RuwT2c|-a4mpTi^`8P%^%<0ump&lK$>P3_bK5 z)I5D@Nb0*Dtvbz^Cb-U3?W@e#cLrjl8VsPoTH)SXWm zM(5SOiAVKsP*@Mf(J4Exq#%d$|9r{nJ2=ZE)}izc%SWk(U2$p@orYcEpN^ojn%|>* z32wUhuxpU}_hbpx9E!7?$}tzCwt3PIUpOuu%pawT!yr@~clV@5nv?gZEenbOZ+qlD z=8-Cu057I0s5p+)t;J4&X%l4a1F&tj0ntz9l#muY*&a>(_FJKn4z}~-P!3#G`cKDv z+~jAmzn$VXPJ>6YNLL*W4Q)R9eNU~(VJJhFPUh_Emz^7~G6dt~2JLBKPV<$VXwj+t zDksrU;=BHSjA^5{C@kbW9;O2nZ*3-dCba<5drr%Zwb7QUu1PiaG5+2vuE=$N9}s)){aAs8dW!3l=^F{ zF$9UX3Aj36DP;*=Oe-I=8@)TZeo3hHmsrk+<4PE7`@Rg`PTR?slboew#WFwhGXu@T zC$Je6!jgM%81Crfvb=_T;^jXGo_m}`VGj_jL_`MGiS(0@?ToD!`<)i7RhWigmW)iOZu|}@*gHZowFCE{RI#A3$JSb0{gck02X8y}z8uEn6cbapQZMt~kst7m3Yzl_ zG;cL%j`X}M{&_(E$LapKC#NRh^?%kP)s5cSoPEcNOv>@= zT3kPQ@_0?2Doi$lNU8MZ4|fDke3IYeB8h)`dF}4w$pF!zC|O)udc8Q&ok&VqbxxPA z^i@~Zt8SuC_}#VG{~*Towa%x!m+QQQ%oB1qFega0>U7^Nc#xL$pC+Z-aH6Mp_-gh@ieh|r}pRE|(Ad~cyugrC2vyu947)_ODB z7g_R%lzEMlFtmGjvVw<~cd)NdNlmSy%>@FvOy)JZLriQxRhgBQWm0QBSo)B)qyfwk z`4~b%mz?nLRqKUXY$7?^pYu9j@S3VH5@BJ<(%Kj@{+XDsSf^;{i^yUV_-`qr zScw!N*Luk#9I?|UrfnB1k^FjQAz2b$lOTbmKh6;W0k@}9PKXZ4Gh?+e^g*cfi<^V) zH%~P|%yTn<5C}NT)={v$mVX>KEq8l$ngOPtDlxJ#uNgdi`mP6#KCNmBO&4+MF#qv+ zV=$xD_s*R=EuQ-=E~~xMy;0CJ3R1^ueNVxWk36#42mH9j`}z>z-0{P zU;W^8-Ozp}@8XB=PF2D88|GBU+|TEs*ZWWsW;V8;3w&H$55cL9W{^-nid7N{R_-$F zk7rXUR82cdf#0lui{$$^>d1vw9@`gI{r9Fert_5&_~AD-`T6gEMKd%apsjP(Jz*3a zUOhpvmg~i944qql^O8cqB*u+2n~49s7QI)$&poBK+6Z@yWu^ziG;!1+8>`+0V&G(G9HS~3IzdE-kJ6w9(w zymmY11ow#f$0=wzuw7#e`u6%96)?ctc#nogf0+SH@dyK1zv*bMM27>ztp5}c@IElF zKmM!0=;1Y#DK_R{Y+z8l+cJyDQ;6YiC(w2<_hfPP)~hnD5T>M}@;%$zMvC0cGir1M z2V0*ph0kQR$z@eXKuY#^_^LGKGNyH*%1j!Q+lp-2t!zb>9#K%pM&CR4C;1A>16mF} z)ws(b;Dt1T5@h88?N(tw;0T!3)qc& z_wMPAdxK(VmuJx(q9vwr%QZpz=!N&UP$fb!Ec&E2e&Z%h2SR4P_7m-T2GUTu+z}-P zR_3(}7sM1$Q&V#jy3$d#a1-=}Rw$xBZnjX3u7EYDdznoo`Ja%meo50cDrU_rr~?HW z9C+j}1SnET&rO?M3+}kOeu?2L)2nc8tgWrp*m^+3%n_287+wna-R8NZ zHDz`i0bR=9%O&75=Wh{y$Ae%)UmI#`YQ#PF41xn62W5Jzjy-wuM0YO4!hL7F@6>b} zd_X88^kO-b5xpsmfvhL#-wmuHlPzTk4-ZG51VV4p`jZ}O>5ebEI3d+|~=O@g?FX{1LEgri= zInvT%Vh>>_6Dn~}>vf(FW;{+#Ny)j1i?<_4!gX~|Exi0EuRCQ`dL@&=IoaMT z;X0ChvcHL#?1T>Mr%YQCg2-fb{lX!B3n z@e~{_#Jx_zy!QN61wS|K^AFCa6Z+RNXD9?>!E-f(h^-6&ZLRM%i z1>Qvd5_XvV1FA&ie6!ZzvuDp^WmaC*s%!qV~L> zLgT!vN>Wsou7v!@Q65+7cu@IU57O4RgH{H})>ko}d((#?EK7dmaB4r*14+~9zW~<( zqx;txIx89%uX^d6blqDDZOuUC%a&s7N*M~W0Q<&p4x&uIs#{nBv;hKc4i)MbKu88> zyZBpjT3QERDn;l*dR|@4J0${ zbMd#Ij6ycEXwEh5>~=sQC}z&A|2J0_a}5q!r%8m&Ho_$(C1!qyKP_V;$;+amS9 z+y6H<-v3uSxl^>HotRnO4g+e=m&%5C`nhdX+6-UYs9evSwb!$f|EDnyOR!hcJR$cl zTjCCiHIPcIExm|H^paJ-4_<~ImC7vI{vXV7&HKpLYtPw*pH*-_ULj-BR3#ir%Cph0^y(Jc>NI)$jZLP2*i14)d?hzF04pd;VIW8zat% zT1%8=TXtV<`iO_!X;J$A(d}%|!7T?Cz1AVzJBEDOfl?N>!-qQPX?M-7Fj(Z;3u@9_ zR1ymOU%LZ7D2e)ua@XdOD~uAZq|%@%ywsTNxbohqSQVsb4n-TgGT8`Dm@Ed*u7x-5V9`zR3PB+)D8uQ99qIWtI?-Pf3 z?QEWHNd=5oISdz0z#%NG`H9u4zFo_bEZ^}x`bIHUhE}grnkkm zbfP>!!%pHFz3!iLuM@BK_2gRzg0cs(z}1ao)ZQI{7=4Kg+l5Nlp`~-0yw85K`LmZ= z`}23`IJ7-Kp2_9)0bts+PlyI|bGX~&tc1xa$)CQ|`aDeG+MwC@d4*!2RluE)BppV+ zlMe=r;D;FTJ6|`b)7(sQ?auzVRkazT(r6*MK~Jdls?fOp>2=O37}3RQ67E%Alk^VFZc|v-$!klf4Wwd2r5DPZ zGUU`;-SQL~mqw!-)_v_(^#f-26L@ZC+Ijs_y51n7JBwX`9J6N+WzHEx{M-)hJG=yD zW12M_0=%b06&4vHS1b^yvo~P$hewyPla2(@lwOfig~^TLn)@@)2#f;`nutKvl|Ci7$o3<*J@6$-@)%7d#J={`?QCpLdh4@ zwdw~EUsm8;9=LT?fHyn7fDLR$p;rnIyJw9phaZifm|b#}#2}Alxust%7vBMb5?@MU z-B*(!6uT9JLTG?$`zs>hdF4ghg)RO?}kB`|;SicwrSIa8|68dD9EXAo8xPhp)09h%$2 zi!E;}=WI19Uq#C9x_=nXuz}n|caJEmH-m{KJR+)I(xxe6cmVw`*7aacHDbaJ1Q)7E z5FFTt3QaBM8F=3kU4iMF&1h?EDF#tenPD6L%dfX3*SvnqiNgDqVJmwa8U89n}&PN zY86%~{17&>m<*JwFXzQ8yU7cutVjjKSHUM-@|qgJ1t+r&lL9m9sg3v%l(Y3_fQJL? z;-`Iz-z@Z~p7D!`fc1RlZG~kO`zQTKBkTv5?Ro%uv#tY(w>=*f29JfKehKjs3PMWX zbx{ylTRCNvlq%_VYc9=g8G+Ra2}T&1oqH@+jZL1=3XbkuI0;t#m4*|a?Z7Q_pA+;; zi1CP097RuFOLy!+fUHf^8>{QStj3sm=i5k`cY71YCD+H%qyReokO4N3a#vHrW{DDk z#|AU=6H#@zXBaxqJUJPkJb$Y@7aV9wAQ^DFNs+preP*2WgkdJ;%?XrX{nq{ewG|9R zJF=kT)wv@^YUHy(a!2=10(UKfezl3upnomtJ! znE~(k=b)ZQGJp1)kzdj8uYSrkTen5oN}F)oU{()jFy8YE$LRLe8%u%%w2nqQW_)a} z<(*4Tc;vMzZuRt`6}N9f-^(y@*m0TT7WT3m|Mhao{7N1IiZ zH<$K2;%W+a*(yj&a>$^9mF2dVvov$!sB>Hj<*#iyNKnxih-w5zY}`4>W_(KW*@0JX z+*^!9X7I%cdd|SN>iFUU#D$dMhwU63wi@cAJXKO`Lb*`m)6RlxITlL?C^*7<64vgB zr+LA+tkxK}n{~I>0X~RTJ9&njKOVIGAfSJgme6k&_(@uWk<6>B_H$dgXsOD7%d9oJ zYQrW8Z4heo&xA)-4^}-!x&_5hx{AAsE&vT}`X@36rST~fPy1;m@BtlnsI*9FLWW&s zdM*5Ps4_0ggardxb18Xw+qCm(AQ&~z;oq&5Hh^DH(f+P~nx`=8K84Im!jILBJ*V5{ zS2}q4u)P}ZSjh*!nYVXs?lq=s&G)xUOY2Jt=@GAXxAxj1^7kDmW}yn#`(AYjp8((W zRa#Qmwza}soZ{Z6`fNkqCzk`V6 z$f6ED2=mNQN}?WNomE?bpHA?H8Vbd(f2P~;`<3sO7X{4mpMlHxB95JezKa5@!QnVa z`jRI^%8;$w#_u13L69%{OrSg3O$)%t9?_F6wR~sUyd4vkI6?1kfv|rEwt>q$2=%); zjftut`5NQ(lh}Hpu^g38Y=eNGuuEjUJBNS4KKRMldpg8W(e27e1~@j`Bc$sZVXT6b{cv$zi!Y5IyySoFn(qAMsFIi??=szn?;oXbXP!g=Vh#OF2tDGfh_Rn#V@MTIr94JdtMUf4)rX5bg#cG zn|2p|tVwkBMC+&$XOzNIen8^es0e5r+WriWJtsiVA#7O}QUeKg{GXAX_0OiXv%6=b zLI5H_FoK`nXN=%{!n7o4JJ^44VfSWxz6#5)rs8M7Tu1rY$y=z=@H$R=oZ^!v@1w7$ zA~@a^mwU>Nj+fMK2idv5H4hiekB2KY^R=k zJM`x-1~8U+LQj4jW|=)O(VMyg40G!RLP+U4?Xq%lnK?Sj7rrU-2Jk1VcB z08{>&pX?Rp7+iW?Oysp zV%~~WX)aEgUboG9EqDE}v;1q7fK}(qLlbtqZZ_()0za$QYYi=|@^(Q5gL6-`^wZz7 zbd1@yY}xzR_~OhT8E$5Z=~0tjl-m59Qk5z$+@iBImb(fhDy2D$|2upMvD>nDp#r>MI^kGa>6k@WjJ5uR@C99 zxvDuR$)`jzb2I1s`>PX9Er$)QSv<<8oKLAMgJ4nefS1P)hK%whx&Z|xKT%uJpY)+^ zDI&b~so!ZjTQ`S+13Q<2fAe?PWdI=N-+YP(wk!Zx4*}WCS!cA_&BoZ!@ESA<6MuW}82hz)r_mV9V+Qi2iOu;(1=+5i~-K6e0p`sM4{1 z1f!|#aE-}=J2SzY__99VNyNR41rOT{{0IpEr_*cd%EiF6ic+xdoe4Fp#f;V&Z~o}L zv0`UD@>pGS|}LXna>iw!GdY+Ogv9JTgi#V&5 z=+;K^RA(k8yd7qyCq&Hgp25MW*vPa8iC(_~WKz#s4Fz#H60XrdvaPPO@v+=ig}Ep6;IYNIg;$(%2Gi$<>P}x==*H(+$KB0}Q<~+wUS8)& zpB6bUDgQbvAQv@|&c{xUaQz4&OQ8cgwvV2`91$e?BuVkrT$HK0^P+BvzKEQ~tBdN) zvL$gE!_j1)(=P>WjFSJIJNn;?n{2sv!iD5#%Obj_WVzk)N1ofjr=e4?;_ms~V%R@) z@x4Rt%tk!L!Px<5LdpPl`%iD%@jH)<&n=HmxNXrnhLu zFj$5kbNWIH|(LMA+&(5~9SS znHm0kQZ9h`HG2J2T7wZ-nv-C6_j6%|IlX>?mD6T+u_*aZ>0YXFb+p*u4Cm01EOqVb z@jya@^1-o7JlA<0)h3}Aq`Yoo-YrMd?z`L6`}!N-^FiU)-eryJ&+aaL-uA2*<##%z zjN^eI4(+Je_WI+QSmPs9xtQ|DyE>|V9Qv{N)tLE2=bjm~!0@>QHZZ0E-s>I!XpQdI zypqH6TW~4e$Pj3&7THX$Ti1uKPUxC=&qSv9OJY;*(^Bv4Lp8r>q=VvK2qurud?}6S zx4xU5@NGn{bYgNoa>&Gb?hZ}V!>Qw$?N-t|{#x&$vmA}=6S!wL%spchxWgqjpPY~t2CEx3*yN|ox^CZ~Y`aL|h8gRd{ zHdqM59ob#HCT<~G7cY3k-i{F##={a^Z{y$q=T0QRFOt>(TZWKJXrV#zj)DpWx8q~G z@uUR;<~J{`1o3m)=sc@YAce97`&pnB=yf}qyO2D8W_YdtW-NPv0C+I%{TFl+tP@dwfWf@YH(b7SNlF=ERX}!y z5rb+Fr|i<}4_yBJT`odwO~aI$=Cmoy^vy}msucOYN^ADtViB>2UGcI2=yz~bdT0y! z3v9apQ)riy&kDUbTawoIV0=`s^SBlV7)0EmWGGWzF|UCW4$yD(ASaL4pmenh<3KH9 zZueR1*bVhuKbJAfd>bhL8|joi?ccYrRY6ctk<^)$;ftflnG8N=Wf?(M!n}XaqU-5B zMJsN18|tug@-P;L!{n`Z-Q4r0I4XFA40ZE*%eo{oSt53d7F#s{(3x_Gq1jZK*zOASUTok*SJoM|~B8cOa$xInWJ zRIK^1_1dZjk>mc6ke|i|r?{TFD@fpQWHgtHlIU6$xMC(&`1QB^hr&<&p3I~sj+F-8 z<)LjiJ8p|mm`B3iMLk2=!A~oG;Gz^-OOyVm{fI!~$J>tZMn1^*@0APXUOKm+fG3VV z&$F-O(Xpj#VQUOsBg=`npUCx;!E(Z8 znYHlxQiJ(rUWxL6;mY*Q0O#|XN5epDXC|?!W2-qUEK!^d80F>C{YFU~t9?lUvA@-e zYL~&^B&f{y=Jvz$CRH9vmN26^D`jk(30+9gTFK}j?Ces5GbU^qNbseti&4LRY7?-V zwkw4-0*8qB`j5juzJzd0gf<-^?~|6vEZVcSi+R=f4pp};?);v|sld9cJ_l@8+?3Ue z0MmMz_)JgV&EW^L1>e_~EH-a8@yUrH-M%J!DlS)THCm}SF68qf)_%NJ`dpEon`yYL zodY@JRB_D+%gDeyjy}*{EW^^JRHtHWN1kWOUds{hpn<4Q#tQIP=p(PDN&SNJ}Pd_CxSo~%M zV2#MF*7Rem#(bw5%A5UgIrq_8mNscFtHf+`v$xo?rJ<=|Y2Ac6?DuEX&bMLV{8v$! zpZVW+NZc>;L9dQ6_S_$CSEQbKJA4Sj)V}D=^+KE%rc4uCrZom->hrS}xvfJxtUtF3 zM~OX>#JUMM>yTKC{s#J1L)mVQN{&8Q_iRIsM#~g+l(ur&!rZxzw6WKcz;b2!^bHokRulhtc@uWmtb z_>bSf9|3`PP!iZD#^jJz!xY#BR+gA{l4;(jQKulir|JE=U3PHiyZ|(~4f!um<@8on z>-_4OwFLC}rP*qg=2+WQO+uRx=8x?|#1!Xy;*@KA_B*fCV&AWi|8B%=QUI&NS$AQd zDw!*B&B`^+I$}fduz@)mRWiqc=SZ>AAR$0rv;?j_M8AmM_MyC%&{`Ma#R;JQVPnt z+i&V;m8AKbt?xQoZwD2CJ(r|1Jrw=^P&vlqX%2IV6cCZj15r_-hBuyn*nrz_3x;cP} z0DI6RdzG})A{MOYcUNblP!BtNg6?fDIu^zq`uFuoRJ}!z`5CJ{_swesRH5h2)_Y=k z;q*~ApLeBChg3ps>(7 zi)SsA-NXFnOKO0F065pk*bj9I*j&S-vZmj6h;*O2UjalT_Iyn_R;X8o;<3qWgxUg_ z-K4jSbbp=C?}OpKxv7?l^FG1#ZLEv4i9z#fo5>18QUSZ`JLZv|6cd65u?HnRom7r1=XM>~K>x*~)v%6-`X@dNdnd8XHj`{ z880se%F}@8D=iintxuXOuC>=f-MoyNV`yhfd(TJ7zSvx&;t-U|rbE+2_3(q6o-{#6 zyE)m{^S;)C0C7{J?Q9c54evmj12KAaY}vU8UE|8I50i<|Hlw)vS^E1u(pQxuVq0DE z&%^ae^jI$Ln|IFjey_&X(@M0*g|$QH)@%-jOUBONcHFRQ4mBKsv!fDVl4>~Nc}jI4 z$jW+jqX!Gb#^NZt&6s8p1=)UlN{q*p*wMS?T)}gn3u6F26*KcU`~2S;ACt*fHqUK+i^E8MkVNCAO{BKG8|{lbQH|Z?7G0zjsH(in zgg^qtx6XKgfKDI2IsCFgTW-?G8*a3gXiI%fK5^i`T=P`01B$9}Fv=F#@_-mA69PNQ z0%AxpoTHvVVBumRYEAnip^H|$DphaO>m-Yx={;ZVKSblD&a=#^;1J5Bc(LdI>D$4D zoo0VXxXt~5lI`^Z8TOjIOhDb!XJ7PsaQGeY7}^o{gHMj`ZnqZ^QE2JsTr9sh zi-xk4xKg0-MvGYJX*9-U@Eg(3cn(CdM=t9_AX8>8OP7Oc(r}W_FQL)(2%jna=Q|4D zV~zX*b`+kSNR_U&x|jSCJ2$;9I-GjtSdEqfLN1Q;CuNTq zCEAZhBQ^N!`Zc-MF5juy7{_1?+*0c7^}it?d)a z@%M1HIDIFDW!22iCqb;QaycKwm|j~1J93Ywb1Deg$B9b5u1b*IzUvoUX#HkHC6Png znF6qr-W;NETnWA&o;^mtmY!YF*~yW1pZvt1HC;Co`1_(`Hjap>Ju)`^6ISzZ$((=Y zIf}-!_!7I5Y-kRvlVVdinB;ws26UwPhnmpa%JQ2k{6hV4t^8r;1^1;<(La@6gEX(~ z+=G_a;vPmdj%#O$yqx}neW0E}V}-vuHYV|CeqY>7mXn11{7?4!W}Vjp0f08pKVTeb z6eBNrEqJFVv0S8Y#Q(u%cFIep%=4Oo^V`bBG#JWQj4l1uFUKT#_4 zhI9lEdtFYgN;JQeLY(`3um?Jv+9T$xhm7?lMGLulA6`u+d(yoj?An8^wdixj5%@){ zEM}1*Jr}aig<6&&o0m9M2Q2UXFv_tG|J&K#_#`vwL5o0emEx&Roh#78PUp(()h+FK z@dGkwr;U$nsqwfOw+7VUP5V0=dHyr{iAg!^j+O~wKLqKq*ezzqrd>E$DbpS^htwqI zzkkB(ep9Nnxy42C#=fA>po?>g2xv4Dqw4HAE|S0HKtnI1s7R&0v?!k$p}JgjbJ%q3 z&3?5%5M*3mRCtDP69e9@l4P}XWwv6f5feIr#dm?2Y>C^}3LW5PFUrW;%snbcfAATK z-0G)9G3B+k(FtYpV;LvRcC9L%bfMeRV*1k?BA_K?J=J;B$p*MsWGt$2x;cC1dlWhr z!-!$|tM%t1Itu0gDbcU0D($!tfw~-lynWjXs)hM=Bs-82)82j>5Pcf8QGETP>wN2R zP<>r)?+FpU{-)xev%e7bKdm3dVSzaqEoS|Yjz`BG`xy6|+@i>{$|%(DN!D_Pu&7Bp zvd8eqFYuvYdf2MEQ{58KbbVE}Hi$#VaZO|t09F0OU~z4e$DLO_lR&o&tgnyU0t8JQaqbTlv!fuKKJ^JuH4AY_$bd&9 zW8X+d@o%r#>5E-;6Rb{Vcs5wg^TipJm(j43*$i&y4mKHlDI(8Sf?<4t1770JKX||5yOEVvQk1Mg^)yc( zg{^7W_^&8%2;6-~5BYl!5VhMjYrGv>=Fk3YF1%*F)}*cgf+l@htJbhN^5u!A#?tH! z38pFc*q($L++MewFT$~*FLwDx-J&2bl~`Mm5X!VWwXhVZ&a2GATy1JxJinzokCD$U zrM*qZeQ0NBlodTMOd+#S!niNgxSo?Te6zVOc-v2Zw3=KncenYJ(Jd_O39+mUVbwj? zR&Te%htF6aGa$0Cgxrwm?jpn^N@ZTQpoGOt15C3HrkO>#A3W>B%wXt2%LJb!t#<&= z+L#FubHf@TCmJUN?)E)b>aKtt{K*s_@4)WU>o!UMJ}Hfy=d0U{U{YL%|7v1mhxA&5 zuj9dm<4c3ZRqvwNVEaU7xjXsG66PY~Lzid7KoMY`7-)Rmp_e z52}KzeQH~?bf3SmGg4rBz($Dq3|m^`;^0p`Xe_g4I9ctC*a3X^pqPOr{m@*1RNDA$XAxKmki-Nsy%= zv9ySN5f&d+%xWe{Nvn5t(?(NJM3`9rk}IqGSoH!FQzW{GT6$%SqxG3w?|BreJ>1<7 ze&eLTd5E=iX=&q++EnXN6%HbS;My&j;npvo?uFIWV;?endiM7aQJU;L;R9ix_uBsB z!k@WEAYH%8d-M*faJz?@eRL50{&ny9q5?bX3GkNe@lS(uMsUYqd?m_(pWm?qI_YB5 zMCUsLd3hK1>fw(jq!%?Ni>0=UNCNqNigScVazAiHO901dYNv z*@e%Kwky!F~6p{;TAZdDghG-s85JGn*Kg^-aP2x z=ir@jRF?VxN9rjPiwpb#tQR%in90b` zd)qBde#50&fa42yaE_s)w$1N9M=Wthp#g2>BW62# z+t*F&ErzkXjzUwP!nB$DqRdNQre9B_VOoim|K!%Nyke_9lKzzX!vL*TdP^Swccz84 zZ#0a98DzfVpj9fpzR`OK*zM}YF`b#z8Q29s-fWR`YweH45;$DAUHzN=VI>lEY5JOS zl|MtdQ<6p<$GJy?#C{iRFlr<+ySD7t-`}Y^8cW(^1;VY=xZ8ePhEjcTA$p$!L)Fvp z&5;omz urzG|;&bI2(>D zXyb?ScrPofK^}&ij-bHm{30#3$3HcU>wFV)Q;V~my!-Z-necrXhaV+|j-gZc73EuF zvW0f5LMZMvA810Ll$&@z59X_XBlMC!db&P8!fTyoBE3A-1&H}F8$bnk-fXA*>uTup zSP{c{`8isNJoWZI8Ibz;R&g@;eVE(}1W|wi}tFlqD<3lF=Pm$Ay%6+BS=FitHhx6Y_AZ)$p9nR_nwt zGnVtmMcEBAR3g#M`{v%2A+oV~NOA(m#S7U@J}bZB*f0SE79eQ$=={c|7T9xF$wR;% zNqDxrxNz#^=Bt}&R%by_u?2b5KTWq5XAWA&1%j^F3WhA2m-%t3J8pB>0gddrtGM<% zot$OKUkNQ_V^@QIfkH3&njK6?a^U(LFkN~+aU?SO!_>_Pc;VZv3WRDn;yaHgCchQc zoO%*3zCjR4bvIbAEF-3m>)`~+0g?TqcjRBbojxKGtKOui*>(&X+;iTiQLmH(yuXX8 zhVZ8ftZwyg(9;81yJSu4NCFK8LFxu=r+34dUk8Y0nvoCvbT?WhLSwo23HZ`U&EYCV z_wxf0ynF#NGjmsIG-0uidDDteD`PErG8|zc$Gi?#2_>9y}C>Co573hmyd-I_FQC3NmP~W<^vh*B))hG zHy@STD-IY6e+Ip=#hqkhwHIm2$QEJ};2MW+t0(^+!t(yE`+%*#zUS`V&6@4eFm&H}GzD;QVpyTA_&W~IykJc1?AvQCy$jML z*6oW9TIh32l8*RfMhu^5lZxG+XbL{WoG_(E)>t~n_tk_VPpIi8$NaZ#wiHwY)%#wU z1w1bbWgBNmSsJ7@xP<4v4^MdG9#GMpKF=UFMSx5dTmAY_hags`R(FA;`HnXMC zOL2E7?ohmVacyyTDDLhK#oe`daS85j#oaZy%a>>7yYGGHPR?ZVS9Y@ZIeV|4thFFo z{ZGg{?AFrX48XXD@jGPYF}KcR`_EX32+4l8%U59&ONHu*Q-cKfQjNVnn6+G3A+#m@ zI3z)PnTq^YEgA0?Sklx+BaPsrUAq`j78&@g_;l{L4!NZqhI+`zQI?(gN9 zanK^Ys;sO|tyx!sLHNm!8~fQl^>cw7uNG1FZFX_X^3bCYjQlTHb@sRQW%A=z8Hou0 zD?RWJT9_}ESl`R55q+0xkKXM$-}Ugm?S(KQ^X3C|+TIAF%A4ls;|8TkJE3}zlC{Qz z+-E4UPw+qda%V;X&~D=>u`eEVyp?u{i(mfEX#>U$z=>Gp#wyf=V(J3~C*3_^c|Hsa zBNh<`s$}0HBqAh6Mrs^?`tl!l|0|zT$nv;lq$PP9jc9(a#_6sz=W#h}KJUlfKt#e^ zVa+>c=z6Xe?1Pjs2O+0|iTj+;b$JUpF$Unqg`F};uLgE%fw@Nec`wKf2az7^%{zp>e{6t z_m>8{v4hMnl_J3Bg^qE#0);K|UJjY}QV$&~agegJ)BbT@U&wD^YZ&6{J;!Tcu6&4( zZ);u(bRHyrknqf0|CMRiV_Uwu0CjwD0q(PepYE*Rt#@v~bbKe?rO{w@N^GqE+fCkN zIFB3~t3pBze*dYJ^c|yY2CFTWX z#LpkZSRVx>wNl7pxj0;LW%iog^b}$TJ!q)EVAqF?mFKsB;_VuKdf!b>#pJ?nK`@($ zdxt}4#>KQuO#gSZvhkwElm3D{?7jw=^qog+?#z<#dA&$vX;%ne`;(@upf*C zNhzm3r)9-RaXtMB(kSjKz*r~Qq^Cp;8vq6ord~7U zZ*RYU|8uNJ#_+ttJxvDf{4okpW-DVsvm{Lq17K@y<&Ujh>2g1vlcd1_&_?2!re53z zA4n*)Te8p`1Q7sR)(_Z&@D2|-3s75EgZNWsI1#fxztwr(JmceleBwv$PI6cOxC(%hz}N%4qZZN~hKpWjivV$Y57 zPEPim@}?GGu$jvVrRA}Ngx_lS>#)nMYgy52dQT8?7h$BwDd#(MjTtKv(_=U$WEqzrEb3`X~+)!0am2T zciMi`9(=}kiU;R3vV!}A$P(!4=9z|V(S!usoR)-7OkW{E=<8;`MlmmtR}@s~N;Sff zigHTCaNWs`ZU8R*AOv9Mtk|Mqg6?iDy@Z^ekCI0>OhF2rhdTio6{#gqYneL%!TF34 ze`?AF)Xt%aB5_Blc+KS_G+s=9#5@e-Q(p}NJOm*p+Yq{^;IQ0_JO}8(UTvpcRiA9@ zt)5zZXb-V_KNtMC=+;CCnr+b}FI=5hN%UFZmK1;g6Z3fnADQt21qE;?$EiCm%cI9j z3#Fy>i&tgv;RM2OMX=7XOmqI4gxY5LYfiGnkJH^-k`7=qzSQR4AOO(8Gt;153OX)E zG&!+LDCHeL8C|qBFU{2lzpz}RP;U1^!|FFedEUO^IZ3-Go+T5OPc9zriSB#wwAhUb zOt@rYeC`n1oo6#n4s19?I!Peznk7|A05^KTO$ZyWw3tsq*m}D~If#4Km<&MX2opJj zv?d-PTwX!1k~xWYY)0IR5W1b@U~IL8jAAw`!zUJdza8lTB;1I1b1d$9@7aHuu+<)Z zanfu5n4cK3B#v^8FVGYle0cYl^>#Z!0thxesOK*8xnn{3dzGH6A_Hd5qm4R{ysGRL z$TxO!8BBQxPO_AxY!fPPbaUY<-E6B8OWXbY)C0bdfx|xb@4_H8uG;Z8y#j5v9VL{$ zO#m=jNdYMI6`#&1xN$ROOt)ExG2%g>2ogoSKN&(7OTLYav7ZDi2;2RP z!~D_qWUz@1xas45J~18YX-!wbPMY!$Ix%=_Z@6x_E`0xE@Ipf3T378P>J?P%n48=n zPcDj;)kv=2`pHzNr5LeW-d3AP_~;JulwJ7WcXVO;cUd;({(wwPWR{Y#|T?K#~ z>evu?@;_(}@_`e=6kPpU(0$ju{%8iZviVbjf4c8V2mrN~&iGrv!i^4`mr}4-};Q!PKww+ne2F- z%C|$gA812@k#~6x|CQn|V&3pd9-CVvg%m*@S~$}3o|`*#_%C0%n!NwM0D&X4gX(ui z2v_ZbFafgzX-Pw50J_RwXkWY1VHF&vY{&6ZHmr1v#cXN3}-m|@7@2Z_V_ z?m&ILQPx%G>Tqyy0~ySq=j0(^&EW*-_F?)@PqX>a!I2oHn}OfJ)-*d) zXcp$rZ;S#6_hH`PcZnTpO5#5cJ@q4MSHdK!yXRklol0i@_rP0htWU?}Pcteq2-~p{ zd^_Pp3I(Yco>FLXhkejf_He(z`xl@^uX*OT0bN39JjX|Y_i^b>IPz1mXVQ+8gZV{3 z+D#PYXN63MX*t^G2kTTeJQq1x5t9H%G2;m9r_L47cw(sZOffL!CnsCHar4VHStMF8 z7Ok3gpAPvQ=KvmCMU(WESrLy|EmVEwRFm>iD=uZ>@UZ}c!e775Xu!3xEY^-JY9W`RX zKhG~Tc?7v+&gBajjXi5%B}Z}*6vd`X-mUChg{JcWwUIwT18_aTI$_-EhXmxZXRg!$ z?8K&tAfpn51rF2weO=XN>%96|}Ap>L6^)n4~1q4 z_)P{-_QUQaJ<2h7eI3taS5KlPwT!~r7WWe*8|7Ks=_eAvKXaw2#jjnMa@VU%f?|_T z5*Og1QA_mk>p|M0r!Oz7~f&MMR|KkPlg&F+e)uAUB5+bmMwxwN~lX%tn)5IE! zAFe{boeS(kN5i!L5UNzjZB18NTgP;ecT2?(;mDay~h<1nq7lb9Ee zvD8&Q6==cttP%e#w%S_VFd|)eS0ZRPA>We<`GNlgC{ok&8aY5M0Uj57jqTLchS zcWL_qzRl_i-&fkd6E1XKtx#mYGq6iB)OealM@F2;)!riY7|-b$?{N2OKVRIbW~6XZ ze87yLZklG7=^V;(NqF>Tbibv-hUSslJQMq`?`nRn`&Np`*!<7ggtk^gk{<+i*EAk` zc=y=J8vvm3b|C_mzl%U3JF@a+&6wK}%5{k?`@*#oyaZ!W{~aFb665)VB}`y-PrPXK zt1RuJVJW%eXa;-$X2k$#_Hm_tR>C=Yc!Xqkj0w?SwcCky{MOja8_fOB7Nq}r?8dAO zcJSx~OT@&V=dx|hVdcfHUzr8leIO*$lt)%GeRsuJk=n!jCY@SZUcqqe_$SM|-8Qn^ z>F?^bisRi5*t3RW>!srE=9>2Dx*H8p7*?%SyRJjX?T=P^`!;b846<#Un|#a(9$%+J zt7hhVlm$rNlkNImoD>uV|2irfVb7uC^S6{y1q>9kc&1`?Njg?&y)Dt%xokg9!UgM; zmbbwGih*J+H_&iovMag~vm)dYXxH=ZdoJ|rxMPLmTn9LsaF)%1_#u6cXmxwqU#~6O z!1d_@o)?mvFX}gRKliBbedW#{arXcHoQ*S)4xsvPb_-FGv3dhkGm9#JK1l2tz}yZV ziLGau6UIq9@rZwOH%&86{=gr*(9+(%0N z%hCtxU|A*E7-)Yw|B6?3X`Md|b;(!89rAN1jRy&#HPAUn7Ba(-iw}`++ZTI8- zesO^RdQS6+9J>7rE*Y)gmhhKN2JaLK01btScbxeDOZlc#ivmMx=x#~3r=17{Lba_5 zPE%~5$+U=4d!ysE8jk>(!p-kM4j$F94pc#Z?Pc*f-oaKvtre>H{M;I4+l{u9W zLb_8Ojz;m>Lp)TZ5DZBShS1;55>^G)DR%MzXFqLR#F%`=)d>DtOn@`$1Y1vCLw7BY zDEp=lwkZ4CS0vW*zA9^31kZ>CMQqdG${*?0m&<#ul?1v{FM#f|;>?k5KKrlkCut7b zlMFUrQF=K{Qee<$Ncx3sw61@BWUrtv0fS$B*>vT39u{B9X!4`2=GKtF#5_uc@19S>ZOlQq@`7~!IWy^lqoSt>Ua+{gn$JR!Qsw#~rcDf(JTYuHZ>vF9Wx z8GSO0@b8I9Sn$62&5gFmP>4~%{=LU%(bYCV1kaCxXC5QNBMdgUl7*7b`Z9ED{uN$A4Q zuH~RlqUoHs>;=LF)r@TVJ9GppR_7wOQQL2e#1sqC>saWfkr%{H{VNz1jv5V|w;ub;NHVCd& zu-zj-k@Ai8O{Op8WtP!HlJ$&KkJN3HEuVT9bje1dWO8QvwzD=P)NHIpxssTa-U5H5 zl&P^wO0(h?-;#|Ik`47ve*8VEhHVEtF7_`6B6P?4SvBz2&Fp_1Y7DKT1Ypvb{EL9m z!hK}^@7FCQ`|Gq5ZbMcAfM#o%;{C9$=`WiYDilgX4j^+z9TBy&jSi2;&>$6&$J@iF zrRpBnzw5dAgU1TWb*DoAK!noLncOx>k;)!XOz>B&LLOyFW&ICrY8(oWE{}j`kB_WgoN0uj}c>d820E$J^dh z7n040F~^~bXfWLE3m4+dAnq(127r@P7(5t-7B|sfc8V^8VA&tkPxteOa zO%;nvXY=LxNkP9EuN$bS;A=351K@5ymy-^V@1K#1pXWw#9I=&jHL2i5 zROLbab4xJ{wo7vD=k)S*C*wdQM{~}$TG)0GjRcnzxWEVdF=lJx%)4H0;|opXhi9 zw}1%1#vu$&MDATc4hqimTcA*TlJ42AM5|=3ew(%Uj&LVB7)@~-=haC+&m4}2{c0!r zOx|F7MxZJ6rjIEy5vaMQHV_R?uDick_k1vK2jB_6(*tm0f7Xtz%L638QUdlg>uQxP z7*9O|gm`g!bk3zW7&eQKMU)mXkY~h`<`SDL_=lFT0rM;}Uj+&d?P>0?@zrSo8da(A zkeM!c<=?4;^51TL8^&|h_Gpc8;_$X}r1rxA^5mkTBO;qe4BX9oG zORSeM#tTuI135^|7-}pxhO@B1%Gd<%*Hy9KO7-RbOyc^vQt^=0cWUpU8ZO=C_?~bR z5cqA0&wusno>5WnXgI29*H6LAtZ-*Nub7#L3;C>G!T|Yz&_LCr8xv6##hPX8@0h!P zcKpukk_U&~&^Z*k4BLBCUvzix&-bo$dBjF}(yn~YLnFYKPwzvf0#9tk>R&sAfzy;z z%?*u}pK>fvzK`Y~l4Um{l|n3k`PG;AogsyYFL*Ful&^Sgm7C{2bJbjOZs}kLLSNa$!;J26(bj!7f|i6KG0cV5qu>1Z8URh$Ku)#Yh9E^~|7PJ|#woHoO~rh(sEEGVTy5ARYv`Qco~m0& zJKVPIvNK(P7#_{}{L}#o)|&*q}fu=NQJ+-X5z|D%)`NP z;f6TtAV#gLasiuu^D?=oL28v56vhSChBZ|on?)tfFo(6N54Qa6gcV`A&%u@bFc=NNSzqEq=$y1Gq8L}3&t zLU(o{sW>0QPs>YOzA7?6Ofx5__GGbAf$%ga*=~OZ?n(!4bw_CfqFZ)Nd3@{o_ZO9#Sh`xwVPXm%rGj^L2t}T;l|H>LL2d8XN1;E+Hl{ z>CT2B3rj#?W z10O=m@TajR+NaIDJ@n#Xj6PNZU6)%gu^On^0NZ}h=<(hiChuUhs@ zbCHB6%{FqfLtL6ge8~2M6tP;VsDKjv9@oIl$abYbR4)6}q>=r7TA^u@d)*iJ=owKV zHaz|7LVm3veIT@QgYh@!#hxcu0d+sjI-F2D3i;+;Q!!5heSHzY=qRVmG*@DmA|GH0 zB3~CQ{sf*qAAbH59OL^$WOIJ0Tg8C?k3a3vce(-6co_?Yttv_R%sa+o{qWB{)TTOeR?S*jD##&?lK zb12Im{RyFn2KCM{7sJSBsLb19Mc#M6t>-jnKBfE2Qn%wff7n4K#p0KnFVz{F3UP9k z)vom>Q-^6vAC`zBbv@4uaf+YC*DU-z_JM%*uMYg3+|#>WMZRyo-r&uYV8FI=N^m$s zVl3ZLU61{8t9nzZX1KLbPTB;$cMOUp-(w~XpCyBe2gqOB*?Wi_yvMKQE9ORw91Ht7 zKCJ0EH?2TdM&w8+%cPK3`KOV3K~LMbek`{qn>*^F z!A!Sw$ocbJDV;&IA_c>_q^K$%s=YZp@m(T4k6thNyCboyZ!#+U))wBu;X_yb>FI!$ zwpeH*nj}aHN|+fH|1p4LD^aC-eX?`6(Y)3$D(6}zfm?_4 z*sL-v*m^1PL6y27iKVg@*_NB{EY|~eYgy12Y*WXu>qW#){=W=Qp(q5;f8z73H)UGk zysS46n>QV*GLE+O&&o}ES?Te0N*5Xq(L&ixrg(T%mfiU_k*9BwP<|aM{V{HVrQ49o zZ#$-2jMo*vt^_dA7E_74ci4$6&31@X-;e@C2SRHTwJUgveh`)M;9!9k#G1K@xXZ5~ zARAqm?D1{%&)9I_ZU< zT@~56Pn|>TB--aRpn7OtzOW>Rv?gG zo_?}Zo2hAXvpV4qMy;<~1!p$p3V6Jwm@;ybUaiO@RsvIMH`iACl)_+JzoCrv= zF4Ga;|2bPv@o?6<5qfQ>;+k|NL?Wuj-QOyz z7GA@0$bZJik{!vXD*EsgTE1qAbpfDuVqPDB!))13MU*C^lid3O47dSDtAd%7&)B$FO`SJw}6t z*vWyR|705;r?e}8&ARIZvAca`*+}qIE)1WZ2*&+>;4c_urv-sstB#0rR5^-{@{V*D zeGPF}vUJ)Lt=;CalY(TwC7oV=ip+;M@`uektD%5}OUtHd)v?D96vvScYOz>g*TKQd z8s4xaX+v8YSr?tkt}`7CZN!8F3BRqFS#=ASDo}>1-*aohh;0n^D7=6T%hBznVF9{+JUD7qr z%%pLtV<+8Wn-^Mzq=;1T1ZIEPn;1ugGioEJ1gwW5=B`*?CxVL|rZU~nQJ|I02*KFG z>~>-Kjtxyh*unvMxpS@q-)S2@lV@yJR+^hUqkj;K4e&Bfe+sYts9^?sGkDh>zrHEc z(ebT|!sMj{+QFL^fbs3=bt38zdgMd2tS=`- zRw4IT2&2(-Bt$-pDt_yFcLI#Vqx~C5ZayebNMqR@ZCIbm&IV>yS(L^E)?)IkrK^3C z(moQ80rwq-Nd6(E^1_b;iJ?UQDIUC)`QD3uI!I`e2sb{E{3CDD`XzGs0DRHjrEd!l zE9U_MH!m&buhnk^JBwqdBGAKM>qkG0~r`g!Myg58y$00+w z?|cVLonM7Hu;j4rUAk>QuKNzU<>lH15a5%mwP!aTOMbEFO^;b27SwZ|w7=JtLE|Vs zN5rdbYtd2MR`S0i2&RHTEz*qG&82N!F*#A}ESG6baU>oU{7~vsI>wnf*VL4m5;e73 z{bF-r;pKJdNre}i85tpcNLv;0ChaGc1O^3@J>^WDe~i(S)35k1(36v;c!q{27dS+( zSJzMlBgjHa)Lzw1-L}kXLI+WRo6I~s7M??tD$gaoUqKjWCf@pE`L}?7C4>(08@T93 z2GejFgI3mv^yb*l25lJ)+c335Zk-wjNR^-A64WkRQUQ?kFZ$63xu%vs>Sx2Txiq^1 z(~2R%bV&-qOnp!NdrgE!2h+2HCmY-*<>mmZAA0KY%`jPCBiIjDvK>3G5n#5}awPXw zvS+)=k}FCL{ssNERye4r-!LSvWsvrQmC4kw5jNT?8TmuO&@o_Mram5=A0-!-y9h%@ z+oB`YzOnpz)}KC<+r?s|*i#4*vqpLFK`QR3$=25*Ei<1r+_in$w->$>Xvkszx;8l+ zalx(9q6nh)w;Z% zID(`g`u**J9-7lScj=e!VXw@;ghSuP+9*d>LApLW4Bbkcx&|aWT>fQFL{Lj!KyTaEJ}WEfsp7K-#MtvM1?D%a3Rf z<>-IAmoUUWu(5g_xnZ{h$q>ZWoIi38^aRG3<8|{M&@sTIWB^61xZc$hs!J`|nlR}P z#Numa)fD4ztqQ{*`x5AwZp@k9F$%FnrlKyO^#~i%El_LiWJ)hfcg%j+NhtBTSVVQI zahnEoXRa!?Hgy8D4T2`;JLt%9Bv$-uk=wFP}ZTaDou1L;{_54!o-M zFE{7fC3$rzv#Jvm7Nu$X*OHjZ9ui6tBO(rBGe_<&p0=$mMIbqh&W&E>RO1=1ZiRRs zRm@>F@uo;~}nR%l)B zyqbc(J0<yiNvDpQKOraC0FWa5^GLZ<3)f{|!GdLwfs4$hCpka@EeH8fhJtzLDspqfg`Hc zDfu=-(Q4K={V9C-p>XwOg&shX%kHyztSZS8J$U{?-E`bThh7UggJrZWx2~p^021jz z%ihH+ZFbHh>xz@L;&}lgvOm7uwy*K%lzSp9k}hNiU#;P2%R`bj!JG1LaBqwlH66l` z6O=!mg&E`g{c#zPlg;Y1*g8R(8{3e!p$nZ6|D&zxWDnN=+W!Q{WAGTB{9jdbvw`oP zT`O)$(ml4FgxMo`s+2H%X7+h5uPL_Y*g8dEjLb9T=1Xb30RXep?eqW;x+a97H~0L@ zZ^J#Oq!<_;g9r>oKFc48*5g}~ymBGY%# zw33p{^Wz^Ipw=Ru^k0*y$75HrEynJh>o%{YlC7Mwz-OdpZJOdck4QjhvnK<$oXZLc zz1*8wrEQWOOlx)qXrntmiwXMF)9Htpy@}d`1U@8o=Xag9_R<$nKNzLLVfLZ=XQIV~ zal0|G38TaSSI>o;1@>MI z&Y)g8_^0z8%Z5Q^v_l%<-!06&2;~xT3)Z90D_m;T`6^7wR>pG>L{&#Vf06_Xm+XnqmnBq{PNAZ!sQCS7 z8HutGsE@Xj@2b$}GIg0l)Y;kiW+rCBO4Lx$rt3oG9~IT5uCRv9JN}$nzSaMD0l4uW znzom+gDExVP?RkXiV*9>jaV5MPGTQKw^(JayvQ^Y@+aPD5#-&M=vuu(=&#ai?H$X_ zkbdi%=H5*j!ppl`LB0_X-EMc%a#~V>loSoNrc=3jo9V3H@P1Q7&5;mPBeF(0sAV6E zDr^?z*n}R$LZUzQE6JZTF^3ME4V@#X<}9m~(>r;AXvktm^bu%*>)Sr7Rq*D=!+r+-nwDRe7O z=pbjI=l%)lNXBnu6y$3sm_WJoo-D_itBeH0EXaPjZu34Y~&bmuM0MyhxP2Y~_wNAfI^Dw%ksJ{_Y9$A0X z<-W#~S7ymMSB>cm%){Avl<@lD-FkHC7ht$PsD5Rp23<4qu)VCR_)Ze2)wX)1eu@mK zq2N3$I#EAu7JelrM)2!VHYw{BUZ0=T@8qB2wJyT-#2S?es+@q$sI2vEZlRL}iAZZ~ zR!2TrAL1!HS!rBSEd9@u9+qbnx_~s2_F{As(0YQoY8#*W?2WqQ_r`Sv_6wRnmVHhE zQ_W0ktDLqQkxX%<4O*cPq1MQD$IFK}ZW*E53m)}CYZH$3gr3}{T3bb9R_dqmCkIT5 z?{4N}zrnfQ2OH#pWE6oIh9LW9nO|gWLvA#m;19Q3!K2y)FR%0g^wT=x3X$r^$40U< z%Vg%VA<1a|YYd9y%2%)bB>!mfE3{}6_dx+%T<6a|Ez9*JZ?&7bUiyRFiVw(pXG$MT>o6n5~=riY#-z`(KNBo zZbR5KalOm?i%7GTWERK@NII2h)k}i=IRK|jKnDpD%k^r>KKHj#$g>4MTRBd}TmHUc zM1EHeGUECtL#wEevsKd)9-#nf{)wwj{tLyll^rIw6ss)hrdCsq<#QNt>3EU`-*Mz< zsM6jJtK2e_iwFkLtMc^z>&96cJ!?aKh^}?PyQSlxZ=cKF@8Wvh)Gd9?lsQ?6!Kr-Q zG;^$JPl#yf52N_a5Hdl=T31{aQdDwbGNMupwgM67b;dZt-W_MXDpKTy990J9*77eS z`#AUVMsF+GZ!Ik{C$vK57I=WowKyq3KM{R3-E-N92?+j)gHDZB>eY=zKGVwwM-Yuls)M2A+efAcPHa3m2d2|9| z{9yhZWP2%GjiyynUliBgV~FuYr>RwI$0(w`Eo)MN`Ll$we)U!qs^@9)-w#K@k+{~_ z;ADNqU_zg9P70#&(b5OZy+0#x%Ate_-}Y(+xv9L;y!eXO{*nk;_9Sq;whxgw%T5O; z!4*?Y)|U8(OTW}1h@C!b*yu6;N41!$o*<|+c{iduI~xr!y!0s=J?b4m{<8%0=j=&^ z(!!wjHk52dX*H!N6>3}6J5N*0z@J%v_+@-?N@9S&Rc<9yd-X_{vXhV|Js*n@QEQ$R zf9;hYwuL!C;x>-_R~Q=5X_r#$sSwMekMc!GYp#GdYdNJc`{o!8NC5MB5h)l^2FF)9R%SYN^WBh?JqI;ph9%(+Y zODNH}JbehKghXV4bsq(0fWEp`wI7+CTeL1nlMJTYvi>d8>* zDdlGSITQ6}zk`w^F#*xOyv-3#ZDmegXWIZe2tex!4hHD`g=Ai?(kF&uE2I;BD>tE# zZjpE|BAbS0O)CzZMs;#tAf-G)97Z;W3b2KT@!gMETjT*4*mJAI{4TK)CGyiQvQRbu zq`?Qs@@BP9IV4%~kO!TVR8IzNpJPoYE{hkB2E(G8BISczoTR?M!qs?wbU4HLW25me z+!c}Wfo==+jBSIa+(J!(87f=whuqo-$_rtZ8}Y311Q}e~=hTn#t22wpf7sMPl)Vq~ zk_2NY2PE_h_z8!GKs2-ZmbWZKRj@@SsSK zp^RhZjdvJyUJ)tu@rrh52JZ&Vyp8BN?Fb^ib9WJp#4)$>Pe)Z|*tv0Z#oGcM2o*G&6KWS;DgO1XxzG+FIsuIqBKmiKxk;L`$Rs2RY#s}peAz!t6uS9T(mC}GI zA~`c1r6U%Wom_|^!2pmN7nfX4b|gOz2JSxz)${)my0v=efZ(MjYc$Z zYZ8Z!S8J<8c#>PnO!bCrU(8 z3{9b=gh~o+iImTPGKFrUsU?KdJv&p`{dKMcI~+(uO8NNK!&!#H#pTyt@nqV$#k~s2 zU{Q|woa}X9lSesjJO}~Mahg5R{C*Qh8b^FJLYyfE!yeBsboXO1CBHrXJNg$Fz^|8N zj*$bMcKHh7c=k(cX%aGuD$UBXGxE)KCRCf!gGTf@A>%uPYi_=yV#&;I;dZiF1szYd z1{oji{YRl&7r0;6t0@rw2%r6AaulI8Ba{|y@J=_FS06|>^7SR zBFvX6H!ffbJ}XIZ&wGYBMT-^OV$H~3IcD7y{T7{Q0_7ElAZaV{_3-w;>~eNJgL@ft zC&G-a$p!#ARJtR@ay3y*Vfy->AidD`;BlfMi_Qokgpl2mt1(taW$#4hFxwuOXrZg~ zr_HR>p|_#f#a!8!djaUZj5rubVb!i7pBNTm_hb~_^X$GV=3N@I&RPzsnrk1A_ws$C z`QgcJOi)<-29+LtiLoVEWGMhw0&Dh~+^Fpsu|V&0MMQnOhaKoefELAb9UW3VB$Ofo zjNaf2S{$Iv{S7SbbaG#co_2~#StL7a-r%?*PM}E(1dpX0=ISs@#+?y01!N{S_rN89 zULg*4hSER2%q*g5yLt}gS+Tty8J_8O8Frq~8-EjCHnxAtAQ;%(#l*czZ5CW4maht> zTy<{##46(PhyBl*Rly^a(VCtPkEq8y$V>8VA?H*ixXKO%snIQz6mRY?eXdK(`lLSLT;Q7_uK zd&8eQ=ofnK2K@mcJ~4)TSs9enM|EV3^1RNu(tX$eLNGfpJU;SE6TiILE%`N@IEpB0 zsiH)lR+!myHH6G|xqKG$W`~yN=^wVa_bH;ASAQpo(Bdg4SVP{RRQQYSr#IS>W_iP8i<1sO-o?%JrQc!u1}TC;>7)$cy%7vtu%YKZlj~PO1Mua#V+yl%%ONaa z$NDt&A8EZ&;ZKh_E{0mML_5KVy1?J*Jq0Le9n1_z1T<2`LQ8W?p0l*g8S4d4CJ zLf~5cObH;?-u?9Y5BkPyw1n@x@9={!8CCpo+)GGk2Ub(DR`%%U;!nSt2!5sMst}$p zc`B(tjrx8&mavf$0K@`W`2ekYK)^Ml?kU+}nVMW}-Vl1Bb#0U2Uz5f*b7hE5x?W17 zTM`*QK$eDv;ASj31hqWe81|ji2E*XB4=MW1z@^h9nHU|OQbCEhh6I@<4Yu3x)hzde z2R@TtMQ(56K6TP$LIi6QHFPdxf7JCe+qILM)i&#y-eJ2EI1zgzo#hMDx5H(A`A^$A zEUTIs%V$N+gj5YTwYR;YzFaHjgXHT;;a^Sds2p+L{QWZSh4w{%WjChQAx0{g7{BD+ks+=6Q zywRgF6kj5v#e0IZQTVd1vVd_AtNg?eZId5@p*Ij{yZZ`nni!ndU;bpHK2gfJPpcNZ zO&$%dA-t4Dul&+Bwsh~N0J_W-CL7yLc&Sz^{4QK8Roy!Mq~N}t$5^&?cD>b#jGh}o zM44KhTx6-R&By!z+!S2S281;_NqFK^P$%1n)34{Hrj+^>AEd$Dd+k)n(kRa5cO6(c zPLqB>GN|N6QB6EfQXurh=U(rR7r*tUp?Ds!7TZBZ%wZ!F{!)`k-sjFRm|4Gb*3Aja zou^51(5Z(sD3hkFGd7-3-9M>@v0=dIb|p(at#|=v1-cBK@%Bnk>fiev@mm)7w2e9- z?>%yF$_)sR^KGHr-IiiWd&=JAB;_dg5D!_KeNN56L99J>Y)z)FFBJD2Z|J^Upv<;T zcD_S9TZ&}JE;m8YKqv|rm&V064-li4RwmjQMQ_y7|mt7kcketn|GDCDJs-;amU zM=ASJ!dB@NZi*r1Q@7eYTjndWvDy1u{hBd(^w;>QY|vSne|QaS#j(DaeMa)B^mlrr zkwf>ZvgPr|_qYe;v65TY1C-7v6Hsmg<>mB^am~tAj}vHftv=v|lCMo|s;p_3=lHTR zIbk6|@UXq2!bGY8Hw@H56bM@KRZ_Y0EI6V71emI*%aS?H2KF#-cP?F?MtmD@c9G$N zUq;i;fl?>&moQm8#9><>%O^k%(_p6zA^e@1qWpKw77Hco>m#b!n)vA-WpGvT+YMa{WvUP_{+g0yd=nAgbzMs~_} z)8Ynl3j|MFBEH3f-zI+l?~o)ENo$b_5e@_Iy214&zL@=J2HA|n^WLLi@5hZgVwY7r zp(<5|AelYWkDN5#4bXw?PCz{nK%eOhcfnuG9@Q~Fx(XX;Eue~8V3m_GBkYk)lc|8l z_KaCxQ&~H!?Dl;YI|#3U(YrwYeMB?xl_)IRAczv{bFj5klO+0Yez-}*Ctod1dKY~c zf>{qb1+44jL;iD}QfLFP+?u>2$@}v6fipbS%eITA7Pz49Je_Vg_zsIR^{gQdDErt(O>S^BDUQ@d@wF`GYbY)0~x4{GS3TluvhXuFCKzfs@a zdlA*RQ`L&)Mv(o8|GR1CjmE6i4h*!rY#HCtzS=O?vel06VXi0F;|{NZD^V)Ax4t70 zYyfU(ZQhnO&^*?5mzejt;Qq}-%J1_BRT%hdmFMuz2~;ze5kVW2LKTY5*ehs0uSAJr$eFQLi0pNMsO8Cp)B)k9&G zmDury9YRN(`i?I={rsFOPO2~F4s(tK-@GT+j+J!P*VPr(JM$~3Vqz0_`4^7l@1$>4 z_l?$FP&#TS0n6fQnG{y4(Ok5g4-7P0d!+z?*6uT*1lyyAu&eH`hCZlvv{mj!8R7G!CC~miY{*C-$JEH-nvG6OuiIG(P z+p@Q*R;+{V`r4%DQt0k%EO&j*vIq%W8nfKk)1@VV@2n{e(=HpMYwBG-0i{d$6Ua!x zv0T&IJtF}+hr=2l1nvy-2G(wTy!q~d);6HoOG38*722Zw99WI?j)6Jy682d+TNXEe$0O=V9taOf!8O!(L64RmUT zpR>44qNhI4A>0~><7hiK;ShhbirRtUH{)VjzF}o_I~Y$B7;<8m<{`$Jqh--~Ejkyr z{yB4r-CKdUmhrtDPQhHsEBvkUKA#hPo`PMgc}(|%&#wr%OGVdyP9aIOqoRh%`;C{N zW2Cc6{k)bh!4$(!lhS~_D^4^`bcp@87>F0LedbB^y@b8<>$(`0r(pwZ51Dv7d=GgW zn#8ZaJH?B{@&`L1JqdyVb8)Y~9WwObGjoVI)#@l0G_Hm1+`&`6jygqYldJ8dK?O4>SW z!b*Pzy16o<^eoR)Hd+*%{^;vlG5dGHZnJ~1N3e+;6<##rzT_!%H)$y`es-Gq4JRP0 zMi*nN1B)H;Iq8WXB`~9dYR6oL-8ktJZLClNY3;X9IWO$Guz!qWW5NYX#q0h(%VG_* zR8#Wylsmd23ADmxt)DP7w~Z3;-}^1FU-S^_{6U+aE)`Y2=L((6G$+;v*Gdp!k}|0g zM_kRk(%OH83q@sh!tKOOb86@G&f)4)lT17%dsY$}PKnf;=ILp#{tJ3pq2GL*q%!Eb z+W71Mgs3Z~E7TYref)m2VKRw+Dpm*EqoezqVdcl9dR|QCW1$Q5n^#_Q7i-Q}|HwGRyrurUEfnRkp`cP4`3Y?qAUZy- zkIixFr4xTbLT$8vO7QCeM4${9u70b!i~Trf=WvF^ThXvs8TxueT)nLeN)hfu>5;hAZqK2Pt)YEJw&vFDz&Kju8o zY}&lJEg~j@cPCD41>eY9|7s_GdKd8Ir@X^xBuvNSUnR@8Z^J%Qt=}2s8YFy+tshu> zXsa;cxSYU5FfRv2teenh*>6_Km5g?n_Qr`-y?phL(D}b+_iO}v zgR;DQdeA2;a`8omGn2MIQd5miXsc7Vx&A`R=6M54|>ORP)PR9LXcg_d)9DFXhA z{IyD{5`t+QlcZRXCiiyb>xza_aR+REvj7Mh{y8a*V}nt%NGtB{#bS=}?}zo4(B{rf z|C0XH;$;vlGLs3rn2i@4qeF~trpu4Gg)X=1`{gi^pJSu)60`3^u1^3zDqu6UpF3I= zZ-6O=)GRvuzR3+)K#S!KByBIua}hjZN%&N&P_SL!;Wd%VZHl~t?E3u^a#_P>k<*Iz z8uz=Y`56{z-bI!`v1j}kq_<27;3%}8Y2MY2-$TwkzAfi>&crws-Sib`g~~MdGcDx@ zdcvln+7kzcB132Q@2N~C&=uE`{V2MMQ(_btJ-KP|>^KF}=Ax0__!~vTU6Xm2-`MOR zLZc74*$hmbYqLqmewQcAhtX|#H$Vo>55J?LHOyNu3n+<4L77XQrP8(gM-o*y-AGJg z&H7cHeGquRn%_r%!KW~$7)v~DwmYrr-eDN{>JH&R=t){SEaiB5SU|&PQp=YJghfEb zXEK#~LqULAeOpNHT)NI5 zB0*r#(cg7!n=H${rv69~C{ko468vWiZ~(LtqRhhf{T}vGB_U^nEaf9`%IrjXjtsJ> zoBpIZS&+$lT7x0H@t4`A5Msa+)n_6{V|-^RxmgO>0v?JLKy_>HYTZRRfc2U)OfBjBn@75O+ImSRwE8M3R2Do8i>%UAU+K z)1##sTsb|i%;8l9&C$#I?-+P4^dS;;`syu~|CYa8xk6-uR^8B|HR?Qz+0?!0ZduC3 zvuOl%Eo3ojy00G4?VLNMC*liu;iO$+QS-JRtg|vCH%aBjjA!^9qY|B~N>^}`UDxCB zae}WuDi&SXpb=rAuK*VP4#xpg8_##4RqD09t4`p&PXCVqcFmObs-8Maw+4E?%R#dRtbr>36Mh7W36S4=sV{uL9A`33Uc4B*NI)Fx#(y z<={R_LKdPN$!&Df+o-;8Jq^eDZ0Q()lIq6mbFAbgQ8iYX*4d;LAD1WtnL=sv9n1NI^#@**zr_B_= zq4{vYy1^O>9t7`;!d$lN6!~J5cow+GTwMr}PW5eWB>MAbOA#KkUmTPlE7W=91q$ia zHyI4EMN1X&F_XsQFGq~uH?sBR{6jCU-O`_K_@6|kDUPo#OA2S}nd5we>K<@vVNYeB9?QX|LP5WZ{$N-Vy z?SFLv?oLY!MfR1imZ-|3=Xc`1XA7V@xq!GB(S^R?GX{zn70g}$-i={`IcB1Guy^$W z3j9f?=!x&*Kiy|JhvN41_w@}0Qv(b0zI zl?!o5hw~%am``lQYeEyO)Hh>mUY^H`NTekvVcq#7>37*0sv5#3Jxt3@dsYz4vH)UL z0?G$NMEUJJmjrH1#9MgFoDPzt#H0wPhGO$0S>Xv)8uDkSI^2LBdY)AnIY_rMxwp^)bt+Bw5{qxkMmgtT zt^fe8x_^KtE#pHhg56|x`C7Ld)s%$m!KxG$18Qjm|;H0&U^8X*N{u{V3im=#G8s_}beWbQ* zARKr-zn_h^k3I=Z-Ri}X;Lb{gC0dF|MD0(Tt|e?4@(88(p26BDoF|^w6QG2w$|3z) zC&w%5k5=?`#rK&)&*jw+5rn?EyduB^EUUvwtjU?K)$H1Oeq2!b_gzivYZM2}MEuvN zq6XZjq_E^(OZLE(Ah*fpnwBlmwA`y)e?Z+0CRyLLxL;r{VBsR$i)s@7vW-LuCEb?_ z&8CT@X}G$f8p!CcVJbmc?@*IE5HZ<{elQ|dsUhLN&~hg+?P}jjC$%@1OgJH2V^0ht zZNCzGm3hkaT;YQ;@=lX#Cur(go`*zi(2Ty_tq}O%M3yl60l5Quxf#aI%C>yK0YkPW zDUfcGp0qKJfE-HOq&}UyOZB890EqTlZSuf&g|x!OY%u7-1+6~O``=s(mPj)k`X4Xh zp&^4o&(s`-v{hwPq_>-beWzC26&I5$PlNY1IV3MWUuz`K-lP)g7qjw;SZ8hLgv?*sy>S!0Fz&ATuZEB zdpk}-;9Yw|(d2Ph6|mcn81240Ni$cqPa7a?Rd*Y}r=ylRy6m&fdJy;^f=HU+0QcG)Z z#9U2{tFH8c<2=JkSt;(R&{oM3;BV-c0CI~iqqjHk+I#g9TVF@6HW zmj%Z9zj8#9#5p3>J@zm=j3~deWZ?g%)8YLEx=52fY*MO7X#YmX=FW3o;9=K#yXt%k zfv5HZ4rbOdnLMvWS;n;JrO=o9jccNGkg%(pdW4VRi;BY_9l~o2ZAs#?Ejc0o;5?Y7 z*XhG0`GgoV@WgKQ;dS>YuY`{UX1QOgQ*~^%3MwSaf;ravHj41C;XwsV@{SSx#6E%u z7olCMXxZ`TLK)7YDSnRy+z&U=y^75e?;`JcFB)X>da9QwZMQ2wAzVx9dipu1c#ib= z$DIkZ^e)0aeC;O4szVHAMVfsS`x8r-1x9a$(u=!FoQV;|Dp7;J3Y1r&z`G3nNG_09 z4Y!rMwBieOHWGKBhgv>N(bLG)F-U7(2Zep7+pc31VviZIFnNKBzdm%VO&P*$O;{+o z4ThxUg?UH8vWM1Pc;9s+Fw*t*Pp|21|4sNBpvavj+x*B;F+VkyTBvblJmooX$*DR1 zxGB?hT98}LRoDA?IPUjzA*r_eD*qJF@x&VS6#vfsXAG3jcAt9g+!g<57Duuj<{Ek%GIa8Sh~Or35;bHG1y#f_g^ggygff-{&lOZhRX0*yW)`jl$c1y!sjU z&l_fQmXTCzDc(;Q6ShOvz1w#~r+%zWVpuZhi{U{QD#~pUQC#!|^Bs#5^FG>eNz)RH z_GB(wO4`+m1phGTH!?OqCKzvcBmCv(j>u@tC4#6*FEL(!r9u@$uQGobC8$-sixmmu zQ0T|};TsiajdPNsWx(6<@FC14;et^+Fm#m`-wpgpeui5|wlo+b>i5g_Z||xGr@hvd zZ1`i1bBah8Z_J7$`($+4=Jbm)&#x_Z_N++tjUBCKA=8LI`v1A9yi#Jo$16cxE~c^I z!k6&wH&?3bPXCaQI@2PvjaoWEf15Za`Aq>CDizHg27p=vG@o_BzSc1y zU;ql}_P6fM4d%*XSA4`!{p0FgpLU#MW!#vE##5$%n=(-#v>`mtb3D$UZpSC^LUPw< znLq>@LkHshSN!e}*X83+EO~fQ=io!pcDQtSMRD@u$zY&ee2&xL*S)8zj&U@d)Y|W5 zfoq*H2)aGRT+_ypbeF2JCv7KwQ2{JWPnLM&vM`x)9^r0WB%I5}x^r<%97$z%zM(^v z%9w#@w7WUQcv&uv&qQ#@yQJ0#$3ibgV})vr(^^p`%{KASYgejIt;qF z)BC{Fv`8RorKx}SQePw|tP8u~`u589dP?#6ykR= zG$j(1%x4YmlMPh`sZVb@|4mC{@7C~L)a9NY8xFyr%1y`_+aJe2vrFv4Z|$R0a{t|T)*o58Fqv(w@Vt}t%&ol$9_=!JdHRE-?@@( zxJf-u%dsU0`wm4sm5iKDl)22P63-6w3?Jv1yDeI5rj{0sf&QWUKh>(*2O@^%c++^i zylzLZU2Xd>r7c|O;T-F{LokMXl6Ml6rPxH-`e-yW|AZ9{CF=WL8}TP-YogI8r~TF) zXTtYHk^KrByM|sPC7fj%bMT;xg|s5Www}~RSuRSh8RuU_ere-Q=s+(Yb&_jo((FGw zBC1Z0t2nGqk5ltGgTzr-_THPNbN8F;l#4pI@O`7hYC7L3kyQa%??#Mf=Hm7!dETZ8G_{?i(Zx<#rsl?zJx#6t6L75FRShO)`3pXUi3sdF<`a$TDvc=6BP9rnA z5s=1H;v*00s57|`=1P|*_D7WI2rkU1`Mjr{-@xi?>L=Fx@JXXd`;}`mKzwC zLpa4Sm2nC_r?RizGBdSyoat;`4dv*eh2m7%DIP6v&ygum{=QDD>f^kFBAxgtNKTi? z?;JZj0s%Hg%TfZg)Sb~ZaYWja8w%uyFZ@}yO^ro_BG%CufOQtxZqz>|@bb@6vp+r} z55QT57_c>Gf!Xty;O8t&or8U+^{QT@v9%|kWp7%UXNV^V0st&;)?pqM6n04rJwdaN zn-@@u%SR5I4!PaN*`_ONw!-@`l|AYMYxw&{xP2Ud>Y@&yQx>cCDNge0<&S$+Ok*-* zv2V^VwI}@g0i(i<)LN{`tij*C9 zs-yEPk(pH@3#&MA(#b*P1fcC(b#sv)BqQo_1<{YsygG1~*>cqI>n~Gv2>LuQ2T&(-09j7oKym!19c*Bftd zn$z9f=zMj5awma1p`~~qQ@|=kE?sHzGtA+dD`-`F;eZ}W1}nAc-#kFhn0!9M2%v0Yyh=enztzoX zN}Tvi5LWGjmTlzN++NGbq2a;~_X%%2H(Dh?0SE6y&66Gv zm7qmg?3A=%Wx(a;uUiRRTOY5YM>^3q%Yw3{&Mn9GV zhPR5X1}C#q6HB5eD!*@mPJsah6%l1Yyw*t&)VV;E8Ca+!zt=DS(ju3-`8=@Jp9R{i z7njEef+>J*X(lc28z0XVg|TJ?5fDPKL6LwjHDd@5O89NuDAXCLm8e>7K_xCtLo4;Z z6fnpO-S$kN%~PNgCD{9n4%}m6rhWVFnP39QfrIOVbw065^CBwEdsTLhYcM@=IU_=h z%N;T8#&y&m5{qEB9WpzYXPS8~vbsKGY{3-94CuZ4;w6(BWb#nXPdWHuJl-ODI@<5U zPsgzm_0GveHv3qAQE=69h{im6SUZMv#ML7&j-sc^P^uP9X?sjan%{H#>pjaypOozW zC61Q!XoAj}8UnyGUSMqdipiKg_%%-ltlF_#^G0lS-6=b=BWwn29@?MrF5??YU7CyA zKZtC8%RJPh+dlWFu_qMJX=>l6aP%6u(-y*UtW);Mdc0tFz?Yr-$t>r9pqf95yv7f- zI)z#(`!cO|{*fTUxqPiZRK4V|ufVVrn*jzXE*!hQ#YTYN(+|zfgZBz`#Dbc-_`;(k z3wc@d9_5Y5;h}<#o}3U-YEKI@|$i=qkDNLUZc>}w0dI%fO6YTn#*cP9}gS>=)PMrW;L3TduoGNmVPa= zBa@I52P|)67JM>e*1IkH~+Vr{Quj^)<=;F)H!gGkZd0mOtdMjR>3kdFXh(*h3Vo7)*T$&KVar^ zM4K#xm^+0p$PiPM#iy$U82gx3K(?embJCc=F*-J&Suwe7FgxyqaEbJWfZ$i2>P|_A z>`bwp_c3C3fLY5w_(#NnCl6+TrN8HcQ;i-zgT(x@Wh25Wf}|C67q?@IGbZwjU?%qU zWhcF+j_Y*}_0WC~!y4uFqhm~8b*fNarnPC2-9mAyL0EHg2GW}Z&-muHPrUsB9zHzp zUfcv0ma*V&W4EEm6&ryy9(>N_f`!w|8pz9PUir=rd)*F*B%^}aX)O%bt6>pB(Y{9p z#z7Qlt)!;8W($I%vI!4DUOc83i=K)|!o^!Zd;;@A`o!>X;bB^icgIx?THpf!tSQ2E z6~l}NhZ3)h(T$b#4q+(d0`Zbq#1{(@TZFs|hFZU!e`9gA5+bKmpJ|W!wAD|>O$Q$) zYHeiNeQP}lo(||hnfsT;uqbMc8{&Hq&X_?d=Z#a`xaWRMg|%hii@RFZOo4Abj+lf8DH)^0hOu?(01A@(+k>sP; z1Nf)lAAZD`;Yz_Sgy+HW7I%%=k3V)nE;irTsrcxM%-tmjUsM4K&;?w7ftS&7LINO| z02}6EnWJ0i;=}?_`eP3B3WKhi$}JPz%ko+6LF{0}wSV&a#qE~KDLj5f2p#mY*{);Pyhb1YXU!cN=y`a9sZ!61(-@c2 zf(JpFY*`g~YC_U~9lJ&Dq-at5lQPTJfQ_@P;!}Uof_V4QBYO#lgMDH=u(PO{vjQlOmz#e+_vSJ=_c3Ma{qXUru z`)*>KVf)cYV- b3-TZdHOMu9RG-mCbshxZTwS?P=AJgByYz!(DQinbCthw?IuUu zlX=iAahg=u(sJb=i@(iOcz7eBUzI8ef+gYLqEDo!7-1j(C8UI(cM+1B4APSU}SB{?3E$$D88XRBQQR zO+y*U1jr+y-O-Xg-u`9<<9)F=qL$>fVug0_t3#f8%z^F7v|qos-2_(&_<^#eGsZ7aNRD^(DBD?$Cg-c1r_;nxS`4i2&&!1O3eu@|}M{;jZ=?hBXR#-WQ zvqr`r9I6ogIE+Zn*Y_j-u)R~ms{{M@~dbP$KHR`6*Oum(_y_HL0&q;yxhppP!Ln6!kd*$bW)BmsdaRn z%Dd+ZDDv}-^t4Fh>mnL(;%um2xeea%^H{!?mp^jq3Z~aGP`ntUsx~05coX_`hv^yZ zT)h|x^;KMn>+;zJ7ZAO;lhv+u2?CTx=Aphk*S@o8D5%JQFOTay6GM|!MwnX^{>?LL z5GhEP_p4(6U4bD@A*Q~Bbo=+;=cd?_ZGPvAPN+l)Sv=2@ibXtHjJo_z^mx8|c8fH` zLxhvvNrYweBPqF(6XT{L#0ZfByMp9t*g*%%-XKMOWmxp*I|G;f0ZrB!QfvS@WDY^7 zzUg9sAF%nj8A>rJQKC#oe0Kn8z&-|AEg{HL@ck?Ty55~oXy$OS2!FSkzoW&XiKc^Z z^i;l2cG&WXzoV2YDLh~PdIaAF2OFR&>bYa5`ff;e2*vL~AYwnV{-(v!IS$zpj@Np~ z)k5G=+%??9IrMQO^;OmcgBZFX#D*37wzD_B^=K%i7kdYB9B)~wYzSOThTEBAX|Rmq zbYpq=NGT{<7`RXU6xF7=-TC0(XZw9F{XT#X*3O;h=mwkXj6U)*)SZa3LB%{{Tqtvn z3$UgYT}YNBG*q}e*>8f2TtiZcuJ2Yg-B{f=txnPpqxJh>-`)04%j)=QraRAVcuO5n z@if@woa~8!>T#KJRP1?-E~FHmQO`AP=@dB&8?D7s{Y|50so!YmLF%L~=D`6WAwAIQ zFPAw%)L$48Li5jHH;{2+QS6bsKS9SJ**_F`+ycLRFh(Qpc|VEUGb9i~K56${>0U~? zY}_5V(e$qy12&?-CuQP1_3I18s6^<&z5`~yy1}8(<)=hy;XVilwYIDHDmRrxMs_p0 zC^W|@8}Ws{ga7z(Gb%{`e}<_46ZYC7MjaL8C6fMS@M4JQ@iI2yr|5bBmNmSK6msjU7UTPj zf(Hq*vv`aS-{i;i{z87I8oUZ&CQ1<{i~?OlUf0CvK!R}e(#tuh*~P3 zOW#WKPH8>2JE_r6`o*?gz1F`hxPyW&BT}9RW??e+wALq=9O2I=1;N(DX0xyHTVF0a zs{|g8403s1LOhQjgvGdoNo+NW-bp-IR6kE$v$0GM+Vfz!n#`J?5PsibeDnM!kSHt3 z_Yj3RQeSuCJ=9#}5ZOpeKA}wqsPls$1GwE$!;pp{_ov;5p%dD>#=_sKsOkUmp(#&F z*~qi(Z`EBeNjNBwWf9|IRejP!AliH_ znpczutM&|P?af(CiO8sf4?u9YLU>i~N_zuS1I$*nTGz;ZEEmS@EbL~8%06lE3|8{8 z;s#B7E;=@&qk@oF4rrzciB|)##QaDD9;L}%f1JCcbv0vT47OQ=@@kFz>0o{!dIFYz z<*e%B!(7pp;<#IdXTQJx0!SQ?F6QvE<+bU%&Eo+1em+r4lBIEUXN?1r_AK(a_N}Wl zI;9lpdb@eadb#o2c`p7T$b-H`+u?C}{M$;jS>H0`ua}-q1`^BZEiwA=6RG0U?#Az@ z69XHMKna!4dqH#`RIm_0QtGhfsi_iwt^NAf&E1OFN=@95W)Y0swFUY??PA=XytH?p z?r{gPeAa$Fu4zxaZDdqAwwbvP;URpA`~-BuqmkAw#JhOV)ebDYRXTYsES(-u!K8!N z4u|)aXWlNgdDS2FlpdLCE{yI5o(BBqi34{yZXjvP=%BeFAJF)pZ_U}b7f8E@$e-f- z#DHP^gGEZ0bOkao2wFHi6Tvw!W!XHG9ajNJP9ml?p=&0ucgZtJgh^lIFTd4TgGHf0 zfS{l4W2(~>=z7u_k0aJS8=p#`YJpzX!CDSm=`w!Vw`MiMt!YpV@xeB2`f3RxeMB|z zCi|zP5I8KoFHAY>iANNYK|&VJs&IoHO+P?FIa20O$X9MA_}{7MHGAwP7mB=cIF| z=yXY8D#0>dPhStWD+;@>__ID9(j-8H2PeexLBzGPDDOpJ4$XEk5w}I$mx#wI`Q!5tJfMey~#vyd5dD>vHl>Ij^y&M`XH4HRxfdc07fyd<6^-6!bsnUo?tb*CwVfK_O!M!9p` z@N+{hUs<(1*pW7RzUL(Mgslz%oTo~n#^d*~M6o1l)(3yE^D(9L&!x`_VNHG{l!f| z0dEv@22I73f=-BijLhD4`;@dZe&xXgLta$+A`$JbrRw=crhuQPnHE9ZhkI6lOR&d< zOj}?vMo+FWyN#fC0GMY-IKSD3T!?v|LM^&~bC& zxBWjr%YH)d-(GV2l)J+19PewB&?XX`l9iv(`o{>kB*KpY)cGfhHc3HrPXS_VkB{$B zG12$kP1Bw>zI`~8jeAbJ)pRQs)sDtfCWjYU;-99}JU2mJr z;l=od*dIXdB+HLNjXE@N)-GV#+>Te)j9d1hX~d*}-#|)&j64m`?7O}Dh}4%OiWl4M zUncB^f50~Wn~(%1#C#eOQQFdfgM8(g}*@m%Rggqcog!?>rNz~zlew^OE#|_9-|G&`nPja z{+6qc(=A^+wy)`(T7Z$6F|ZCYovOe+6~(vB(O!#m?dAt#tP;>$#Y@>CdR}b-3)v~C zQ8)8Y7$H0vTej_m-c#%<%W6sYz>!8yusatrVHuZkVmQggyuB#QXCqa-M zXu8pb_1o_If!(RlQOAkt;a4QjK=46jEd>1WvoJ}-9r!9`jx3Ue-62Tmr%8mVbEX;i z%z5}}!1qU9i&IV7(T3GsT3Jsq5iVaRWRTHBAPPx?CUE%yqr(>gULO{r$pYXT!44f6JPUpS0gR}a$@lQKn`MN_a}zX5i{JE zWY1_>{8kyYzMS6@g1rEa7VF+@AG>A_-Ax(tYM4mMJ)d8nK9qJVO`Ce{GL7HgmDG9+k5u*^_%1pkN+o#3 z4zcj|ny15R?+i8VO9R4R9Zd}|v5{Tgl=HoqWg`EGrLa^y?>GQzF<5P=ZWQ9s;eATb z=QoR7*9@VJU3BY~-JWY;1_b>2*-8<+%_4k!f(as4FVrHg7J9C|e65>_xn{YwJ z*2V_>Fy#pNsXg5)N${|b00Z*p=CsYf!Poq)$=jAhjnktAe*Y`!rBFdhzE(c*TR!W0 z5ie@1S)~vYJ)l!BS}2gHUQ0FhSZH71)tVA;#+gu@utbAwmDSp8t z{Qx#I<;S*ewq!AHY!HlcR*&Khp)%Svr}N_U0S8r zkG#^eq(4T>(d-aj6p8-w$q7~rKYTIe=&tK*I-O7dont;DvDZ?)EqwfzFy#r5(iOIK z&4=%yD4+Z0-U5N%&8CcO`IN~8BWPt`w_0pk4)Iuh>D#FG1CyzLWOk;;qJBN`a>{@7f&Am@S8Ztg7|A{-za zQlC`#8=o9Znd-OaBWUR1HSg`*--a{M{CM#A5pzp#K7ic<*l zcYzQ@40GP`Gv+9G09SA2qvZG+`E|3ImB!=XJH*@x3v}1}4t6`~fZ`%HN@V5B*4oOy zca1I;l!&H#`p;FmC0O{n{LjK}0LnQ5!V#6|HCg%p^a6T~1t|w+f`JfiQOX>O-x%_K zu_3!A<@PR2va?K1l&8p`(8X>@dPq<7t~OidFqXS8EyZAQGo5wgStulig?0>))zr1q zSb&`Q*mhM2P*2wp+Nq0;_Fl*yOwf$u<-C@C5>euWB2ECZsa+9AN$7lZh5Cco>&uYA zhv+C)YBG6TKbz|PkSP7-BFE2M)v54Vcow3dNOa$Nm)Km1H%++~Xy+95o3D%gPV>J_ zSJF$)hAnCCfd6RMbaQ$1EiMx@5;@WC451+gD^Y^j>lMGzpIsKO(}5zXS?QGC7lJ~R zZanYSo7`dYXAcE7L3CYn%-o;ak#>cikM(%te+Nm zWAab2FZ}z<3O&;e_o{QAzl*i?3d%$GR~9-w*Mc)z|3;RlN4mybAjA;=UF0zvSI6#= z(iR}v73FQ@w6rB`c1HqY?2P~4{Pw?z?hx1UdW;!nQ1Qme@1-`t-{-0X&_N>G z>K65`Vu_Z0keH}cOc&rarEI?r5Br^`uNX^%EWay`kp>U2!?&$YclS~!cfR#_tHltM z&nB%D)g55dHx)mjNwdKP%KWSWjiv`?0MWvTtemf+A)LR>L@X$lE!S63i$7$6iNxK{ zUz-6!$Nf=rG}g-vYJzTvSO*gWLzC)stE*B*JHo^AW?}akr|n{@Y(FGvQu`q3^abXz z2a>i|dwdYWj&oWi_?AgwWdeDc7_h2|&zmZs+eB78x%0^t1X9eM)fJlU06g@5}nP@2OC`G)}|<(1X}0J4)ovfhLF15$J;j zjig*-aZ3>n?TQLwm8Zq$ln8yyR7rSL#a^l~k6Eg|BPN12`GM`!_k~VZrNS!0=59b& z@yh*p6U>Z_J9Icro+r-B&tjf61VCz+Ipoc#zlIA`5RS3R1@!%=UMov$V#EG0MLuNL z)ixk(JtUt?bU?>+EA3qR^;^2u+(V=zmzAt2$SxLU>q&d zT`!{baAzMV;S?O#M$&0I6__mUxV{*7vDrU8g@BW$Hkil~om$Kmvc%fmoPWWqZJap! zozl?9lBEdYZg2D^?mPU&9g;^WC^jGe@KcW|ZHMTi3uULDDHjG`;$%rpB?)Xh`r~=! zvN>hi@71aPu=PQEA=})T44zbtOAUA9{)R=C0J~a!gspXd-IrI+>JIB}!K~b~@cZK7 z5Bs&^&W{OpL|}9PQ%sXXR0wdZzLpfs1o}%Vbbr86#^I`XFg(~&bSc`%KOsd3LI804 zb6_Q(X9P=f=qj*|`CaRClxL`Tt(&rIT^3Ehcf_l!(l*+hA7#ab3a-fUt>NfE_b0WT zr_)wHt@@@e5MA@tmuRo~{3DuFE|*r2?_k$gprS)WVdpe2QFF<^)+atav(c&|n)Q?I2YmIS z9V8f!`0@75LTQM7H=21eSu+bz z72Y-$Oot4>O1>l5nCtc{DwL{EvFrE_YV+3n$)&oPLz@A6{#iq16G%;Gr&A*o-0+p8 zV4N0%i#HHQS*zUKL%k$G#lV8k!*;>W`n8?>H@wCiJoAcn$3bf7cCX~Mm}b1fIHb!( z@Ve(ZD2ekaFV2KAdy#cTSLLfsBDwXV(i(A{$1Tizn+TT>g;jLBiCRq25`ew;u2sYQ;o)z$p<62i4qN5>8Qxp4F@loVF`iOaC-|<{OKwK4 zXlkPuzH#Xke6Dk$+U}kU#(y^1_pvY#4YuX+j9r_zHwp#&Ibo)N@i}0EYVbzN(>}ah z?D216NpLe3{9lZ>Z;ZmB;~p8($6LDD;vELro<$!d?4J8<=EYrjfK-n=z{zHDks(=m zDa3lTLB0k8q*E-K6-MZLADxG!jqSN~-fg+C3CYd9P-pExY8H#89K^bBPYq4P`* z2!!!D4G#+KzCtVYK;5?cp@N-ao~sC}k@j6a1k7dJ)Z!Yax!seMQ=UW=dp<7?9Vs!{ z=t+Tn5Z!=uOP9jOxKk0hk|IGem@YX16Yjk$jgg$`GlsqSlBmuRN29KnK7J=_o@&@? zNvCR+ipy7&+UjFsP(S%m{3p;td_o#L8QcJS_~e1fwlEIB>IpEr&Q2PQYfW%hNUZvD zs{!7+SLNuA2bq4cNPM42z57`XgvCw3XZsx&QvKG0*@^+_3xJmz5es2W&%*kk1G&U4=!fFf*xIR;F@XiVk3u`S#o=A_FmXGtiB^y=@!a>fXw22?)W}-^w zL7Jm3a2ZRF#w;*(CawP0esEp>>~8z=LqmY=M;#qY(BZRvw$JenHMH8bT|ziP8s+Ca zM%1G3yPIFFD+F8}+K0~Z2qo?8g;*)IPm|v~hkx!N%((lWgFv-N(RG>^zI>zZ=f~=iXZ{lvT1wORk1agnL9C#X z^3dnZP)B!&(wgc-kw`J%qrY?GIYYZi!4rXg1&)%5tMJ9pAONwgBV8}KJ@(p2LGMju zfX%mSTIpJJ40q)UCtk7_e+Ya8j%@gWiBY8l<$I?6xaGG-0fs`h$*tqU0iKb z_@H~0j$yNRsDD&Yg4yL9{(^q|`kizP<1ZC;y7+4%=Tfa~W&%=DbWU7)*BQcrTYvO` zJfCkvuUS^>-K}l1+RY;;+IlN2qX?}`F$zV>gEed9?$MlNAd?JsGs!=43|{HGnl3{b z9yxfPdbKEFh@fR8{6y))UQ@##cbQjuE$-Xb21FdH@bZ@(p(D}D6ddjS`)*y$PJf(p zz`0v*FHZ$TX9YwZ8|vg>!MYWSlo(OJ9)mGa8U(MUS0 zEUDagrrliIoOX>cyG3h|V}22ENh~rF%=w#2-wCU_Ib2}*Kj}kS zc5fPR5v#@%aY^_aL(%7V7;l}n)wOTmr1J(+7LGvu5Z>z`M8WCZUpMOs%5Uee z01lL$%MH>|Gi5%mGv1`AeV0$~Aibeh9e8|H`5|~^99)=*#0Y@?HI10S#=E<<_}HV> zyWV%82aQ@u=Xov!_Gf=LCmdJF6t6>AnT(bp+KA$=4{?`6#y44uUS;SWe27Bj3A!fd zN9tNQIM92$Y=N^ivLI>k;S2U&r?phD`cwF!oz5gePl(E)6IEM5g%)Z9K$1Jh4;;E} zfqa36ed9^bun?|ZMRf1F=^&fZmf zpI+UoR}W1(YxzBGU#cxoA2|@88!Q`*Tz)*pcB4=z{^E{qwLN6lU% zRVdPfBv4nk44qj;`c!&NfJ(k0Z#}A-s&|6e&0pY0{@5R|ZT(!wT$?PLh@4n#It^5t ziS93|x-<{f015M^!Zt;}^*4Sv^L)57h^e? zM!r!T;fJnRlH-^v&}o%z3;2=^);&YoWT8ObwBNhv)PFvUHFs`e7x$dO>K^XN)|l3Z zD55?-l9w1m|7d+q@D-jch2r{xj;Y^EL}?ou+~|*HpBNC9M41kD?Qma3V|&kU=u>PFk*JPJSVIC1qCbuNxi`p#7;wcY*Zq{ zEye~IiE6C9za$qCR6j)=5yk66HGGxGI4TCyV;8_uYdlmnejXBpTOL_Uw{AAaR$O}H zA-l;H-%?SPHeMFl?E8>CahSGV`}send;(nF_O5+CDpq9GizIONFR(Zh@M%lJlQRyWmD=|B#TZq`XD>{Xtn(&4=2&jZ)UewY{V zBJ-zpq$!IfcSOGJ?y@?ZE2uYDbo<7{GaF1wF=bWSz%sZcvD4wzHX1TJ-Yd@AEPr<-ax!GEN~}9jhS$d+ zYBrLT%~=p-TKnz(@;O3bg-XcpgN1Ob(W-)CRPPQ0c_Oa)_{}BO<}OZ3A5n#>qPUwg zxGxo2vN^0_0RJwy^vJrsQ+>R*3n1g8HM&REgpa>XeBW{!r+qZzGgUB1EYdh&;J0HH_W_Q@ag)G*NMwlfC9QYiDt7E#W_@9@k2 zd~)0JOZx8&CC*jy?ar-a94=Sb{+A+P{w_+^nf*Fdn4l4Omz z?PgKSw$I;8-BkWhFV^ggjl!~RA2kZu{xCH&_#b!<_94c&-#!I2dO9W z<(oNIzw8eOigC4e)!~p!2I{)un6t9XI*|b1^~hkcuXGUCry!TqD;`EJ1IItC12Gs} z{E8wZJ4%&yznz8Ou3`u z-0S?~Z!soXqG-;h)*t6M#?3w9gU*KiXVixVdo|TO+9Z0@NDjVl!}Y)0k?RBfV>>_E zIbqseCdWMRS$-3U-t54hct6CjO)}rZ>U0vJQxj_iwLzzqW254ND5!Kk#TXdgnvytwqTydQ4U-G1BslNoO_p;ih4E+GKudVyzB}?7;4rZ?6HN2b)tlf@6RQ~7$#%e5B()BA}iPfXZ zE;k`q_2CnH37;!EO7|(-b*dTy&a(0SR&%yO0>NTR|6h59bJkW8I?SYFxRc^$YRaI# z-F@`t*g~uK>FXH-6w(Jn{qOTnr18|y+Ozrt6Ja;DhULITWY-Z5BUs0!iHuc+`VurM zi4v$%i((sfzIXR`eLjob9ri!FbOI!hW|R&rdC31LAc-dY!|54f2`I*8XP>>&OEfafLs(w znPP{urSd}sYnXHCQ;TJzxPiKzET9)|D*)j`#qb017pMjdbrzzojvD*LbX{Vs%AK_Y z5Inj#x7D7vW~q|N3C+&@flkfV;9r*4S72a%&Gk?9j*zRFR|^9?vIOr_wD{CkNxT*rJ6aj3*n! zBt%G;sp8uKVKlj=`2T|YZ^=szBr&bpfiR~CUvmzqdhk1k7CD>B?7ZbbV?ps zT??mIY!q|#dY`Tf<2%WU@_xNC_3R1EqI4p9!5=En{92){m}~@CIfmZa{O2w;okr=> z8nRXC-Rsh4kn+>&G%v9|--e<1H>=hrHWSn{;wv@n1C8nyu!t>qeGpJ?InE>Yc#sP= z0-!&@^tSJ)drusk_Kk>jNy_s=pETRhmn2}u&ioG-fSp%m0x^m$?}qvjqpcK8dsSYM zWWvTTI!0gGB2=4C=_gz)JS;6s21`VL_vgm-IV;nf!0I#4((VzqO_DleGLSGh6sNcG zIU*Yxc`NrZJe~lMlemV_<2P6tPk^JodXi>Tmtz^E|2kW>9JgmD9xefcBgYCjwr|M? zBUh4~`^3h4vx@`oH)j3PkUToGD@G5W*tj0d{MT}WAsmL%4T1LTE_xgN2{^!X>2Mlc zf7`-NBlMqjp?2SI?+_fdM^lV`EG(=zDnX{kmgqb{J0I-=M&yFCz9~wwAQ>$emifh) z1={F5lpK;j*klC_Lln+ktQZyN(M#>8_kSVvXZ2gS=NQvx16kp)XBX!uqQycLHpRlk zVW~VlBA7&IKXb#->3)zcAn8(g0{W>D`-}-+JMGx2DfjgY{@_M&Hd6+}*s~Mw1u(zD z3|Y8QC3ic9E12H;g~+ z!9w+FxmI-@HfSwo^d+8Zzm0Jmvm()3H*(tX-+=J}fJYo8;~Ywed~rw4DdaT4|3E<24pvUk;abVG1aE~S`iz>aRd6z6blGxB{Z)% zIZvh+2A7enGDjNC4MbNNhg4(+T=8Kk*HASn=&Qk2m~ICXa}jASq?GT-Scuw8kMlV( z-}NXgDFQ|wf`uTMvpcnL%pp8yz%7){cjLnMzTPxS8df$@W@dQ-20(AtFx1tX%QWm4LdB21~!5u#J*3F#ZOUG4AE=h9Eu__tAZQoAImj14;OjR8g9kVf(>~&wbAjjh7j*{$n5l+n{$X-rwa>L7t}L0{-3W4t+WH?W5k{%Vl2z@Ft|QG+ zB$nrAFq~7Sy}sL-e!(LcU)KQrR`WR~`J?tEfTX~lV-x)D0=WJaLE@XF9bbO@xwq_g z!%*$7cztUcu@tr21QtiCKfkQnXK!3sMbUg14V!Opu$^SgxyrJm(zCegQ7lGT%YO{$ z0Oq5bLj?XBM!$<|sf`-H!pWAlXI6xbvsy^6azvral(9>K%^GXMa+fz@Hs?%=`7p17 z#&hMKmgOJwH8fU8fXvF}(g0TY%#sc)_4WMLow{|B7lKHR>&*pqZult1PnA}O>YW30 zu8STeABW#6%Y}aHE;5KtlBGV6>#sctJOP?{VEL8_Hv97y7(V>YA)oadG%IX`{SuE4 zjPFH6-EG}~lxGJuRE%Dp>QzCF=3ARuN|JcTM}&VnC;M7nuF%|^OSmdvSZ6)ugWK&G zs}ij2trRZSsC3W&Hh8*J)8#Oq%GRYwR0b~yGo7t5Z*!cfmIZ6H_YT{@E{|CLQdU%j zae{E~XbK;9j6TnY^-C%3mLWD05r_e0flxy!1NN?Y2DbjqEw!!K z@-9N9=MogzVu1U0n2&q5Oqvz}E)&jY2%aaCuw0txS`!h;30Mf5ML~&!mJTGK#Ew22 zjz0geX|}B*v+j^>nnETjX|vRwPu|20@M8M57q3deWtl;JPcGC2;7G5!H{#I5=p4ND zx37oH`XvWK!@T_v`X?XE%GXY)iv4c+G9f02e)HNQ$h#u+oFtH-yrnRRa zVa&d|zaUh9IOIjX+B#?mGWz-BsvC5-u{o&7<{vie*()LH@n9yczDU%8;Ve2J=A!+m z`nv?LQ+XFUPv)v*QCh26rfYCA;H9?#tq}L!&n$Z>tkp|`tG7S2o>r*g8v+e(4h#d% zQ`-_p5N%#+IIcpA4J2DIu#J_uDEB_SQBK^M83FGvMS4+PVn>_Aam;UWhas~!d_CaU zHXO?P&5JEnw%@+D)3x(~&L1NKd8}t1g zfE#<&Ulr1QeS{1{_YF+`6c2v2R`_3v?SCFjZu9BFbi6LVyS{qAs6@XH^Xc~71flS7 z@KG@`B_TAB3~;F3+Mwp;GKp_mQaG%>cBoi^7(~=nmzsXa5x}hmOx@$*Jnmal+c;a! zJzUJU09G|p$*XvlMk5uty9!^XI<_*PAxr`KFY~O2n_q|GN|!&c7J<<%V@TH;HCbk; z1|Hso{2|QKIZre8?_D*5Cc16>0$*mUG&<6v{Fpp9b z_TEI93oF@{v%mjQjd9txF&7jeBm;Uti~W+n?aAXjdH08&0CMR^IE=d!Nby*q2d#g5 z9$x|OmttE9b?;dolRp<#=$LbRPeLtE#cUC=v0qL*jv6K&ZsE~z@TeFJaQ66f2fl^Y z?u<6V0yxYMFf*sUMm5$wg6gth?@42!whO>Uggw>jL(kSvwACnKGHPWdprBov{o38P zuY2T}(zt|}v1zB}gCLs1)(c1J!b>XFzASU4k;at$4W7uC2BcFlRuuckYjRq~EjQ}P zxWX9DHO&zJbXkkfO`B6d%5eP@h`|zt%j-pg4&XmYj0KUd=Ly_LJ?J7Z>UOgl8_Zz# zJ|YK{w+(~f*9Vr0_N|_N2<|kL;!8LQQn#Gvcy5tCbz-+FP2Z%mZhp$=-jTQzysNn% zJ7n|ZaO@S$iJKqdxrr&@gx&5|T={DeDg{2R>9j~kVWzD~_H^*$6GXY2WPUQZZaWgI z<^a37ND(FbZHkQA%|qRtk(rjc`QJV?AR>fUaN{r#{4u(ikW=)^+sh;bJ|_oAmO9G5 zfJUw&wFz%2>C_+#lgWUEzKIciF)T+)SOs5VG(s*&%T?Mc0SgGXgLHTmj`;^!&dJbI zmq-3ec~C@kbE+@tmhc|W&!XVPGp$kBeYm^TgGr}%oOlGH6f5r(1$%ibLvvIHB6|`9 zLpciz+g-@aM?5S@(-SvMp}TgQpSMdn4wE@hgxGywknZa_co216eqdghv@k53-`an7 z1$XV9GmeSA1$a+)&_T+h#Tlu75SYPX$=HX%s;5xX{di=8lEG5wK+0Oaj_Zos1L4ML zW67jsNylZPOTZ%Oz#T7!M@BXqO|1rj#9AlMrV5)XHnN@r#TYsc&!#4(3b}e#{R;iO zTiaxj?w;T#7jN49rAmet0p?-dZ`)TT5UAvL7_VfE+rkDo8#UclXItm{S-kHOgUJ_$ zFGs%zlg}L%gicC)TGnv2Dd%JDDheFPZ(D-QnAgs6e&A)?{QcDJ{%#xH4vPMsiuuwF zi)rjLyqXNt{#G?OXv5sjU$L*;Lr-^?(j~j}nXtvt&G@W^q((aA2P&Cn7rMq+v8y^0 z>dsJL368=-*R45Y@K{)7aY%~>ltUfCb4g>MeP&2CEbxGcmg1hKhVfv;!v^eQzn&v@ zxQo=1ELANcF!Tqe0P zYFesiKtf}d1wqE> zgHTp`s)4h37l};5bFu8pEqfebW2|Uyv6hznjUQ0vba508fRW(i^brdIutX z-Si_&>|f#y<(P&H++@kNq4kqmLqDbez2Fw!<*5{jK1a$gRrlQb7)tcTdr`&|iY;YU z-G8RXH=aS(qa!B(kN4VVldLOv^uHBHGYxrqC5pP^+U`RMncR$5@PNxV zZvjB9s{rMO*HZXAy_&{2hc6NDtBVz7sstFpOr*$LGPnTFe4`2P1jrYx0t|Z$Lx_c0 zHBuEn!B7~2q8}G$|}u_W?;>?y!~aZ4s$F(KsD0Q#n&w(7{Km15&L|?Q?o|FnnDo_{VfTD{0Xwt?HK?3doeA`Suf}@ot~bjvuz!<_575qk4N-} z5AAJXJtj4fK#oTzMAM6uL;GJ^b@o0)rkbLt`_eIb zOLxV`nQEbPt_Z^Q&kO(R>DEaIz12C9$U2eeCnK5l-9-=INsu&mdi`kY@>;NNU4btZ zOo!V}k93yez~!E_tJ#gX0_F z^O^rVigdm6bPr*fW|o}#h4-~^T$nADn>?%z!#Mr8x8b#u42D!K%M2rbC+DFK_W9Dc zj5=;nsvi^uyT>Oo+8b9w!d@@vYH&rKZ8`~5SdIK2ql*imK$b(NfX`d^QyP42Nq;(8 z`Z=HD^v97(eY`53y6eiZ6)`XnFUg%y_y6E`yYsrY^4MtSaC!&TiG%-M$Hu;faTLs%b*ejKYD#JUbpbh>w*?7A~o!V)xNlAU|h-QBXLVTCedf`fcHb#|xE8a3g#$KM+_ zJ>c-u=;POv&nq!P0=*MQ{rtCHP#lxV-Zt#B zl{Jz-yHn&GE&GW29omy%tO1eG0hpCyMp>=8e2T^)h~}2aWhAtxtHC$y3NVtu(w)=J z-#)DPA-_r<#Upx1_{OJ6p7}%l<|z=^Umc&L6;c69ssKINw2b!57xf%vgj^&I_seVNM|rt}1JWCJ=G2HaGXy(Un!K-r_yv zTkUUHrsX$GW;s7X6$^dSuA4Y}d6R@gL_;&TE*_51ZdyGklqzRuj>O;v>4BXa3~kK! zGa zUkZvk`ASY5c+FMHJbvW3Vyil#0Px;n2kHthY^*x%44DR2K#s(N%*hFp*?V;)%}E%5 zzAT|6KE|!!U9L9IcXacZ(;!A7q%|G6W0@5mHh1;MoW_2^4CO33Jeh(BK2aYM_qX;f zqr2X(FDI1@M`{KRMK~DBiGlWbKPI32;W`d7GBbV=*nz&wr*`x%oUM`kWwZ5>AtAC-n{qEV8LX6&6#lJcvdryH^ur2k!bpX9O;#B8H`OB ze`cI)2SUB|e5gxhw0&)~Q#|GWYe}*(D_`Xe5+7{&O#SDw4_7u_9xrH)U8m-DGrYGl zr$~xAAzhGJ{5FATpbuP1zz!UMGW@jhl%Bj|`@C6P`{BW*!Q@I+dQ{0}=~MC=uGN%E zEacN`fhh_voq`kxs^#N%+3Jc#LvM-a;PJJt+I5rnBpd@72a_n}ca8^2Z_-9;;QLM< z-EhJB(u<46Ebfz?^T63J0==I$s-@?FmV5xTWKoQa`A+LF^_K@1d2a*Y7^Mcx>8ldt z=zDsFH9<3*QCoGJ%DhlK2mx+DHI;>l_c5)5t$7nX-rT@7-prxb}vvo>wQwPOw|JU7UdDY#<4$RFd$Y? z0)^0`+DfP};!#ba=61D(b&*fRakn(%>XFN>i*_%ly!2jlk2M!rJ(!*_soDdj&Cqc+ zNbil7?)SdNLrtu>AQPDJOcvx+God1OZO!kG9*TjFgPyiTpX=PuaP7I4h?WR5A=8IOL&B@&dzq+p%H48=9Rqe;1Km zK}&-pGQ`216YudA5I8XD!xYruD4%`hnA)YSCulLXH){4Gtt1kZ3uQC>;gYibwiR{v zKz7nsoi)<*WQ~cqblHS6H@WayWG0HWG&g^j9?bT!O`O#vNFOua|6?g=xe5S)cR_SW z&vKZ`J6y4St;NCT#f}0`foSU}&@Jk$oK4l`PBfM}&QNuLKdI zN2u4q``GUk+4GzODaI0mi|5(u)|4l@j(1m_8d+U6kf9>!q4OxHe)l-256c8JY|{EJ z$43vSyt#~hvBto}O)Fp#iN(eo95|UA73ox2NIUMxSe2CJG})}cf|sV z^oOM8!ur;Jx&AgS?56n)!_WfL{yYH}73+JaL(u+qK8eC$Ud-;D^G?iHlkiQv{GVid z>R0X|teDB2U-DtzeeZHqEfk>c0|i_Y9U0vlWxq>h1Z63gmr zlS3$sgDkKE^NU|^v8#2=Y?QOKzG~P2-@h*PQ+N9KBz1LqlpTp!jZD+BcXdVpzITuR z02ta_&TbVf$4Nd$WgqxV&qYnxa|Y0MMGkp?ZxxqY)%@ba^C@>_CDumI25(aW=#^vm z4ciN)!kUF2ZK<=uWyNFF37}$BhX7daagry| z;bj*sN(tip@q2l!yp)7j1mT3`02_x8w-)n0Yp2!;-%4=V1%=S1jP z*3BBY$a2JSkqQ^m+G~=C><<}dq_H%URC%YDshsO957t-GlV;hjkdamSci@Bui2B13 zGKG7RymOdwVL)h&%;O{F@UNhmU z#~qEaiyyyzP8Mwku(3kzJwGJNN;q#(SpCxPKs+V0AsK|LSxwLPlwE%E)@efQ{6T4+b<|Hj!HHMbw$| zaCY3kfy?r3V{^xLxQi$U=-0A4-O;>L=6Q_ z@Y_F!pA&^+l?Y!6^|2X{qA zor@dUE~bq$&hi6CxA%*D%&R9B4s-d}UaSFu*{WwkU-NEHDQ6>^gg!vWE#WQt^0}zR zB+*uv^W%F9K@^>l8W3(eR&SGN0bg=)!L)h?!|`A27kr%EjPvsPBayxtZtRQ(UIdEV zh^`?zkiIKj5&)U;x_88u{^yYT#JVH&X`tq|1Dkt%t3Lzm1oEb~NF> zy8qI{o6O3Ow#S`QzI@`ju3Re+P?4y^n?{rq5rv&Wj_fZnI;s0`ZG$Z=Bq4Dt`Y>~M zQNPQ6^K0BN+0O4ui|l4q^2g%m<~74CtJ`YQ|KS1zSK1*ddWzniWW$p!ZYCDP5_q~~ zfk_X0x(+o&zeZl*;sX&-8{BAUZ2S4>+k#%>#u7X0)TWEHI`Br+S@!w zn5#7A#Ef8bH+{leUPJ2SWBI3gqc%*%FQS;kiODQ7KQqeL6i+sSV_he@IPPBw)2&~A zM|8Q8A_4O2>c#HvI!ayqpwH~&(&T7S18)%{<-z}Cz4I>u?mu3Z0BF5j`hg$n40h8( zITJYv1WsEyX6M*5=lc|^TW}*j`(eIXzxOS^3y;91m}Ne%Os};HxzY)hK>B12fSoS$ zuOU~z!J8jRn`F#Tg*F&Onj|~Qw;2Z-3ev`!kEz2+3$z%a+iQS-1u$^{Vma@imsB=Y z!8^Fw&eR{av=7n*5;ow`Dv4cl_{)0<7nfw{(AtX@C|twy7x>}n)XMz92bt`+3AZZ$3G|3Ux{y#3zm>=>slKfXPtBZ$(!)jtZ{s`x4jyy_ean0Fy87DqtCZ zK1Stav2%(i)3^xJ7pT}=DLw>1HrcHQfWp}rX4|R|TKu-qN}d?WJ{{>z8ag6(TTKGw zIV%Zxeha=Y%jZ&}AIx?o|675V;#5gWQA%hT&AC+0LYF{{j!k*W%u zc|U}1@jZw!wMN?B9ur`^#!J>)#Af7sz4s|J{%B8!Ey9x-hNP!fl1s8Q78ags^-Zna zQvyL4xHZ>?KG=vJQmUhFd8VncIS((LVaae?zFtQ>ck<;;7tIJbtX&YYItsXObQJTu zmiP)}wntd%K;alW+JuX6dVhLbZ-oQgzrLP1yV8ySv*Uz{5pysh{GLNv2?&erep#P} z(f6C!NvEe^^jG_02TK3%V3!h6l1XYq-h5w;Fy;Un^`H&I4(jre$Tlc=$UsbR8=p;P zyQ>Z}C|szcB9KfANc`zrR`<`!Km68GoT@6duJo^&dC8f2NNEf?$`t;oJ3kvB&*5m% z8uT0^H*zwcjP=B3X1v)@71Olz3PDgqYYObD=_(jco;(ZpXjW9|wqU&*a zjNa=B$#0mZP6k}5UMD*3*DKO05`|qYCEZst1`E9^5K>3b*LpbhZOJ&Ja?fWd>*{2n zk|@)Tlyy#)D4CuD&OV8U6IsX^;9MqMtl{o@j94X2Y2G1a^*b4F%iu&V)&Ma|tJse6 z03-3}PHo-jo$7=qFXTo#MFbPITCX5Xi9)zl#0v9NBwH)LFG@-*=hS-?DP*TOa*YO) zDJE`~D-(ld!NaP(Aaqww?I30g)_QD9Nc&dC_Dz>4m|X!gPnoh^!2cAp`YzM%JO96u z;g>xHAja7x%xr+P4X`ISl`PrkV( z5tX&v5#LfaOmiRZ1Q&z%c?(R|46^ZTpHNkDjjt%Ez7{)!J+sVOR{~ybla1Nmx9JWB zxUwQ85D}UzQdc6(=KHhR{`~YX{_Uu&`uxqY$Blk4r(r_B*y*^;%Q15Sqgp3Qa* z1tHOxRIzSnjr(5V`RWV4U)_r!HZa@VZkm?zpOg5uZKD%4GUQLd`J6yE7OLfx7aaOQ zvujdsh8>vH7lzC1s09P5$9#fLS0XHPkT~;~O9u>zEw(aO@9Oq1%JF8Nab?K|=E#74 z_-!--=%&9+?1+zeAy-=X@gO*QLth~le{&z|9fJk=S)o;4@k_eoyXcT#D^6h+9UHg5 zyI;PFZBG5--azGoUDc%*IBodK9Te;gFHWNL-+@Www0LinsGcLmJb=M;`<3$swVbrz7PDOG`e22Wz_9% zq`Ji>tio7`1 zr9pJ+S6KocTen!9y@~3uSAl4OJfz=aMmyZw;xzE3P@D$99GWtr$m?q(@BjKwfoqy%Tyunq5z0|s?L;cA={nZ@0 ziR`;XC&l#EpU88_pRNW|uFB+(?{~l9=d)Hf04RHQ*p$S$vD^R;7#WtuYScmBx@l)R zc~ME4w#F8R^>j3cg@;rt;#NrJ-ZBKbDPq6qJJnJ!8X-ve5JS$| z{nosq+n^GRp9bcBu0szpmL3IZMdro==ykx4dU=qOJUH_}r-lvv}`_PW54|aQpLpOyNoq%Sy8ObWn52PM9oWBg%%USZ<^+m zaUd=#E+neFtym)I8d3LBivpP98B3^@`fq6F1E+BAJRZ~zdZXn|IkJp=S;>A!=>|%O z<=?4NYnVKam?zxPrYM)@6#TU!4_ue{r6d8{+=hkckl|#LyIDLlbj8`=bvHg}r<>TL+1XLwqndPnpMUY^v!poxMxiQDM=Nm{G% z(Q`!|wEXmV4&o%q4KO3E5sQqGq33> z-1mHyggXE!TSsMdYPCA7{x!{|njvu+Z0Se{L5CLL*Duc|-aF_BO{JeBhu1JZ6^xoQ zRQiZ@sV_gHBh>j;!t_EZtpRWiYx~(9Om(#HN)t(*vbg0U=}%6OHQhX5dzXb^#DgPt z4^QZ*GQ115ebj-Bt?YOC%v}(p70;cd5{L>hy!>)t97wOb8F3pJ%u66X->It>zjzG} zpQBW8B&IvN6K(pQ=@zveG&Vq)kwG_h)nzluoBrDe0Qf&@$HYt@EkUiZ_Zb%twTV#!HPL-hE@a+c)I(jefk zP5=&u5?G)seSZWUGK2sUi8oX%W>-ehrjgwkt~yr@y>Xw7v9e<_q2ZBky&7+?3HgvI@h82FE-ELn!2r_d&;dY zK`|h$)PVnm+%uRoRK4a3^t>EJ&6^o`!`=@RpH3lqV^e&@-9J>6C7|PsUaXU{10{L_ zl3(&`U$f!p>(QnRTtM#ES?O&nozb5TT$(i&DzK1ibsfwB4BawKgHun;`(^%#P3x}r zpqD2Sl%>G>n4>A)r3gIh&+b}OrJ%MV_p{5xmtcn>1$^8ob-J�~Hr1+i+Fiy~PXd-{G0aG2@^x(3)ZPkMb31WMVE% z(&B8g(Hl(4dck(Uzu&i|5JMILke_V$SJa8_L&&d+B>huV(ma7e=!jfCqI+)yYrxu~ zLNUE@#lD}h@T%*GQ-jclB~;=KtD0WegXkQ9mCet>`Bb_&4C=^w5%l7T7v)g?%oTE+ z30%HC+tCb(Z~$S?l_jB~8{DR&pre#>A7B5X?)koCSbwn>66YxBCy{=23>@_6LDdL6 z`b%9h)QD2TdQ$Mt6u*@RQy7b5)7D5Wkk6t1_D6tW{G1(>w z$+{)auL1dNqW6+SCkGxWoj)7%xi&FumM_YPFyt%_YapAyci1&9(9xHTF*uUyNx{c?Yk|Rii7wcnBfMGsc zAO6iMqVGF)c9$nfAkFJtRffRjSDzRac=(FH_+3PyjA#fpB7pllRaExx!ccvdb%p=x za8C~+ssk?f_m+h^68jJtI=sht_9>MHS;b65W1hrh~i-hFi0JsVpf)nw zxbmk@l}q79SBQ#_$KJuV3^tQGrz?fVKdcDBJQmn%zBiYta8?TA&ix3-VUt%zV}jo} z-zhO1P=2_kxRt^>wR>`86qDFgS0nTu2D?3jln%q$kD1>+*N3I9-qP>G!YhPN=xm)b zBm|=N9JJYo?+F`!iS}5+tPa{qaJ8nc6B_Kgh$@dbMHq*)Xwi6QAB4mQkWK2;&5>X! za~^egHPzk{LSa%A2*+bD~3p{mkb|v*VICUgYOVD)8esr%6*Ax+o1`q>ei{4h z#va`pb~Vu;#Ci*ksXo_zii#AX%o9dsDfn>Oy5u8qYl>${Tb4Q#+at@#(K*Fj2h$!n zYnwN`{ksYO`$MKc28w0}s@8Dd%(AttA_R+^*9gZZ$EA!jCeNebcUxJd&UQaL3M|8+ z3OBsp2n9}k;tTvVeX(S`Sf)K*%TA5toB#%xIZpYTrmebzkGc2}7joFiB*Z@RJU(-Z zvwMTDXMfOPt#-Xc=JpV??{&(G8O_Bd_3Q-l?L3RGj=DTZj7M${(;?*@N zqjna>f+g%#K-yj6H-)RMfRli-DlV>sgLl;8ZknUpCw=tmQ!=oOi@Ic}i8&Lz(MV6G zq|oXF!!KV!Zncox$~bm9-gfcDqf@?a=f{Rv4L1iTPEBb1XlM=~0)+{~!t*^}ZLZ$} z!KbdCMNS^~s=w5+_Hf81%kJ^M^y0+%BrNq+W9oQ3j=((Q);q&H<; zCc<8ftnQyK#u$29DvE>yeH+qZEs$52ub?R`zbepqWJLE{#{;1AmT>=Kf1x2}a(@u^ zhCXuYLfltl3(8)?V~0|0a<0>B6@knR zq-UsxQ_aRnVMTxz$%3_71Oqk>;9Eypptf;5-d=9`?%82iGSGsnYs=;BuTLzHMqIgB zI&AP3%abqO5!U=ty_E(+{@YE>vha=Keyf{=GG}EQ-{Ze?lv(TvZn6|=o-2*$ zIy#${-jbqJAExMBn_9RAQgH?ZU!PXv{K&6)!FXq!t3ZY0Jbv|h8;>9VY-iSjpnD!B zbg|y)sQtTQ(ab>KzM(~xUR!M2{Jm)N`2V!`mQhiKU*GT{q+<~2Zbcd-L_ivYQ~{+y zK&1wdngM2{r6okVB$SkfVMr}y~9 z7gw8!OAGYRAA3EDke{J(cp9VVoZH2F>uR3770Ek!C{+yiGCe*XJ?e=FG76_=Csa8vHf_GXXyht8{bQAG zgQ9aRQ8>;PA$0C5q_vDNjX!NUZ| zP;@4R^EA0dmzfX&h^{CKY*pZEse$pE-~;W>9DKSwy26d;uiwZ_r)yY8q-h-Pxttcz zbc5-!$H9M`pM%u)MT*S6eV);~zDJ?iSGIeKGKTqeEWG_(XM9YnZbTNn!O@oT&nzwfrYZ141Te6SrgTFt4=byFljXSuBbi%~u=k@Fk`&PBj9BB6p zCgnw^ALDkarYxMRlL+{_VPq&fU+;q}y4RCpv>p6|GbfoBTK&}6e%)6>Zn%moBh7_O zYHYGNSo(E)A_GL!G%&POx%8bL@0npz7DzSo(jaVQS7q6?u#OJHP<({OhUJ&QU)^ca zT+>&y{ApGI(Eg#7GJ|cpaoK0VO)w0#4G&^TY`;28?9lxYSZH$^NaJ<+?_bI7l;c3* z-3TJRC>R-)bstMAjW9GTp%RA_{HWUP6y&Rbs)GPTD&Bxc%68#e<$X^A)#u}a+Y9$E z6n?U)$v=QeJi1IV^Po?x_RAxqlQ#23K4g*gUIq`LJs%&DYGXe7BN~X=9^Cnkh+{sz zntw6%H`kI>!6Kk@T)o}!@AwE*fMp@0m?S_s(8}dCnf%(ZNH}hpuW!n{AdH(l19kK! zGJk$Q_U>li_r3nnqbux)8&SH+)7AAbeG76f?fJLS*{6esoW9W(OTF7>-EclLR>qnQTsgcNvgG%_q^R~UYy;?YUptuvp=NPHH5my?1j$aoAL zhv7k2Mr=yuFsTK6>9-ycuS>gwh*~m?UM2eo?V1+WrAx}@oLiDFNM@Ok^YSZODaCmB7Q6QE*Sj>xxw+rV8#d?a+?=^5k>CH}@L{dw-R(y& zH1vWVm_?f_cN$dpSQi&Hwg2D{zX-PF+D+xZ{=8+23jaRro`ST9(;g0Q8{%Dec|Lqq z4rAcR{Ih?+M6NVZXLp=rp;<1OvxnE1OwOxOj<(Qqw|RLljwNsnKX(o9n8Drj_euNY+((p%!f;5>biZ{pdsWfSGl30rz29OF;AebV{b zXqW~h^u~GuYB3ic`(^Q`_LtzGHZj4fp^{y;oraVKbxbvvjEKEPRNg@?h^tYJ2B;8* zqvS8zQP_!Bw|H3_T_#fsj^1j2hzLj~ZFDF*x!SSsx;9Dwym^qhKMd-z{BSZ&&U*bd zQ&r_c+33Z)PPLOZ3~wIG?2ddHUfrjW^wF3rZups}3lsE)*8jWpaHh+6)KgVTVqrHP zo5c4c2+G9{^0Q<99DfbpdGTGS)2bMWO&M&2xoETzXeNV4qI)QkPjj7-YugArbguj=7x-a&ppq9#>-cK`y5x5 z{j^T>do$S!9@!ul3%z9K3+UHG)q+UNv4#+7Rh1n+sx_%;BkhJ!DC}tDp}iw)aY}$D zUH8+6L;jIKlJWRwn3rl%v&9%lWg=b#V+)#TTXTNycgTaQ2Ukn1z#v*TgZ$Hvvm!pf zw-qKN`C~X5%R~P8C1mqWPKSUCOs^(g|IkkGG&9yO6pC?KSr9zHHm z%u(-Hm&xb$C$aHseRP!Y?qSjzh))!UW7g&Jc`ryxY?v)D)m=F1 zPcLT8$Rn>#PQRjkM1aR24x*$oU`@{H#$5G2RPktf*t=a+#Si^+I^b@Q>=tCu>~=)K zJVn<+F$sBJXIxR>cejp~QvjU~PlBKzpOXbOOPkBD@K_Zw+#B{8xQMBIO^)*&yH!X* z5z-!O5ey?@zx_Z>yDBsKjBV?PoEFZ{7=V7Q%XX?23)0GN1alGKuxE^S@#&-3oc6hfE-Z3pX46 zhm<(>a065SSsKpakIvWEY-;;6qrr#9h#(=DPaw`>ulC+QM(I&U&E>@->d)E zeMlK;y=y&L6+gW~{xD*zEA#tUh7M%3gS@LuC}q}eIx}G-7j6d9tR7Yv2YJEKlb+zZZHR#;u zW=fQR@Lu^?kwm|k^zS+ED>H8X%7j>nFM4)Z$$rUy@0eYft@a-DCUGD|fyHr7CgR&) zKC-7qAh-}j06y)}!>y~ldbpLTnClwQE{zwKAzL~(#+a~mRWEobXt)>fk`ygT$YE&U z4ZF|xIRBkKInekq=v9r+*rfb6#0cfU_Z4*~(Gfz7K;6Rw>h}6_n`9j;@daGSDU>dC zFGrG|jNr$IP`uH}R-2v*msXgUTwmsiCRD>9!}@q%M=y}9#K#Rc@-mjT>wGgyGD}KR zTg3Z9>i8w9(($b`XQ`LT@koXlQP6t?fu^@~gU=3RWXvmKNzZ&; zTW|eOlU^uQl^h*9;QHr_tDIPZ6NX~Vs>JeN2Id&}Huw+8Wbn2@?bZZOOdX0;?NhJl zEYU-RMe_Y{yO*Ai=!lQT1)haxUP5FEl;#G*RZdDWkQ+a%kO)^8nN})+R&x ze*U=O+Zznw;<^1oqt$5v-W=rQE`XaB)?Un83%NM5TF?BD^|v!Far&BuPIx!-Ql+dW zJZHK_;LPZYWtbia8G+hX&VwjzkN~yj?lkcB=IM#U!Jtacu@wCeH?#c2 zktGHyhm=JK0M0asMEgYn5vbu_ND?@g*^)PtbWv9uaunw*7HT>DLaB~&v*W(#w^V`K z>AdJe0!`Y4#Bn~TThZoaqHaR0>D%HIf&{n$s!JyMov)+)#U*%=mdu?muj=a=r;5U_ zml#@>EhgI^I_arvJyr&pmH8bkg#?%HQf)ujYQj7+1BSE3vV?+0)|I(Go|{i1#D8s? zb*pqhVA3ypf=*1o{oq}XyLKzp~W;arJ zeDo87Ay&MdhW}*X-m}8w!YD!dQkiYK5)m{+KXT{s#`R*pyFYkTIO6f#lhPUN#QS0~ z0vwt1UeFRhKI=0%N4k@e4}UWYGwxD2&Y18eCK`OGhK5{~sTA$5Z*7VWhW~Rj-FpDe z-VBX$oBHyDjWR$F?;`|<*-qLPba&v(57Z7^ul?tXu@~KBV%k(#d-p>xUTLS$%(~c< zQw+HgL?35@*1CKqo;Cj*57=anKeEVmpU-s4Wh9c z-anDOaC$soS@RfLR}czS!}tX;{@-RW)r9c9N|7czzlkJ3Ns_o-IZKQC~LS9ry*@Xe^* zIzI2x&bi^k(pF{~>Ef!Y(uOeaTI2QOwogR0e4EZh^c;bD3K~daT|@10`K86o0S@(- zI6yMZNT;;7-y?+`(Rpc)4yK+SQlaJVloFd6mh~UIrJ9Xhu>GKK8cF!Dn~zc20P9D6Pt-{X)-NOqC8N3}qPR zj7S=5Q>!ml)ZwlFRGAZ7Gz}3^ziss%->c*8i6u;^n=A}q?zH~d6CpxzwYW-yqZ@!) zHtcc(#3 zwPL5t$nHfx|5Ob2KBwqGKfSZA9Q$r?d3|xF>N<26uuGHlTGttEw9lxU`OS}F8Ac4H z{y5Q5W8J!;v%u8RSwdh1_rHgQGamdNmz?7!HvE!m$bgr}Tb5vK64hh>>SIp|N+F;& z*y?*~J8mF>lU(V{_NC|Jl>v(?tzRXeF1T2HVI)1_N5ufBH2gdNEX#h4N{?njkJin) zt}9NWJ0cq2XUa*E6>n^Qd9f76#cU2VxeqJ7R;T05DSt?IJEP1BKFl%SqbFG@75W}H zG904A>=Cmk!g*WNoq1EX*DG*+X5UQK65#MVz?ekELO&aI&=PhvxVs<6c9~w!Iske{ zTFtu~^l4VawQb67?Uu~t)$i4oJkN^n{2t8iJIQ6u?z=x}2Q$cRnnC{bNOC{8GNv_N zO96SMe^}M=NA%i#Yk=a(=|U5V`cj|86E>Uo+wQlUIY|14 zd-0`bt_97fxGdsOD$}0*m0q@q)TQCcX3%1jDNOPqvPq@QAi#@oeQC+=t=Nqtn)};; z?*1)jjdl##2X!h34sS0whcJC7HIFGd`9<0U%NYXIM3@&uJ5OkRi`(A^{K0w@6#G~n zb8oUpM-O^M<>z)Od9|InC>%U=Pq;@RGa(m-3U1=ALID zc8_jj{AqRj0BCqP#OU|)uH4jf2}>cu%2iqjhE=n-22p(>FWXe2-Ls>>N;yM647I>j zeGKS?C+ymy@9Dl2J>S~b_*0i00c3(%=-!{}e;uP(7jysIBKnY)M0O*ER8*)-q$(^V zwK9h({AX!ggzz!ZbG}zQ3{LLZ<3yVoE*^mF((45kFpH2IEBJhs_&}WGMmZS5p&A2y zupsYIwve{q3hrv0fT4FK`M-hzWwgTc#Ib&DO3C7*r`$+cTXYM^4rH@pcadS(fZ1jP zqAx~RVf5p!^_y_YZT4{7ljo`+U36fl22DpDF>`1A(Kks|lvfPf^(SX(cm3|=UiNgT z$ssi~Vp=XqFEaE$-(FL-Ja(IKj9_|NI;uWwH4JU${=b5kEZp;#wT5`X&q#vzmzF46 zG9TLmjo0BFz#ca9^gh8CC$c2=aP|yP<|!EMJmTr}IqIKBOm}i{$PUg_WM$Sna@-A z_(wD+cmW!u@~bATT4vKhwy`|kK;17$@53M51QM5FF07en6))co5oMjMdGKHxKK->Y zdNh9|6@j{9dEPfOR{fb9_%HPG?;@N61JcnB!Fit|vFXTL*-F2XZE4VMZ82pFjtHHv z=(&ELNyWprlVQ4`#rZ}kSum?*T`DBBnei*}BYodcW(KP&%D67dCbF7q6FHbiN1RyK z(#8N={q@J@N^syn!2IG@4`qwH(4FO>J;l9s6RRI-yL4(8MOSsgRBecb_~;qQT%9Ka z&_xAvM%&m&H|14tA-QAk>XKx=?{))Cy@H&BihcDYo;{F=)S+l4$~RSLcd8)?l4lSm zlhILVcDf$SB;$@_0uU53#suL!tq$XKxEAl~M(A$yfPgpFfBMrH3^~dTDPO)G{L7;L)6lJuJ21pQw-JR0 zcZ3#bie+2%Z)hlxT242Zi6XZ~c`U5me#q|Qd*e=p+^c@cvi5Lt%Uhv}7wO9Kd4~~g z+$u{z3T!fE$Zv$oV8J~-Ktty_i_&q=hB_vZ8-kG$9Fn)F>)>dogeqLtTX{v6v%-}{ zfY{#t+XtP!q7DLT4~h!GeqyqBUgEs9Qd8YgQ40+x?|}=m2?)!r!x1bD^-w)BNc-Dg zoVE6=eLyI+(Z>fL?qJ@y5mfKwDRbo)bm%^<;B4?{jf$C~3t9U%D(JmeTovtI|9ey! z98~<}I@aoos z5e4Q7u+`p|B8x;`A`)T4b^IR%IIGhO`ph-z18&jsukYJtZf2UMl9fo$0xdx*MQc*{ zEoIG30Nu8k28CkInSVY$(gbk!IcV}@PnFvlpjizt^>%>J2AVqi*Wx!nRl56TNcJ^} zv@E6JAW1LcZ)I?)>)0cDVDGkg6A8I|igD9b$)xQkDqIr(7IpoBvLbrl z`j4ykmNkS4duLC|m^Ff@(jV%k`YwKqrydi~&T-Kr1;!upDujuF?w5G!vSW#ej{4H6 z>Ng_q0DFz)D+8y&IBtlxV|#TV{)$9FcW2f6G|T znL#Z`7tc0CuXm~G-Kf$CW{0oqMXd2@pgL6)Nrxz&*eAxjz6s%{k$pa8&X`AnlL|A~ z{s8s#RQ(ORu}2{-b+?t|{4mX9#i4J>L0BFu&xb_?>M`nBrUSQH$8C2w4y|MJ2b~GZ z&ty1YI{`80*ba(Nn;V`*U1vM3^swgM+ZO;(cM-w?oy9E?LLg~p zyO{b@{q`@fScJQpG)sLn$u% z<5xtIMER@vP91i=FZx=I1B4rFzQTyxxNc|H=^mdJz$92-9A_{MUp>XKagKakIN&Vi zjgzx=lN?QCi$ACpPBsH#q)Ptfcsb3@y?900>hT!q9UgZYdF;}0YV(t%ga2}#`bHj< zUscLn^iM%cwCbw7OBk z&ok9wMTVS#O?(zg{}Jq9gZ^@T&T)r-CCE1RIjLyrC;l&OV!XEh0+xhF)mmxudZLot zJ9Yg%`uF57*Fqy$yz5^)GIEt<1Pv|&+z}{uIoNUrcxH5v1J~2n-eg5=(1kAP+J9z6 zt#8kJiBBXuatki$NjZ6@6oYpw!2GTKG$b2oFj`<3io~(eIVH9fQska&Obd898{f%F zF2|TvhQv&t?`!%)Hm~2BKW{JT%iG_e|DEwBOeRaJC$$EbPr1Ql1W1N=VWdY*t~h?} ziK??HYD|0q#UT8R1n%a^xNq--7%ql^+_ zDGq1durt~Bm0s}`mU&i?Wr2)c;sfK;_v47Qi#x?%n@}d^J$U<(L1GITu=7vO##TG& z?EuA<5!YKV|0hQV+$ji#>nXb|Avaxk;I6n1)OQ~H{)4~1M{&WDUO&*}v!s^~hoMek zC}L3ZaYo>p=sQd8Ikd}>W++og%H5N}OGboE{b{cf8J!`YLiB=h zPb9BI$#he;6&pd_wq^u!Mf<8V&6I(l&ep1{kFDU+AxYkfB5@PR|5u9<|EJdLt!G*< zcA?xt+^lDPsY=&3!@8`sBrRVUYJ8ynlCajIj&=9J6HQc~6ML`aN&D+YONgicdbStv2lqT{PH(on+^N?~^SrVcA+ns+ zZMtmZiLW))r+9MxvME)u{qECNsQ_mH09>V#W2?j;%k-9^lBHpDN+VH8B82!r-Ci?Oh9oof#jO7`sV1*l;?ndayF^Y#Q& zP9sX@-tQ0V3e1{i1&rn22v;_&XRVJo)VcclpA3v$mnv~xq+XB%tX_Lh;F|LX3@%Y| zT9}SH4)JT;AeRPLXnwA5U(vGEq(9nQ`h|miS~8XVt83i{W{C-mM@O&6ROO@mQ5GV} ztQ1fI@xfT6T*4+_f*DKKhLIm!7E|C2){uwiHpy_b*vTjoz|C&Ie6R%n0VVK5$|U`= z&P*?ORX9NP8@X8=m{0+3Td6Y5YXZwAyIMBDQ5mM_JHu3>ESC|F?WttAl=EuQho!CU z_Vq&waKI7JT{ekhUo9t26GR&dh%Me>GPy5h!f8!z(hvE#9ux}fjMlBkjY9{XIITri zZeY

    Z3|t(Mc-}4x*3!l2qmF3_N?QLz@4Jm1T5vS9YH|Ch)HKT_VOv%X+<%hosk34P1Ma z_n$!1i-n_M9pttdXVt2n*BwN_DD2>l=x%>+85#8Ja$G;A(eWU|EAwW5EP|>T+>~Tl zv|>Jg-d+;uHr;=RfCQfwTWRlnd?W&Y!%^O;v?W%hxK_(xwu+Q<+$-*wMb#`+NCUWH zu(>m=%kFbJH+7+nbi@ALQwmiKAsOMhmpv%xJ^PcGMp_)5bCyfxb8tNm%th)#K4R*2 za>N$UYbFYHABI;H`sFt!ccGzWUGtvMmHEtanY)YBAs2 z^?$;dZ&!P7$Bd|`Yn$CxqC+l0j8k>CRjqrGEEF-BTg3c3mENa`@p~kPG=XQPit>gj zn|`CJ-=EU`54lLy?k*8KHi&nd-p}__bR#HTEN$3>Nkk}>#06tfF5rcaJtTc8doXm1 zUBfV>pC@(?o~>5BP;9I!$s?s6I3!4k$#XAl{&eu5U=ZJGny%G=*L?$jKc5D;cD2L( zV+Mz>gE`(k-ridI4t(${+CGwOsvu|p7G-@Q6KN9*N|fubYLxB|4&qyOrF+9h%s~Ar z70VyQ_(4J1QSVN4TsZVTq#v^b&V7QtuzehM?rEGryqB)Jy(d4u(p2> zk{~S9{r$+@#?#zpN$M6%6UGal*z_?qoGwTT3dy|8_4%ajU*p*|80Ad^f3vtUa1xlJ zSZmp1I2v`%s$BA^*nktb`(^r zbeH6P=yoA~OO)uG-&}|E z%rW6}FSh4lFA>eI7vyIfJ$s+YIT~(zp}PKTEo-wVpUv70l^!z7-S_zW=N}`&#C9F@ zIa_fu8DRgb!*zDMUxDz{S;pH7n6#sxi*B+1#Z?A9@=O$Gv!LpC!fv`iYJA#uW1d5f znzz};xt&G3`1v$*)OI{~xju&i>{CbfYExH--3PVHeV)K*#*ZyO-~D!_*{g4oWG*$% z*!zJun(Q<@wZk79w;v2cZ~rr40REluD^G&*^hZt9)HolSMl!*x`@i32NcgXKuQn|1 zRMNLh?AFw7&!ob9(Jybegqtt7_^e#JINUXie-@xKMVhbo1qOlgC70Y?_NvCHe*cCz zGa2-wv8fk%U18Yn(Mc!=lN5#Gr&0MV`8#37B?8ybf9I4Y+0Zmex9w^m#f5Rp*0>>S zWfOCmdkY;fxkvA{$}kYkb{g`K0SbZLBENUaFjGK6CBl9^#W?ytd>y*!x35o(4AnIq zKQ^DUvT<;bfwyI9K$+Tl2!WWiYB3>abnP*M9B$#)d=n<1OFT54-sRrzhpZ&Wd7i;R zJjz;nIjZ_MRM`cs*HoA8bOmIQ7Y)>m21)IV({`v4=6Ds{PX1^v z4pmZWnYa|eDbQ7LCE{*Sl(Gdc9*IeKg^tRnUMo)TQ@md+t?I->8C_EAGn(4H+y*%@ zSyh4ggVGvZiA|~?iZLV1y;%|wdK>2!@kzzs^t3|pFCl^*u=@~(Ajohi)o@<0s|<3sWgHz%<5 zfW&P4eu|lnc|f8{Ka3C)i{;b1^WUxh5KafLth4$-t4~K|o{BN!jY`8+>#DHUf+>MS zC@0CAR`e +Callbacks · RegularizedLeastSquares.jl

    Callbacks

    For certain optimization it is important to monitor the internal state of the solver. RegularizedLeastSquares.jl provides a callback mechanism to allow developres to access this state after each iteration. The package provides a variety of default callbacks, which for example store the solution after each iteration. More information can be found in the API reference for the solve! function.

    In this example we will revist the compressed sensing compressed sensing example and implement a custom callback using the do-syntax of the solve! function. This allows us to implement our callback inline and access the solver state after each iteration.

    We first recreate the operator A and the measurement vector b:

    using ImagePhantoms, ImageGeoms
    +N = 256
    +image = shepp_logan(N, SheppLoganToft())
    +size(image)
    +using Random, LinearOperatorCollection
    +randomIndices = shuffle(eachindex(image))
    +sampledIndices = sort(randomIndices[1:div(end, 3)])
    +A = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image));
    +b = A*vec(image);

    Next we prepare our visualization helper function:

    using CairoMakie
    +function plot_image(figPos, img; title = "", width = 150, height = 150, clim = extrema(img))
    +  ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)
    +  hidedecorations!(ax)
    +  heatmap!(ax, img, colorrange = clim)
    +end
    plot_image (generic function with 1 method)

    Now we construct the solver with the TV regularization term:

    using RegularizedLeastSquares
    +reg = TVRegularization(0.01; shape=size(image));
    +solver = createLinearSolver(FISTA, A; reg=reg, iterations=20);

    We will now implement a callback that plots the solution every four iteration:

    fig = Figure()
    +idx = 1
    +solve!(solver, b) do solver, iteration
    +  if iteration % 4 == 0
    +    img_approx = copy(solversolution(solver))
    +    img_approx = reshape(img_approx, size(image))
    +    plot_image(fig[div(idx -1, 3) + 1, mod1(idx, 3)], img_approx, clim = extrema(image), title = "$iteration")
    +    global idx += 1
    +  end
    +end
    65536-element Vector{Float32}:
    + 8.485987f-19
    + 1.4974684f-18
    + 3.218811f-18
    + 6.962047f-18
    + 1.4528301f-17
    + 2.9826816f-17
    + 6.144824f-17
    + 1.2836768f-16
    + 2.7374405f-16
    + 5.7480397f-16
    + ⋮
    + 3.2739965f-16
    + 1.5413677f-16
    + 6.9313745f-17
    + 3.038671f-17
    + 1.3158814f-17
    + 5.651829f-18
    + 2.4297326f-18
    + 1.0793823f-18
    + 5.860541f-19

    In the callback we have to copy the solution, as the solver will update it in place. As is explained in the solver section, each features fields that are intended to be immutable during a solve! call and a state that is modified in each iteration. Depending on the solvers parameters and the measurement input, the state can differ in its fields and their type. Ideally, one tries to avoid accessing the state directly and uses the provided functions to access the state.

    The resulting figure shows the reconstructed image after 0, 4, 8, 12, 16 and 20 iterations:

    resize_to_layout!(fig)
    +fig
    Example block output

    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/efficient_kaczmarz/index.html b/previews/PR92/generated/howto/efficient_kaczmarz/index.html new file mode 100644 index 00000000..4f5a5d1b --- /dev/null +++ b/previews/PR92/generated/howto/efficient_kaczmarz/index.html @@ -0,0 +1,48 @@ + +Efficient Kaczmarz · RegularizedLeastSquares.jl

    Efficient Kaczmarz

    Unlike many of the other solvers provided by RegularizedLeastSquares.jl, the Kaczmarz method does not utilize a matrix-vector product with the operator $\mathbf{A}$ nor the normal operator $\mathbf{A*A}$. Instead, it uses the rows of $\mathbf{A}$ to update the solution iteratively. Efficient Kaczmarz implementation therefore require very efficient dot products with the rows of $\mathbf{A}$. In RegularizedLeastSquares.jl, this is achieved with the dot_with_matrix_row function.

    using RegularizedLeastSquares
    +A = randn(256, 256)
    +x = randn(256)
    +b = A*x;

    The dot_with_matrix_row function calculates the dot product between a row of A and the current approximate solution of x:

    row = 1
    +isapprox(RegularizedLeastSquares.dot_with_matrix_row(A, x, row), sum(A[row, :] .* x))
    true

    Since in Julia, dense arrays are stored in column-major order, such a row-based operation is quite inefficient. A workaround is to transpose the matrix then pass it to a Kaczmarz solver.

    At = collect(transpose(A))
    +A_eff = transpose(At)
    256×256 transpose(::Matrix{Float64}) with eltype Float64:
    + -0.643807    -0.124905    1.69779   …   0.786185   0.523156  -1.56588
    + -0.574667    -0.670973   -1.16691      -0.514316   0.443007  -0.430666
    + -1.59326     -1.64937     1.47003      -1.09443   -2.4363     0.0384111
    +  0.549962    -0.48861     1.56325       1.2575     0.660812  -0.294459
    +  1.2651      -0.146657   -1.13553      -0.985312  -0.284547  -0.600972
    +  0.204547     0.741245   -1.75309   …   1.66562    0.57055    3.27423
    +  0.067074    -1.25213    -0.225855      0.59542    0.22696    2.1312
    + -0.336004    -0.0590082   0.952705     -0.506446   1.36659    1.12518
    + -0.00599911  -0.726714    1.11414       0.147164  -1.63973   -0.612732
    +  0.057356    -0.111582   -0.473511     -0.584454   0.540707   1.10184
    +  ⋮                                  ⋱                         ⋮
    + -0.446105    -0.314711   -1.57024      -0.52868   -0.696636  -0.230257
    + -0.650605    -0.0643963   0.663417     -1.74822   -0.688242   0.0146301
    + -0.977737    -0.958501    1.81901       0.452491   1.25678   -0.341416
    + -1.31304     -0.523236    0.086328  …   0.255264  -0.274285  -1.07043
    +  0.431185     0.701168   -0.507113      0.692781  -0.147133   0.394625
    + -0.346674     0.848182   -0.494203     -0.753903   0.287102  -2.02961
    +  1.33714     -0.483075    0.86367      -0.628352   0.498603   0.560838
    +  0.680813     0.145508   -0.211347      1.15326    1.05285    0.657485
    + -0.502064     0.50922     0.504781  …  -0.738186  -0.352926  -1.56952

    Note that the transpose function can return a lazy transpose object, so we first collect the transpose into a dense matrix. Then we transpose it again to get the efficient representation of the matrix.

    We can compare the performance using the BenchmarkTools.jl package. First for the original matrix:

    using BenchmarkTools
    +solver = createLinearSolver(Kaczmarz, A; reg = L2Regularization(0.0001), iterations=100)
    +@benchmark solve!(solver, b) samples = 100
    BenchmarkTools.Trial: 100 samples with 1 evaluation.
    + Range (minmax):  25.646 ms 27.122 ms   GC (min … max): 0.00% … 0.00%
    + Time  (median):     27.002 ms                GC (median):    0.00%
    + Time  (mean ± σ):   26.980 ms ± 146.705 μs   GC (mean ± σ):  0.00% ± 0.00%
    +
    +                                                       ▂ ▂▃    
    +  ▄▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▄▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▆█▇██▇▆ ▄
    +  25.6 ms       Histogram: log(frequency) by time      27.1 ms <
    +
    + Memory estimate: 17.31 KiB, allocs estimate: 504.

    And then for the efficient matrix:

    solver_eff = createLinearSolver(Kaczmarz, A_eff; reg = L2Regularization(0.0001), iterations=100)
    +@benchmark solve!(solver_eff, b) samples = 100
    BenchmarkTools.Trial: 100 samples with 1 evaluation.
    + Range (minmax):  1.907 ms 2.028 ms   GC (min … max): 0.00% … 0.00%
    + Time  (median):     1.933 ms               GC (median):    0.00%
    + Time  (mean ± σ):   1.937 ms ± 18.773 μs   GC (mean ± σ):  0.00% ± 0.00%
    +
    +           █ ▂ ▄▂ ▆▆           ▂                           
    +  ▄▄▁▄▄▁▆▁▆█▆███████▄███▆▄██▄▁▄▆█▁▄█▄▁▁▁▄█▁▄▄▁▄▄▁▁▁▁▁▄▁▁▆▄ ▄
    +  1.91 ms        Histogram: frequency by time        1.98 ms <
    +
    + Memory estimate: 17.34 KiB, allocs estimate: 506.

    We can also combine the efficient matrix with a weighting matrix, as is shown in the Weighting example.

    Custom operators need to implement the dot_with_matrix_row function to be used with the Kaczmarz solver. Ideally, such an implementation is allocation free.


    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/gpu_acceleration/2926b85f.png b/previews/PR92/generated/howto/gpu_acceleration/2926b85f.png new file mode 100644 index 0000000000000000000000000000000000000000..75f06b84cb2957ee51076f16eeb7ef54754bc3a5 GIT binary patch literal 15725 zcmd^mWmuGL*Dkh#h=6pdAe~au2q@AZ4Bg1k-8m}KQX*X{(%mq`NDLq_bT>$M*D$az zp7-6~uWx_HexCO@_MbiexH+co>$=uj=Q_`Gjls%_(zw{<*jQLtxH4~~-eO_hypM%- z?d#p^;2F`+4B6mv+gMIo3hVOf-?#d#Xe_M9STa&C)!dUer#uYR7Hdv+xf874+?9JT zeqH9V5ia`a&6nc6%pbFrZTz3IF*}x2>sAlL%PTbssSxGJvzF`hZ1)qBSpCP(I(>q$0@(j^iI#Y@6Dl4SrV36w*{QKlaB=^Oq^4_5cbt%`<*hIrk$3u-Y(6DZ{AN_xa~u28KqXhPX2+$GO+cvsO}UYe&6$x zjScG|EG;dq{pFrZ@WsQ0dK3grRPo}3I zCo4M{VO?o6q0T$TZPpFezqGjcN=oWrrH>XQh+eI0BJ`b^nc2H{qnk%jw9>7ut>gg? zYlBS3HaXwFf1iT8>{Dm_{P_;t+N?X-Vx|G}{@RV}yXDW=9fVvrI4?nXVcruqRl$7? zK4{y~Vvu*=fBb0T{M;OfNAl>AyYQEF#~Q^{VULZ`l8+xhDy9h59Q*I=*hi2h=+qjK z?(XjLB^6XxUu^;cf&BjcTQcB2SD>?C3P?gx-}9^I@7yQtt#LAokRc)_9v&L1x!meY z4>Te*>q(ue_i_U7ht>c@|# z0s>5Ei5d+N6!w|`(ii*R@1_=8(3GhkqP*YO_8zdkgXliOYD6q8O z%2G@Lt33Yp(vN_UkcF9976kr=l=RgjG(An!2M&jiW8CVK-1PLOrt7`-_xGEdn!wFR z@-#R)N1VI`Glf#R4-O9M>grZjRysKlb&YnpQP=xuEf-Y8-+h-}SkI)ULt&I}dMj_6 z2rl)22uKD#5b@YsD7P5sQnKco01%?ArnX@JBGrBVo&$~fNa0jjkLbGn3*n_wAM_Co zW<{EMLdMhhXWq^F3PEQu~@jTiXqeiI58Tf+a zhfxO|2FMMoDv6ld8Y0dYIo7G5({&z_my5mMC6|^T1e$D)S4`K(#>dA?)A$^0jFrtx zwS=3fsPx^y6Mjg3wynzPcNY!;|-~1%8!+rhPvfhT3N-hYCS#b$y7*E*VV0a-!b{6i-X`&hNh+tE(VoT*-00uID9 zu=A27R*5RxslEMuJjQ7AK z+}Okfb}|>(8iDSW#LIEL*~|&hSXW2K>H(`Otlr7GnG?k0WTUKSxYlXP{ZH7uH_~Jo zcCife#IviKNP}H?I6Q)UiHwVLJ6(*+Bc5XrI}L6VN(rYDqIVsaPZ4qhjj{Z+$l%K- z`oav*%$!&IUsag9)?%WSMDYVTn3xiTJxY%wK@nh(9KJ>uEJr`Q^}HVPK9_kTEBid~ zbSD|CMKqN#;PgTq%rEiW-j|#aR*C$ zeEg+fO9B!Oaf}=sBzDUy6II)w+K_0n4cA(CJ`!{6-4xF)o4utZy9=<%SU=`8!a8O7H0b=Y9jkmJ34rsCfL51N3opBuefh4u7^xK>4JLNXRE0zo@-5-Z!G7WY-<+h}x6jLK9=w~Si}RyqmtI% z-VSe;4*GW74ZVd=e9k~HjQCTwI+|IH*NiZhMXMkxY$uzS{f1(a*4m+q6fP*DR>_;6OwmwP!o#nSQnX%Pu-0=M}?g{DmmG`_#fG`#oYs+1ZTj?D}x$ z98zW`CWnYU!0?i26yrG?&;6NLSs(HDH8n{%F?Hp)+E#^H^$Wcs<23vQdLjr0=##E- z8FX_XFS#^)Yh5?HCibsRY6DPfOoI=SO4>VVEk;A%!k66@X5hK{Y~LwDjw~S|0s6)} zp&vA4Ltl3KdteiUanJbqHH70$&CF`Wiuh%!S2L5k@TQK>l3En&#>TA*Yg*5DaicmWf4cKL_LmZxla3{4oO(o-0-cSII^s3)& zrO-GJ6{ySWlW8h7?G)Zhs*0owLXfg(6g~>PoZ9v^3jhLS!f+q3EW4S8sdGAd`po?N zF3RfMTv=~|-v%-gs(;nK_a^=+Jcl1=+IBG4d40G52!kcWJj=_%>Ur!EuO|VN4+7B< z2ADMs#Mw|$%RNELa9Zi`I`mephlj_O(&R*#5h*|l=&KmpDfpCQC)<1wp4j=$<;C`; zCl5%=6#&*-2*%uff$QwH}aEgZe6h>kXi|v@0x!0D&1P&^hjtrU4YVr~XZK9E0#l0jx~I zf=Fhj0gk`)yA5h;AHH5FCnuLAaZO6U2i0Gb&;?E$k)&2#Rp3 z#nI9_m);~H3A-*S5s~Qy1wOt5z-zI+c3M%6&)S4uQleDKcLg8}jqzd4G;Q!^Xkc zcUK9XvON|RM#GPKzX84*#9t8?6O$kv3&~UW+561^8sL_Kgs{Bu#mS%fDOT!mY7ue@ z3a^EB{QYR4WxVb?0WI$7?Rb9Ta7+U__%z<{AO=5_s>##ss@-AquY<2ls^e95c1M*! ziCtwa*grrveJ2zzNTu4-r6eS~BP}jSl&q1g+;|o?LBVm8V4$Orip8K!JC{5PIF8V% zw^K03MjQl@dpt5Xj>zUp@}#BMFnFZu_inKxrrz@~5p=8dB7`q+CHCDWO+xwa)AI9= zoYzkCQv_w{)JgaK=?%qN9n2XR%u&5uM_gE8&JJI_dbK`ML}Isny3>p|1yfU3XV)&z z24xQ-JcHgwq@|>6it?Q--koxvzH@u`)&zr6s#=()rlxrVrCv{cQOXMk32s%%k_i5E zU}@k2PIz{(%A%e>T4EBI@WdVV5?CzI3qlHtbsyqkbX>xdLYB6vtlW@wK^4^2m6yGzG%$!)|y6evu#SZW~GZ;ZQ?sTyLMS=F+jh& zG*w<+evgp;KA;qn)eZnANYYxK-&7bH|RaOeU?L$wa-~5x$rf zoyZ#n-@g6&^DbVCp`G*o?qL+Qpxc&p)x=a>lZlB55;N|H9(p=|Eq{8l`OoW*OEG{w zJ1xoYA7ufqu9)!L^kio)T{^;dF-D_>fgZOR_*R@ftEr+s^W(Y~!wPj*sQ*auj1B?U!3nmRF z%eC7LIM$)2p!%q*+OBB%xlY~Guq0r^z+gfrbSEYz-ah6%*1Lm5A_I&lgi%4UJ&*ACS6$3H?Y5a;GEMhB^Rt73m>22cDIbl=M1Wi;0RdA_Wrl3`pnx{{EJ^ zfq{W_n^aT4kCIuzx)c;0XP6l54<}&JG*$y z8gz1>wVbR6G@`8ft9zX_PF!guN>51xb{FFeLflT`TVg6b4=uUM0g=CV`PS~k-6(*o z`_iqPpLwl@t9xXt0pIt~y?KvC1Bmr3v4Zy*=Qg%*u|9}$#ig|D0cXXC~f-yDc`^)Ja9rqc7ENMPwKX-KU9|-#lPP?3YsZHnm2F}RkgHE zJ6MW%E}}#cqky`ADs$Z&hX6wd#4fL>VceT{pa*v0r10CQne&Ps?{B{fB~Dl_0rG={ zO`GS`po@iVzO(LfCs0fn^l;FRQ7F_^YePOQV*7A%s~(`p)`c`!7m#6HBb`CS?7HR` zm^j3_Dd1gWV`DWnHNY57UTZ^*RNTR7sWOhoboPPoA?0eq9ADXZg?d&G$^hd9-aoKl zfQCckN&q``>Guf^3A=m}AIfJa5BRKGlQmHO!8*#^rf=rOPnz=)?Ndcb#?b;TQ{ z(uIeG5mj9?@DB{!1~Ld3pauYpCGkYmAdtn2$yMi&2tlB8M$ad_wOi-x2fYL(Uu{@z zf%07K&j5C2M^~3F=!IYxYgDgv%YkR)Ig|_8A`yq}G~QYIQ^uF1Q0J39y>#j+Ps4AU zti|xXyxjTxWH-&{C_$(yjnhb?-ffkK1V{Rsf!CFFgi0UNZ@`}6JyD+pM;+W8TC*{a z3`It|n|p89A5YSFs^#L{yO(oZj|;^hfY~3q%&FEQcn@?XqM3}|47oUP9=qCEMx@|1 zyjj_nXRo~-8m1$kNOr{;c^x2VX=z2UOUVPGVq>A*ue=pHfLn{|L86sG%#i_C#2&gb z?X}G-cIiBZ~XYixPmh#9&5`FhZN<+ZImX@ivsW*r6G_f7_7JQ2{C)xRc{A`l<^I~ zW3L7afI@rK^|cG1z!$1EfHgSnJfHxGo0a_*dt6>-=Ied!CsCR6rGRR=|7uNN_?YX_ zKs_LaIT&c=8R7t|9;MwoWHkJj)$6S*^9zAFszMOK=)t4`eco0vqR*oLjK{!*l8Op5 ztYbHXjx8~24)74`v?F~DB0uemw%N~}1Rl2A#^{r2T^_fs$t$OaM(ze_fKeSta2#S* z^BvSYn7bfBSs6D}&V%t2aXRq*x7svmJXfCVkESIgSfoC_AL-fo3K-W#I#q>SH7$v} zRbyaogL^$U*bs4E=>-7@wp%+vT%r*`274+oaB-=e-!gXvu|9TJYxZGr z1!D`?UUXVKO$di6Y&9cptzIY($N=Meno&hocnt(qb6`%9G*!F%r|rrqTgnRr-WmWl zqiN|!1O%nVNNg@H>KFF2VEl!W9Stz5W}&RTv<1%g6>55Z3ov5UgC77J6CXy{qI25Z z+zdOeoe9>1;Q+O{J9CMdSwbu>E&>hK420NYeLBSD1sYhaulEghiDy24{(R-+M)4B%s%vFQQlBOV?>!LOMAWGxf^W!A9EUq-Y?u}wC&1l+g*NYlgYtdWxahdJurTSpkAgBXGg|@& z3Ye1fg!CZTY>bSY(o8HYz;aIY5C*)c8kqP1zKJ>Xt;3(DT2>Sv8CrJ5d@3z{?huzO z;#EmH1;F~#J;IhkZz-u3fM;$1wYMqD%F67j=Wg$+*#e7YtNKqk5Qm8H^ML1t z+kjb`5B;>;V4+?uKpk~}I3nc-J90iehYxbh~baBwm03!zMyBAdWYhpLh&fY01DuOzQ zj*gy^alJAviX2wJ(6-+0v;de2U0tkfY+xW_B_VO0gHY<>BO)TutMk8o`v%ZFI5-%j z#bN4zqtgpYaBCs(Z9SEM12Is#1J6p?Ck8KqWZ9Fxz*Lx z!0i+igij}}9CRlOL?cjN=PR;H%r&i}mvWR_zIH{PN{XXXgVj z-PGQAC153e4M*fDPLk)tNV;F}E4DOr2YtBCu(e=nY6_0i*&r!Nz$w$s!wKtfPmv(8 zN~A#C*0#`N`88O)u;(dIA`XZLrQirb@=`+{VSVG$HjM}}BQTr-M(yp((31wnft-aWkl)2>1?HjM#arNlD|qiO0a~%v{qTM>DX--tvg=q@SD$COSG;w_^9^V$ z%Ek)eYq=~%b)}h^&?^U%*3akcV64JQqdsB}Yo|5lCSn5gZ$N@jlZNe)Pc#gCT;%1u zz%(5LWIbFAfX_Mj9l*MeEd>_&AhVYg-97U!fHEt2houDS*L(Vaetq^u2@5>`p%~an z;JZA96|6$S!@-LcCr~=99mx7ReiYreoFgz_HAaR2CJKIqKnN5kkl-N8K!n6DPkWZT z5(Xrw8?Lbv)7`uF7W@jpawzwB1||j+iJn9Q$Vm`);AU!;zPlGed&3;AK1};m=KV~y zZXvKJz$lU!op}A*BFF?DyU!L~>sp45r~Atwlj;qEaj<;*1UU_{!T z-ofr9%HfR96c|A7w%o#=;&IWCD(Bj~Kcte^xlEp7=^!uZld0wOK#(&l%chn)|MRf8 z2`k$-QR1M1{fkuS!y`BFs|4_fjQqd8+)P)zu6^Ch(makyy>&GPI^~VF$37vrx7e^>Pi?&)$ltgf+jACQa8HBa>c(&0 z{KHFjwfF9CUwQ?iaZI#Wj>M+qkwxa|#J~-<@`Wlq>OrXc;U zm*bv~fTGIyq(cunvvhb9*V@O4ELFo-N_Fi|pR&$(#oWBw1HqTSdkM+mP3lN6QTwjI zk~Z@BWFX%iV!mc~p-L3ep)vfX)Vh>Qk+A+DO(ynXLQ)=fy^n;3yiMyoTJ1X@g{$T3 zn~8By7~Vyuj?<<&#JsInFSj@1e&}NVhE9x_mfi7bEmZ2rjVHBoGIq$*Vyz$Q2@xZ= zbqH@f>?>kmk_>qMjx?Z8i_8LXPz|jciAKEjhq9_{ZQJl?u9KT6+_*JiBi;va}=CVqELgIhmPy!hvfGF1{q*P&ta z%$)CIclFqPzC%%hHs6U-YyRQSwT!K@4sa@2F?euJh=n(L@*=3z#4u%O z4N4BjMec1}FFw@U^_ns|t1Yo%l^=klbBJ1*awQh8TS%+j^eg_~DDpoc(0}_HU3m?K zy+d)<5yYR`eTfaS5-ip=AkW>=OR{%27hb8}kL-2Kn$a;HyVMa?A@n&(7=e6`i;!3K zrzA^Iuq0%E7K`J)iW6dyn`9wzW?^}BY>zTmzx88f;+YORu4TuUw|uoj1+Vm!t{@_pVh zozf>ijQL>4s-v_+Z{JT(b&M!CA77I?4_&C|%2HP5(i=8>q?Y2?B6vx{`nkW*1~sB~ ztXaeS)!8aK@zd~fOYU zUvDt1{8>?^>+}K(8FCn{Mncz(F#E(jxLUl2MdFQ1rR=BuWR&>8vjw7otL`5@let0q zvumO#DI58*6Zfmb@N1o?e;cF!jpoYon`s+4KD>Pkg~(iGQ_n~o!c{d_b#?wSb#?_M zF$Dz^c9#3DWQm2V9U;s%nal`X$y&&Z=g*V+>B=>a3U+gqBYqRJWLjvlGiK(*yDqVt z_VG7!8tWfjzD-U_%fxnZw+Uo^R}-0RswThB4T}?1)!?&oS2LxPa?8&h8`L5Sai4HB z`6%mDK7=DRSH_2Ypf}o2NioVeIIwXV3y;g28PruLAO9p{*{0^B^ns%r(1L#osF;Di zwsG?xeRj;D1yW=k%zD@6u_44$_MgzT#R`Pxe2PS+x+JU*Zy~R%u%jG5RQ?svL{EE#?>S0YS`%&4WVs3SkWqI1%7;@? zyG=8>0V@6Fp(v$Olt({#Anuz=L84%IQ2I1;5OTT-YWWx)T1=Wrj^hV<>Xl* zic8;%;Vo;ks=^MPq0z2Wgq6H49Od%(NpI-^1KyH0Mc+27hQkA8EmK?tEmH-qrJp(& zgR?V&Uh4`&AHxCO(oGo`EmIU775tA^OO@6zxd~21o&>L7^w)G3m2lIP#l#LpO#HP` zLss63<)rb8FM9Q|RO)=B&Aq;dg@(u8F|Al0YC~osgoc0fE z`PZ2<6n@0r4ZM1ULqz)6@44N=2BdgR`wnQe2Sl@86JcYVtDsT}K7yF>)(l1|pU(rs z9A&Lb#oCyT95k1`#Tj`b+3oqA!jw!o!r{x&F>Ui9PCUNDrJv~Vg8{Wb?G4#E*{h!; zW8IVaXP4g@5QiGTp&;1|a z>v-N8U?i0-N#yg@pwKksXtmTFwe(01xkx-aSl=<uvmaw9^{9k@8tOQ8 zu8Iza#a!h!jb^{GFIW!L!auNI9nj>El`yx;!b#tzhgve%uCipVszG!p`@Up*>)lKJ zn3flJdFzt@c0<30ywxpAG+vGb7aAibq>xe}esAj{{BeI=chn-Xop0{`K+ zfBqF%vcDTx5K;MpBkNCsquxm7^EOCUKK+1^Sp&31Rcy_|$kj$^Xq7zLrK^dD;$hC| zZ9j!tf$y*KYFx|d$uD*bzg5tQOAxwvIqPjXKvuf+K!3@;K6OF8+gKH55pOq$_R71w z?ch+REsx3|>zh-4Wz9P-;aKn6><8Wqo1S_o?muf&M{F-uvl#`usQp_c;ps zq*7vHh%7`qSI}irvxBeS1i>fIT4M6$3 zhTMh9tr67TbaGYb`@zTHE>!BB&-}G?fx>FQn#wdrlF%zxB5Ij3S6SSWIf5cL)ON(^B* z3lwWkDg`e`cJD$s3}2O3zL%5xF_qkV&OTDtEBh z&pIN7(=uME`yQ_`YA@bVCpR&E?RZS!=?1)5!GNlB+qulipE=3Wi7{fEw?qYQ;i@5B zz+THj*UqBAu*i>we222y5PKguUUjCwuddk(j4d5>LLlEKDTJ(EZzSqdykBAjQRR#`F*D6TYQ27~N&1^?LWK|)qEz-H!q%pW@)d0}PhZP%Op|(s|Tfz!Eg(^NRD;_!g=MoxG9W@NJ@nI!hjvx5SonIC@WU!q>crzm$gg7p>r8#axFo0^HmOc@0wNudY^nFdcRk3FqX~j$tVDyGNYtc`^Nc52MuN(iQu_!F(mwt)_)8)ClZ@I}|s#>DB9F#eA`pJThEH62zD)t~0k>+AaZZ05u#e1{>c^bCS{HDlG9 zmnb}X8Ky$=)M?e~>)6-1SjZ#`R)K{fN;5h8xubDz;f>@{h*lEELtVBCSBn2ICfU{J zN*MJx^B*<*uIm2q%#qvQ1n#E(h%(AmMhqbn@pY7mY)@jK(JPiGh+ezL%w%_dJa*X0 zQ_z9hlrqtv>!0lKE4(z8PVuDE(^!_zb%aF-m>-@L=A=;s!J8UMCfC|y{o|MrjSGQ; z{>z6pCFHfF|F~BeTV5`-w+~9?5xZh*%W0EqWS5$U6cq9f;^u_7>QcA?sUWZ-z`}{zKoqo@|Lm_KJ_Ojj7`rMA%Y3BAvI8JhW?8VS3f3`OJ@kFd`5A zdk$C>$`HpMka~owa7m1#fHPw8$>LB){Gzd?AQ0$l-xeiwyY1y}jhElqiNyN)wxWh- za}ZT%=pE1ewXRZ)$Wr3Y;(T5(l0dth|tVE=Pg#Btzn|oPB%E3reTpRICm=^ za>@yv8fP6|ccJc9X(b5Y`=M}H)hf|atlOy}go+%;QoCDOUFyPfD{jJitca}S*sOyq zMbX7*5i6f44vMxmSA$hH!~Rvn;(!1D_Hk8Y_Nysd#_=d}8&C6?GPb)6vp-D?vDge> zdp^xaQF-T^K=p!VVZ7_RQ%wk?>2Ll-eBPM$kGlQ}VzCvjYwP)1`WAPeLhu=Fd^k`G z<%`+Y;KPZ#>zB{8L=(MpR8KdG~ z)%fnm$!R4FLvgxT3raLGW9DVNl0<@aj=*nr$l5y5PyAsWmf2ony6m+s7(1met8pi0 z^ZpwVQeuXO2U9`}DSlALtwb$+v_=F8<$`NT&sZ-o|{4G1@ zvs_r_M*gC9m*CmQ&P1(Yi-_dJ-?=2c2^!y$GNE4*n|=?k;$Z1$ORV$y`>FWU5&dlz z8jQ;DsIni(qK>R0ys@Jo?&d^@7V0G^M%;)Cf4{Z;?^L_D@h=mKgzBH#ZvXeQl>gW7 aJcnHq!`8HYVpDd-4rN{`N)<{Ne*9m!&&wkK literal 0 HcmV?d00001 diff --git a/previews/PR92/generated/howto/gpu_acceleration/index.html b/previews/PR92/generated/howto/gpu_acceleration/index.html new file mode 100644 index 00000000..c380c888 --- /dev/null +++ b/previews/PR92/generated/howto/gpu_acceleration/index.html @@ -0,0 +1,70 @@ + +GPU Acceleration · RegularizedLeastSquares.jl

    GPU Acceleration

    RegularizedLeastSquares.jl supports generic GPU acceleration. This means that the user can use any GPU array type that supports the GPUArrays interface. This includes CUDA.jl, AMDGPU.jl, and Metal.jl. In this example we will use the package JLArrays.jl which provides a reference implementation for GPUArrays, that can runs on CPUs.

    using JLArrays
    +gpu = JLArray;

    To use the following examples on an actual GPU, load the appropraite package replace JLArray with the respective GPU array type, for example:

    using CUDA
    +gpu = CuArray

    At first we will look at an example of dense GPU arrays.

    using RegularizedLeastSquares
    +A = gpu(rand(Float32, 32, 16))
    +x = gpu(rand(Float32, 16))
    +b = A*x;

    Solvers adapt their states based on the type of the given measurement vector. This means that the solver will automatically switch to GPU acceleration if a GPU array is passed as the measurement vector.

    solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32);
    +x_approx = solve!(solver, b)
    16-element JLArrays.JLArray{Float32, 1}:
    + 0.76989436
    + 0.09178298
    + 0.2045388
    + 0.31862575
    + 0.19223855
    + 0.034395475
    + 0.6367978
    + 0.019584134
    + 0.6599743
    + 0.50930434
    + 0.11515529
    + 0.41526586
    + 0.45584652
    + 0.95969784
    + 0.03715256
    + 0.2970575

    This adaption does not include the operator. So if we want to compare with CPU result, we need to construct a new solver with a CPU operator.

    solver = createLinearSolver(CGNR, Array(A); reg = L2Regularization(0.0001), iterations=32);
    +x_cpu = solve!(solver, Array(b))
    +isapprox(Array(x_approx), x_cpu)
    true

    Matrix-Free Operators

    A special case is the usage of matrix-free operators. Since these operators do not have a concrete matrix representation, their GPU support depends on their implementation. Since not all multiplications within a solver approximation are in-place, the operator also needs to support the * operation and construct an appropriate result vector. For matrix-free operators based on LinearOperators.jl, this can be achieved by implementing the LinearOperators.storage_type method.

    In the following, we will take another look at the CS example and execute it on the GPU. Note that for the JLArray example we chose a small phantom, since the JLArray implementation is not optimized for performance:

    using ImagePhantoms, ImageGeoms
    +N = 32
    +image = shepp_logan(N, SheppLoganToft())
    +
    +using Random, LinearOperatorCollection
    +randomIndices = shuffle(eachindex(image))
    +sampledIndices = sort(randomIndices[1:div(end, 3)]);

    To construct the operator, we need to convert the indices to a GPU array. We also need to specify the correct storage type. In both LinearOperators.jl and LinearOperatorCollection.jl this is done with the S keyword argument.

    gpu_indices = gpu(sampledIndices)
    +A = SamplingOp(eltype(image), pattern = gpu_indices, shape = size(image), S = typeof(b));

    Let's inspect the storage type of the operator:

    using LinearOperatorCollection.LinearOperators
    +LinearOperators.storage_type(A)
    JLArrays.JLArray{Float32, 1}

    Afterwards we can use the operator as usual:

    b = A*vec(gpu(image));

    And use it in the solver:

    using RegularizedLeastSquares
    +reg = TVRegularization(0.01; shape=size(image))
    +solver = createLinearSolver(FISTA, A; reg=reg, iterations=20)
    +img_approx = solve!(solver,b);

    To visualize the reconstructed image, we need to reshape the result vector to the correct shape and convert it to a CPU array:

    img_approx = reshape(Array(img_approx),size(image))
    32×32 Matrix{Float32}:
    + 0.00182596  0.00182079  0.00180018  …  0.00170522  0.00151066  0.00139194
    + 0.00194785  0.00196028  0.00196445     0.0019336   0.00173191  0.00160886
    + 0.00220521  0.00223796  0.0022853      0.00240092  0.00216919  0.0020296
    + 0.00255223  0.0026198   0.00276246     0.00314142  0.00281662  0.00263576
    + 0.00296817  0.00313723  0.00350533     0.00424536  0.00372654  0.00345912
    + 0.00359499  0.00398958  0.00474067  …  0.00577368  0.00499637  0.00456198
    + 0.00467823  0.00534572  0.00635574     0.0075705   0.00662761  0.00597426
    + 0.0061956   0.00691098  0.00765569     0.00917998  0.00850771  0.00777992
    + 0.0079152   0.00837985  0.00829485     0.0104648   0.0103646   0.0100378
    + 0.00976733  0.00973923  0.0097611      0.0111948   0.0119605   0.0125794
    + ⋮                                   ⋱              ⋮           
    + 0.00818123  0.00878127  0.00938514     0.0100501   0.00900169  0.00831158
    + 0.0067967   0.00756416  0.00850452     0.00845737  0.00729177  0.00660801
    + 0.00547793  0.00612875  0.00708301  …  0.00646632  0.00557981  0.00514117
    + 0.00424285  0.00466339  0.00540846     0.0047201   0.00419738  0.00401492
    + 0.00317613  0.00341177  0.00385285     0.00341493  0.00318044  0.00314506
    + 0.00236193  0.00249397  0.00273293     0.00253895  0.00245715  0.00246623
    + 0.00178943  0.00186363  0.00200414     0.00197298  0.00194269  0.00194867
    + 0.00139031  0.0014287   0.00151914  …  0.00162275  0.00160093  0.00159668
    + 0.00116179  0.00118196  0.00124816     0.00144526  0.00142355  0.00141422

    We will again use CairoMakie for visualization:

    using CairoMakie
    +function plot_image(figPos, img; title = "", width = 150, height = 150)
    +  ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)
    +  hidedecorations!(ax)
    +  heatmap!(ax, img)
    +end
    +fig = Figure()
    +plot_image(fig[1,1], image, title = "Image")
    +samplingMask = fill(false, size(image))
    +samplingMask[sampledIndices] .= true
    +plot_image(fig[1,2], image .* samplingMask, title = "Sampled Image")
    +plot_image(fig[1,3], img_approx, title = "Reconstructed Image")
    +resize_to_layout!(fig)
    +fig
    Example block output

    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/multi_threading/index.html b/previews/PR92/generated/howto/multi_threading/index.html new file mode 100644 index 00000000..fa52a5a0 --- /dev/null +++ b/previews/PR92/generated/howto/multi_threading/index.html @@ -0,0 +1,28 @@ + +Multi-Threading · RegularizedLeastSquares.jl

    Multi-Threading

    There are different ways multi-threading can be used with RegularizedLeastSquares.jl. To use multi-threading in Julia, one needs to start their session with multi-threads, see the Julia documentation for more information.

    Solver Based Multi-Threading

    This type of multi-threading is transparent to the solver and is applicable if the total solution is composed of individual solutions that can be solved in parallel. In particular, this approach also allows for using solvers with different parameters, such as their operator or regularization parameters.

    using RegularizedLeastSquares
    +As = [rand(32, 16) for _ in 1:4]
    +xs = [rand(16) for _ in 1:4]
    +bs = [A*x for (A, x) in zip(As, xs)]
    +
    +xs_approx = similar(xs)
    +Threads.@threads for i in 1:4
    +  solver = createLinearSolver(CGNR, As[i]; iterations=32)
    +  xs_approx[i] = solve!(solver, bs[i])
    +end

    Operator Based Multi-Threading

    This type of multi-threading involves linear operators or proximal maps that can be implemnted in parallel. Examples of this include the proximal map of the TV regularization term, which is based on the multi-threaded GradientOp from LinearOperatorCollection. GPU acceleration also falls under this approach, see GPU Acceleration for more information.

    Measurement Based Multi-Threading

    This level of multi-threading applies the same solver (and its parameters) to multiple measurement vectors or rather a measurement matrix B. This is useful in the case of multiple measurements that can be solved in parallel and can reuse the same solver. This approach is not applicable if the operator is stateful.

    To use this approach we first build a measurement matrix B and a corresponding solver:

    A = first(As)
    +B = mapreduce(x -> A*x, hcat, xs)
    +solver = createLinearSolver(CGNR, A; iterations=32)
    CGNR{Matrix{Float64}, Matrix{Float64}, L2Regularization{Float64}, Vector{Any}}([0.5522964464282882 0.057967659145914285 … 0.44454909909974416 0.6572841488411938; 0.8724836761034838 0.8814319753082565 … 0.9270247390018734 0.4184112511224466; … ; 0.14903530400804987 0.9808112713209824 … 0.14469174934369433 0.4074920700464463; 0.00788791769537489 0.22565144415014737 … 0.426311979994105 0.07486720041580652], [9.630725574230791 7.799436811825599 … 8.443403684936504 6.314897612703452; 7.799436811825599 11.237405536890643 … 9.351294069243538 6.783206080272212; … ; 8.443403684936504 9.351294069243538 … 12.007186664392426 7.459403612518464; 6.314897612703452 6.783206080272212 … 7.459403612518464 7.775950989526439], L2Regularization{Float64}(0.0), Any[], NoNormalization(), 32, RegularizedLeastSquares.CGNRState{Float64, Float64, Vector{Float64}}([5.0e-324, NaN, 1.5e-323, 2.0e-323, NaN, 3.0e-323, 3.5e-323, NaN, NaN, 5.0e-323, 5.4e-323, 6.0e-323, 6.4e-323, 7.0e-323, 7.4e-323, NaN], [5.0e-324, 1.0e-323, 1.5e-323, 2.0e-323, 2.5e-323, 3.0e-323, 3.5e-323, 4.0e-323, 4.4e-323, 5.0e-323, 5.4e-323, 6.0e-323, 6.4e-323, 7.0e-323, 7.4e-323, 8.0e-323], [1.5e-323, 2.5e-323, 6.90978611664797e-310, 6.90978611930406e-310, 3.0e-323, 4.0e-323, 6.90978611665113e-310, 6.9097861166543e-310, 4.4e-323, 4.4e-323, 6.90978611665745e-310, 6.9097861166606e-310, 5.0e-323, 8.0e-323, 6.9097861166638e-310, 6.90978611666694e-310], [5.0e-324, 0.0, 0.0, 5.0e-324, 0.0, 5.0e-324, 5.0e-324, 0.0, 0.0, 0.0, 5.0e-324, 5.0e-324, 5.0e-324, 5.0e-324, 5.0e-324, 0.0], 0.0, 0.0, 0.0, 0, 2.220446049250313e-16, 0.0))

    We can then simply pass the measurement matrix to the solver. The result will be the same as if we passed each colument of B seperately:

    x_approx = solve!(solver, B)
    +size(x_approx)
    (16, 4)

    The previous solve! call was still executed sequentially. To execute it in parallel, we have to specify a multi-threaded scheduler as a keyword-argument of the solve! call. RegularizedLeastSquares.jl provides a MultiThreadingState scheduler that can be used for this purpose. This scheduler is based on the Threads.@threads macro:

    x_multi = solve!(solver, B; scheduler = MultiThreadingState)
    +x_approx == x_multi
    true

    Custom Scheduling

    It is possible to implement custom scheduling. The following code shows how to implement this for the Threads.@spawn macro. Usually one this to implement multi-threading with a package such as FLoop.jl or ThreadPools.jl for thread pinning:

    Since most solver have conv. criteria, they can finish at different iteration numbers, which we track this information with flags.

     mutable struct SpawnState{S, ST <: AbstractSolverState{S}} <: RegularizedLeastSquares.AbstractMatrixSolverState{S}
    +   states::Vector{ST}
    +   active::Vector{Bool}
    +   SpawnState(states::Vector{ST}) where {S, ST <: AbstractSolverState{S}} = new{S, ST}(states, fill(true, length(states)))
    + end

    To hook into the existing init! code we only have to supply a method that gets a copyable "vector" state. This will invoke our SpawnState constructor with copies of the given state.

     prepareMultiStates(solver::AbstractLinearSolver, state::SpawnState, b::AbstractMatrix) = prepareMultiStates(solver, first(state.states), b);

    We specialise the iterate function which is called with the idx of still active states

    function Base.iterate(solver::AbstractLinearSolver, state::SpawnState, activeIdx)
    +  @sync Threads.@spawn for i in activeIdx
    +    res = iterate(solver, state.states[i])
    +    if isnothing(res)
    +      state.active[i] = false
    +    end
    +  end
    +  return state.active, state
    +end

    Now we can simply use the SpawnState scheduler in the solve! call:

    x_custom = solve!(solver, B; scheduler = SpawnState)
    +x_approx == x_multi
    true

    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/normal_operator/index.html b/previews/PR92/generated/howto/normal_operator/index.html new file mode 100644 index 00000000..3ad4ed5a --- /dev/null +++ b/previews/PR92/generated/howto/normal_operator/index.html @@ -0,0 +1,68 @@ + +Normal Operator · RegularizedLeastSquares.jl

    Normal Operator

    Many solvers in RegularizedLeastSquares.jl are based on the normal operator $\mathbf{A}^*\mathbf{A}$ of the linear operator $\mathbf{A}$.

    Solvers such as ADMM, FISTA and POGM generally solve optimization problems of the form:

    \[\begin{equation} + \underset{\mathbf{x}}{argmin} \mathbf{f(x)}+ \mathbf{R(x)} +\end{equation}\]

    and require the gradient of the function $\mathbf{f(x)}$. In this package we specialise the function $\mathbf{f(x)}$ to the least squares norm:

    \[\begin{equation} + \mathbf{f(x)} = \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert^2_2 +\end{equation}\]

    The gradient of this function is:

    \[\begin{equation} + \nabla \mathbf{f(x)} = \mathbf{A}^*(\mathbf{A}\mathbf{x}-\mathbf{b}) = \mathbf{A}^*\mathbf{Ax} - \mathbf{A}^*\mathbf{b} +\end{equation}\]

    Similarily, the conjugate gradient normal residual (CGNR) algorithm applies conjugate gradient algorithm to:

    \[\begin{equation} + \mathbf{A}^*\mathbf{A}\mathbf{x} = \mathbf{A}^*\mathbf{b} +\end{equation}\]

    The normal operator can be passed directly to these solvers, otherwise it is computed internally.

    using RegularizedLeastSquares
    +A = randn(32, 16)
    +x = randn(16)
    +b = A*x
    +
    +solver = createLinearSolver(CGNR, A; AHA = adjoint(A) * A, reg = L2Regularization(0.0001), iterations=32);
    +x_approx = solve!(solver, b)
    16-element Vector{Float64}:
    +  0.9476327004064123
    +  0.2909593014660477
    +  1.5617433787181285
    + -0.4832102295169169
    +  0.40728981484468824
    + -0.5808991768866963
    +  0.04958063559988508
    + -1.3036488059908822
    +  0.8457195775886119
    +  1.1327975395110086
    +  0.7586031313687629
    +  0.3953932290654046
    + -0.5604711251844071
    + -0.6528532400965956
    +  1.1891089165505841
    + -0.3028868503003121

    The normal operator can also be computed using the normalOperator function from LinearOperatorCollection.jl. This is useful if the normal operator is not directly available or shouldn't be stored in memory. This function is opinionated and attempts to optimize the resulting operator for iterative applications. Specifying a custom method for a custom operator allows one to control this optimization.

    An example of such an optimization is a matrix-free weighting of $\mathbf{A}$ as shown in the Weighting example:

    using LinearOperatorCollection
    +weights = rand(32)
    +WA = ProdOp(WeightingOp(weights), A)
    +AHA = LinearOperatorCollection.normalOperator(WA)
    Linear operator
    +  nrow: 16
    +  ncol: 16
    +  eltype: Float64
    +  symmetric: false
    +  hermitian: false
    +  nprod:   0
    +  ntprod:  0
    +  nctprod: 0
    +
    +

    Without an optimization a matrix-free product would apply the following operator each iteration:

    \[\begin{equation} + (\mathbf{WA})^*\mathbf{WA} = \mathbf{A}^*\mathbf{W}^*\mathbf{W}\mathbf{A} +\end{equation}\]

    This is not efficient and instead the normal operator can be optimized by initially computing the weights:

    \[\begin{equation} + \tilde{\mathbf{W}} = \mathbf{W}^*\mathbf{W} +\end{equation}\]

    and then applying the following each iteration:

    \[\begin{equation} + \mathbf{A}^*\tilde{\mathbf{W}}\mathbf{A} +\end{equation}\]

    The optimized normal operator can then be passed to the solver:

    solver = createLinearSolver(CGNR, WA; AHA = AHA, reg = L2Regularization(0.0001), iterations=32);
    +x_approx2 = solve!(solver, weights .* b)
    16-element Vector{Float64}:
    +  0.947572518870901
    +  0.2910097085095847
    +  1.5616937478013226
    + -0.4832224770348008
    +  0.407297903088875
    + -0.5809345232797501
    +  0.049522979484697555
    + -1.3036941661409458
    +  0.84573787532379
    +  1.132837106775444
    +  0.7585804435038358
    +  0.39537107523528126
    + -0.5604656214986606
    + -0.6528156854499366
    +  1.1890385349995984
    + -0.30284417399641844

    Of course it is also possible to optimize a normal operator with other means and pass it to the solver via the AHA keyword argument.

    It is also possible to only supply the normal operator to these solvers, however on then needs to supply $\mathbf{A^*b}$ intead of $\mathbf{b}$.


    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/plug-and-play/index.html b/previews/PR92/generated/howto/plug-and-play/index.html new file mode 100644 index 00000000..8fcde03b --- /dev/null +++ b/previews/PR92/generated/howto/plug-and-play/index.html @@ -0,0 +1,23 @@ + +Plug-and-Play Regularization · RegularizedLeastSquares.jl

    Plug-and-Play Regularization

    A group of regularization terms that can not be directly written down as function are learned plug-and-play (PnP) priors. These are terms based on deep neural networks, which are trainted to implement the proximal map corresponding to the regularization term. Such a PnP prior can be used in the same way as any other regularization term.

    The following example shows how to use a PnP prior in the context of the Kaczmarz solver.

    using RegularizedLeastSquares
    +A = randn(32, 16)
    +x = randn(16)
    +b = A*x;

    For the documentation we will just use the identity function as a placeholder for the PnP prior.

    model = identity
    identity (generic function with 1 method)

    In practice, you would replace this with a neural network:

    using Flux
    +model = Flux.loadmodel!(model, ...)

    The model can then be used together with the PnPRegularization term:

    reg = PnPRegularization(1.0; model = model, shape = [16]);

    Since models often expect a specific input range, we can use the MinMaxTransform to normalize the input:

    reg = PnPRegularization(1.0; model = model, shape = [16], input_transform = RegularizedLeastSquares.MinMaxTransform);

    Custom input transforms can be implemented by passing something callable as the input_transform keyword argument. For more details see the PnPRegularization documentation.

    The regularization term can then be used in the solver:

    solver = createLinearSolver(Kaczmarz, A; reg = reg, iterations = 32)
    +x_approx = solve!(solver, b)
    16-element Vector{Float64}:
    + -0.500506740286645
    +  0.09619227453944945
    +  2.0880887259218133
    + -0.2791009333337865
    + -1.1048322863071698
    +  0.12252884375050987
    + -0.3449229727058336
    +  1.0257063561304396
    +  0.934009634300548
    + -0.025072508193380028
    +  0.71648044046844
    + -0.8937409934458287
    + -0.1749943482952453
    +  2.2365318256411104
    +  0.2942241606480469
    + -0.13622280294445321

    This page was generated using Literate.jl.

    diff --git a/previews/PR92/generated/howto/weighting/index.html b/previews/PR92/generated/howto/weighting/index.html new file mode 100644 index 00000000..c8b791c5 --- /dev/null +++ b/previews/PR92/generated/howto/weighting/index.html @@ -0,0 +1,15 @@ + +Weighting · RegularizedLeastSquares.jl

    Weighting

    Often time one wants to solve a weighted least squares problem of the form:

    \[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert^2_{\mathbf{W}} + \mathbf{R(x)} . +\end{equation}\]

    where $\mathbf{W}$ is a symmetric, positive weighting matrix and $\vert\vert\mathbf{y}\vert\vert^2_\mathbf{W}$ denotes the weighted Euclidean norm. An example of such a weighting matrix is a noise whitening matrix. Another example could be a scaling of the matrix rows by the reciprocal of their row energy.

    In the following, we will solve a weighted least squares problem of the form:

    \[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_\mathbf{W}^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +\end{equation}\]

    using RegularizedLeastSquares, LinearOperatorCollection, LinearAlgebra
    +A = rand(32, 16)
    +x = rand(16)
    +b = A*x;

    As a weighting matrix, we will use the reciprocal of the row energy of the matrix A.

    weights = map(row -> 1/rownorm²(A, row), 1:size(A, 1));

    First, let us solve the problem with matrices we manually weighted.

    WA = diagm(weights) * A
    +solver = createLinearSolver(Kaczmarz, WA; reg = L2Regularization(0.0001), iterations=10)
    +x_approx = solve!(solver, weights .* b);

    The operator A is not always a dense matrix and the product between the operator and the weighting matrix is not always efficient or possible. The package LinearOperatorCollection.jl provides a matrix-free implementation of a diagonal weighting matrix, as well as a matrix free product between two matrices. This weighted operator has efficient implementations of the normal operator and also for the row-action operations of the Kaczmarz solver.

    W = WeightingOp(weights)
    +P = ProdOp(W, A)
    +solver = createLinearSolver(Kaczmarz, P; reg = L2Regularization(0.0001), iterations=10)
    +x_approx2 = solve!(solver, W * b)
    +isapprox(x_approx, x_approx2)
    true

    This page was generated using Literate.jl.

    diff --git a/previews/PR92/index.html b/previews/PR92/index.html new file mode 100644 index 00000000..47fe2e99 --- /dev/null +++ b/previews/PR92/index.html @@ -0,0 +1,2 @@ + +Home · RegularizedLeastSquares.jl

    RegularizedLeastSquares.jl

    Solvers for Linear Inverse Problems using Regularization Techniques

    Introduction

    RegularizedLeastSquares.jl is a Julia package for solving large linear systems using various types of algorithms. Ill-conditioned problems arise in many areas of practical interest. Regularisation techniques and nonlinear problem formulations are often used to solve these problems. This package provides implementations for a variety of solvers used in areas such as MPI and MRI. In particular, this package serves as the optimization backend of the Julia packages MPIReco.jl and MRIReco.jl.

    The implemented methods range from the $l^2_2$-regularized CGNR method to more general optimizers such as the Alternating Direction of Multipliers Method (ADMM) or the Split-Bregman method.

    For convenience, implementations of popular regularizers, such as $l_1$-regularization and TV regularization, are provided. On the other hand, hand-crafted regularizers can be used quite easily.

    Depending on the problem, it becomes unfeasible to store the full system matrix at hand. For this purpose, RegularizedLeastSquares.jl allows for the use of matrix-free operators. Such operators can be realized using the interface provided by the package LinearOperators.jl. Other interfaces can be used as well, as long as the product *(A,x) and the adjoint adjoint(A) are provided. A number of common matrix-free operators are provided by the package LinearOperatorColection.jl.

    Features

    • Variety of optimization algorithms optimized for least squares problems
    • Support for matrix-free operators
    • GPU support

    Usage

    See also

    Packages:

    Organizations:

    diff --git a/previews/PR92/literate/examples/compressed_sensing.jl b/previews/PR92/literate/examples/compressed_sensing.jl new file mode 100644 index 00000000..4e81d0fe --- /dev/null +++ b/previews/PR92/literate/examples/compressed_sensing.jl @@ -0,0 +1,69 @@ +# # Compressed Sensing Example +# In this example we will go through a simple example from the field of Compressed Sensing. +# In addtion to RegularizedLeastSquares.jl, we will need the packages [LinearOperatorCollection.jl](https://github.com/JuliaImageRecon/LinearOperatorCollection.jl), [ImagePhantoms.jl](https://github.com/JuliaImageRecon/ImagePhantoms.jl), [ImageGeoms.jl](https://github.com/JuliaImageRecon/ImageGeoms.jl) and Random.jl, as well as [CairoMakie.jl](https://docs.makie.org/stable/) for visualization. We can install them the same way we did RegularizedLeastSquares.jl. + +# ## Preparing the Inverse Problem +# To get started, let us generate a simple phantom using the ImagePhantoms and ImageGeom packages: + +using ImagePhantoms, ImageGeoms +N = 256 +image = shepp_logan(N, SheppLoganToft()) +size(image) + +# This produces a 256x256 image of a Shepp-Logan phantom. + +# In this example, we consider a problem in which we randomly sample a third of the pixels in the image. Such a problem and the corresponding measurement can be constructed with the packages LinearOperatorCollection and Random: + +# We first randomly shuffle the indices of the image and then select the first third of the indices to sample. +using Random, LinearOperatorCollection +randomIndices = shuffle(eachindex(image)) +sampledIndices = sort(randomIndices[1:div(end, 3)]) + +# Afterwards we build a sampling operator which samples the image at the selected indices. +A = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image)); + +# Then we apply the sampling operator to the vectorized image to obtain the sampled measurement vector +b = A*vec(image); + +# To visualize our image we can use CairoMakie: +using CairoMakie +function plot_image(figPos, img; title = "", width = 150, height = 150) + ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height) + hidedecorations!(ax) + heatmap!(ax, img) +end +fig = Figure() +plot_image(fig[1,1], image, title = "Image") +samplingMask = fill(false, size(image)) +samplingMask[sampledIndices] .= true +plot_image(fig[1,2], image .* samplingMask, title = "Sampled Image") +resize_to_layout!(fig) +fig + +# As we can see in the right image, only a third of the pixels are sampled. The goal of the inverse problem is to recover the original image from this measurement vector. + +# ## Solving the Inverse Problem +# To recover the image from the measurement vector, we solve the TV-regularized least squares problem: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert_{\lambda\text{TV}} . +# \end{equation} +# ``` + +# For this purpose we build a TV regularizer with regularization parameter $λ=0.01$ + +using RegularizedLeastSquares +reg = TVRegularization(0.01; shape=size(image)); + +# We will use the Fast Iterative Shrinkage-Thresholding Algorithm (FISTA) to solve our inverse problem. Thus, we build the corresponding solver + +solver = createLinearSolver(FISTA, A; reg=reg, iterations=20); + +# and apply it to our measurement vector +img_approx = solve!(solver,b) + +# To visualize the reconstructed image, we need to reshape the result vector to the correct shape. Afterwards we can use CairoMakie again: +img_approx = reshape(img_approx,size(image)); +plot_image(fig[1,3], img_approx, title = "Reconstructed Image") +resize_to_layout!(fig) +fig \ No newline at end of file diff --git a/previews/PR92/literate/examples/computed_tomography.jl b/previews/PR92/literate/examples/computed_tomography.jl new file mode 100644 index 00000000..2d1fca28 --- /dev/null +++ b/previews/PR92/literate/examples/computed_tomography.jl @@ -0,0 +1,66 @@ +# # Computed Tomography Example +# In this example we will go through a simple example from the field of Computed Tomography. +# In addtion to RegularizedLeastSquares.jl, we will need the packages [LinearOperatorCollection.jl](https://github.com/JuliaImageRecon/LinearOperatorCollection.jl), [ImagePhantoms.jl](https://github.com/JuliaImageRecon/ImagePhantoms.jl), [ImageGeoms.jl](https://github.com/JuliaImageRecon/ImageGeoms.jl) +# and [RadonKA.jl](https://github.com/roflmaostc/RadonKA.jl/tree/main), as well as [CairoMakie.jl](https://docs.makie.org/stable/) for visualization. We can install them the same way we did RegularizedLeastSquares.jl. + +# RadonKA is a package for the computation of the Radon transform and its adjoint. It is implemented with KernelAbstractions.jl and supports GPU acceleration. See the GPU acceleration [how-to](../howto/gpu_acceleration.md) for more information. + +# ## Preparing the Inverse Problem +# To get started, let us generate a simple phantom using the ImagePhantoms and ImageGeom packages: + +using ImagePhantoms, ImageGeoms +N = 256 +image = shepp_logan(N, SheppLoganToft()) +size(image) + +# This produces a 64x64 image of a Shepp-Logan phantom. + +using RadonKA, LinearOperatorCollection +angles = collect(range(0, π, 256)) +sinogram = Array(RadonKA.radon(image, angles)) + +# Afterwards we build a Radon operator implementing both the forward and adjoint Radon transform +A = RadonOp(eltype(image); angles, shape = size(image)); + +# To visualize our image we can use CairoMakie: +using CairoMakie +function plot_image(figPos, img; title = "", width = 150, height = 150) + ax = CairoMakie.Axis(figPos[1, 1]; yreversed=true, title, width, height) + hidedecorations!(ax) + hm = heatmap!(ax, img) + Colorbar(figPos[2, 1], hm, vertical = false, flipaxis = false) +end +fig = Figure() +plot_image(fig[1,1], image, title = "Image") +plot_image(fig[1,2], sinogram, title = "Sinogram") +plot_image(fig[1,3], backproject(sinogram, angles), title = "Backprojection") +resize_to_layout!(fig) +fig + +# In the figure we can see our original image, the sinogram, and the backprojection of the sinogram. The goal of the inverse problem is to recover the original image from the sinogram. + +# ## Solving the Inverse Problem +# To recover the image from the measurement vector, we solve the $l^2_2$-regularized least squares problem +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +# \end{equation} +# ``` + +# For this purpose we build a $l^2_2$ with regularization parameter $λ=0.001$ + +using RegularizedLeastSquares +reg = L2Regularization(0.001); + +# To solve this inverse problem, the Conjugate Gradient Normal Residual (CGNR) algorithm can be used. This solver is based on the normal operator of the Radon operator and uses both the forward and adjoint Radon transform internally. +# We now build the corresponding solver +solver = createLinearSolver(CGNR, A; reg=reg, iterations=20); + +# and apply it to our measurement vector +img_approx = solve!(solver, vec(sinogram)) + +# To visualize the reconstructed image, we need to reshape the result vector to the correct shape. Afterwards we can use CairoMakie again: +img_approx = reshape(img_approx,size(image)); +plot_image(fig[1,4], img_approx, title = "Reconstructed Image") +resize_to_layout!(fig) +fig \ No newline at end of file diff --git a/previews/PR92/literate/examples/getting_started.jl b/previews/PR92/literate/examples/getting_started.jl new file mode 100644 index 00000000..750d3341 --- /dev/null +++ b/previews/PR92/literate/examples/getting_started.jl @@ -0,0 +1,51 @@ +# # Getting Started + +# In this example we will go through a simple random inverse problem to get familiar with RegularizedLeastSquares.jl. + +# ## Installation + +# To install RegularizedLeastSquares.jl, you can use the Julia package manager. Open a Julia REPL and run the following command: + +# ```julia +# using Pkg +# Pkg.add("RegularizedLeastSquares") +# ``` +# This will download and install the RegularizedLeastSquares.jl package and its dependencies. To install a different version, please consult the [Pkg documentation](https://pkgdocs.julialang.org/dev/managing-packages/#Adding-packages). + +# Once the installation is complete, you can import the package with the `using` keyword: + + +using RegularizedLeastSquares + +# RegularizedLeastSquares aims to solve inverse problems of the form: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \mathbf{R(x)} . +# \end{equation} +# ``` +# where $\mathbf{A}$ is a linear operator, $\mathbf{y}$ is the measurement vector, and $\mathbf{R(x)}$ is an (optional) regularization term. +# The goal is to retrieve an approximation of the unknown vector $\mathbf{x}$. In this first exampel we will just work with simple random arrays. For more advanced examples, please refer to the examples. + +A = rand(32, 16) +x = rand(16) +b = A*x; + +# To approximate x from b, we can use the Conjugate Gradient Normal Residual (CGNR) algorithm. We first build the corresponding solver: +solver = createLinearSolver(CGNR, A; iterations=32); + +# and apply it to our measurement vector +x_approx = solve!(solver, b) +isapprox(x, x_approx, rtol = 0.001) + +# Usually the inverse problems are ill-posed and require regularization. RegularizedLeastSquares.jl provides a variety of regularization terms. +# The CGNR algorithm can solve optimzation problems of the form: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +# \end{equation} +# ``` + +# The corresponding solver can be built with the L2 regularization term: +solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32); +x_approx = solve!(solver, b) +isapprox(x, x_approx, rtol = 0.001) diff --git a/previews/PR92/literate/explanations/regularization.jl b/previews/PR92/literate/explanations/regularization.jl new file mode 100644 index 00000000..bd9b6c27 --- /dev/null +++ b/previews/PR92/literate/explanations/regularization.jl @@ -0,0 +1,96 @@ +# # Regularization +# When formulating inverse problems, a regulariser is formulated as an additional cost function which has to be minimised. +# Many algorithms deal with a regularizers $g$, by computing the proximal map: + +# ```math +# \begin{equation} +# prox_g (\mathbf{x}) = \underset{\mathbf{u}}{argmin} \frac{1}{2}\vert\vert \mathbf{u}-\mathbf{x} \vert {\vert}^2 + g(\mathbf{x}). +# \end{equation} +# ``` +# For many regularizers, the proximal map can be computed efficiently in a closed form. + +# In order to implement these proximal mappings, RegularizedLeastSquares.jl defines the following type hierarchy: +# ```julia +# abstract type AbstractRegularization +# prox!(reg::AbstractRegularization, x) +# norm(reg::AbstractRegularization, x) +# ``` +# Here `prox!(reg, x)` is an in-place function which computes the proximal map on the input-vector `x`. The function `norm` computes the value of the corresponding term in the inverse problem. RegularizedLeastSquares.jl provides `AbstractParameterizedRegularization` and `AbstractProjectionRegularization` as core regularization types. + +# ## Parameterized Regularization Terms +# This group of regularization terms features a regularization parameter `λ` that is used during the `prox!` and `norm `computations. Examples of this regulariztion group are `L1`, `L2` or `LLR` (locally low rank) regularization terms. + +# These terms are constructed by supplying a `λ` and optionally term specific keyword arguments: +using RegularizedLeastSquares +l2 = L2Regularization(0.3) +# Parameterized regularization terms implement: +# ```julia +# prox!(reg::AbstractParameterizedRegularization, x, λ) +# norm(reg::AbstractParameterizedRegularization, x, λ) +# ``` +# where `λ` by default is filled with the value used during construction. + +# Invoking `λ` on a parameterized term retrieves its regularization parameter. This can be used in a solver to scale and overwrite the parameter as follows: +prox!(l2, [1.0]) +# +param = λ(l2) +prox!(l2, [1.0], param*0.2) + + +# ## Projection Regularization Terms +# This group of regularization terms implement projections, such as a positivity constraint or a projection with a given convex projection function. +# These are essentially proximal maps where $g(\mathbf{x})$ is the indicator function of a convex set. + +positive = PositiveRegularization() +prox!(positive, [2.0, -0.2]) + +# ## Nested Regularization Terms +# Nested regularization terms are terms that act as decorators to the core regularization terms. +# These terms can be nested around other terms and add functionality to a regularization term, such as scaling `λ` based on the provided operator or applying a transform, such as the Wavelet, to `x`. +# As an example, we can nest a `L1` regularization term around a `Wavelet` operator. + +# First we generate an image and apply a wavelet operator to it: +using Wavelets, LinearOperatorCollection, ImagePhantoms, ImageGeoms +N = 256 +image = shepp_logan(N, SheppLoganToft()) +wop = WaveletOp(Float32, shape = size(image)) + +wavelet_image = reshape(wop*vec(image), size(image)) +wavelet_image = log.(abs.(wavelet_image) .+ 0.01) + +# We will use CairoMakie for visualization: +using CairoMakie +function plot_image(figPos, img; title = "", width = 150, height = 150) + ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height) + hidedecorations!(ax) + heatmap!(ax, img) +end +fig = Figure() +plot_image(fig[1,1], image, title = "Image") +plot_image(fig[1,2], wavelet_image, title = "Wavelet Image") +resize_to_layout!(fig) +fig + +# To apply soft-thresholding in the wavelet domain, we can nest a `L1` regularization term around the `Wavelet` operator: +core = L1Regularization(0.1) +reg = TransformedRegularization(core, wop); + +# We can then apply the proximal map to the image or the image in the wavelet domain: +img_prox_image = prox!(core, copy(vec(image))); +img_prox_wavelet = prox!(reg, copy(vec(image))); + +# We can visualize the result: +img_prox_image = reshape(img_prox_image, size(image)) +img_prox_wavelet = reshape(img_prox_wavelet, size(image)) +plot_image(fig[1,3], img_prox_image, title = "Reg. Image Domain") +plot_image(fig[1,4], img_prox_wavelet, title = "Reg. Wavelet Domain") +resize_to_layout!(fig) +fig + +# Generally, regularization terms can be nested arbitrarly deep, adding new functionality with each layer. Each nested regularization term can return its `inner` regularization term. +# Furthermore, all regularization terms implement the iteration interface to iterate over the nesting. The innermost regularization term of a nested term must be a core regularization term and it can be returned by the `sink` function: +RegularizedLeastSquares.innerreg(reg) == core +# +sink(reg) == core +# +foreach(r -> println(nameof(typeof(r))), reg) \ No newline at end of file diff --git a/previews/PR92/literate/howto/callbacks.jl b/previews/PR92/literate/howto/callbacks.jl new file mode 100644 index 00000000..ea25aa9f --- /dev/null +++ b/previews/PR92/literate/howto/callbacks.jl @@ -0,0 +1,49 @@ +# # Callbacks +# For certain optimization it is important to monitor the internal state of the solver. RegularizedLeastSquares.jl provides a callback mechanism to allow developres to access this state after each iteration. +# The package provides a variety of default callbacks, which for example store the solution after each iteration. More information can be found in the API reference for the `solve!` function. + +# In this example we will revist the compressed sensing compressed sensing [example](../examples/compressed_sensing.md) and implement a custom callback using the do-syntax of the `solve!` function. +# This allows us to implement our callback inline and access the solver state after each iteration. + +# We first recreate the operator `A` and the measurement vector `b`: +using ImagePhantoms, ImageGeoms +N = 256 +image = shepp_logan(N, SheppLoganToft()) +size(image) +using Random, LinearOperatorCollection +randomIndices = shuffle(eachindex(image)) +sampledIndices = sort(randomIndices[1:div(end, 3)]) +A = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image)); +b = A*vec(image); + +# Next we prepare our visualization helper function: +using CairoMakie +function plot_image(figPos, img; title = "", width = 150, height = 150, clim = extrema(img)) + ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height) + hidedecorations!(ax) + heatmap!(ax, img, colorrange = clim) +end + +# Now we construct the solver with the TV regularization term: +using RegularizedLeastSquares +reg = TVRegularization(0.01; shape=size(image)); +solver = createLinearSolver(FISTA, A; reg=reg, iterations=20); + +# We will now implement a callback that plots the solution every four iteration: +fig = Figure() +idx = 1 +solve!(solver, b) do solver, iteration + if iteration % 4 == 0 + img_approx = copy(solversolution(solver)) + img_approx = reshape(img_approx, size(image)) + plot_image(fig[div(idx -1, 3) + 1, mod1(idx, 3)], img_approx, clim = extrema(image), title = "$iteration") + global idx += 1 + end +end +# In the callback we have to copy the solution, as the solver will update it in place. +# As is explained in the solver section, each features fields that are intended to be immutable during a `solve!` call and a state that is modified in each iteration. +# Depending on the solvers parameters and the measurement input, the state can differ in its fields and their type. Ideally, one tries to avoid accessing the state directly and uses the provided functions to access the state. + +# The resulting figure shows the reconstructed image after 0, 4, 8, 12, 16 and 20 iterations: +resize_to_layout!(fig) +fig diff --git a/previews/PR92/literate/howto/efficient_kaczmarz.jl b/previews/PR92/literate/howto/efficient_kaczmarz.jl new file mode 100644 index 00000000..51b16ac3 --- /dev/null +++ b/previews/PR92/literate/howto/efficient_kaczmarz.jl @@ -0,0 +1,31 @@ +# # Efficient Kaczmarz +# Unlike many of the other solvers provided by RegularizedLeastSquares.jl, the Kaczmarz method does not utilize a matrix-vector product with the operator $\mathbf{A}$ nor the normal operator $\mathbf{A*A}$. Instead, it uses the rows of $\mathbf{A}$ to update the solution iteratively. +# Efficient Kaczmarz implementation therefore require very efficient dot products with the rows of $\mathbf{A}$. In RegularizedLeastSquares.jl, this is achieved with the `dot_with_matrix_row` function. +using RegularizedLeastSquares +A = randn(256, 256) +x = randn(256) +b = A*x; + +# The `dot_with_matrix_row` function calculates the dot product between a row of A and the current approximate solution of x: +row = 1 +isapprox(RegularizedLeastSquares.dot_with_matrix_row(A, x, row), sum(A[row, :] .* x)) + +# Since in Julia, dense arrays are stored in column-major order, such a row-based operation is quite inefficient. A workaround is to transpose the matrix then pass it to a Kaczmarz solver. +At = collect(transpose(A)) +A_eff = transpose(At) + +# Note that the transpose function can return a lazy transpose object, so we first collect the transpose into a dense matrix. +# Then we transpose it again to get the efficient representation of the matrix. + +# We can compare the performance using the BenchmarkTools.jl package. First for the original matrix: +using BenchmarkTools +solver = createLinearSolver(Kaczmarz, A; reg = L2Regularization(0.0001), iterations=100) +@benchmark solve!(solver, b) samples = 100 + +# And then for the efficient matrix: +solver_eff = createLinearSolver(Kaczmarz, A_eff; reg = L2Regularization(0.0001), iterations=100) +@benchmark solve!(solver_eff, b) samples = 100 + +# We can also combine the efficient matrix with a weighting matrix, as is shown in the [Weighting](weighting.md) example. + +# Custom operators need to implement the `dot_with_matrix_row` function to be used with the Kaczmarz solver. Ideally, such an implementation is allocation free. \ No newline at end of file diff --git a/previews/PR92/literate/howto/gpu_acceleration.jl b/previews/PR92/literate/howto/gpu_acceleration.jl new file mode 100644 index 00000000..b6a5fa1f --- /dev/null +++ b/previews/PR92/literate/howto/gpu_acceleration.jl @@ -0,0 +1,77 @@ +# # GPU Acceleration +# RegularizedLeastSquares.jl supports generic GPU acceleration. This means that the user can use any GPU array type that supports the GPUArrays interface. This includes [CUDA.jl](https://github.com/JuliaGPU/CUDA.jl), [AMDGPU.jl](https://github.com/JuliaGPU/AMDGPU.jl), and [Metal.jl](https://github.com/JuliaGPU/Metal.jl). +# In this example we will use the package JLArrays.jl which provides a reference implementation for GPUArrays, that can runs on CPUs. +using JLArrays +gpu = JLArray; + +# To use the following examples on an actual GPU, load the appropraite package replace `JLArray` with the respective GPU array type, for example: +# ```julia +# using CUDA +# gpu = CuArray +# ``` + +# At first we will look at an example of dense GPU arrays. +using RegularizedLeastSquares +A = gpu(rand(Float32, 32, 16)) +x = gpu(rand(Float32, 16)) +b = A*x; + +# Solvers adapt their states based on the type of the given measurement vector. This means that the solver will automatically switch to GPU acceleration if a GPU array is passed as the measurement vector. +solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32); +x_approx = solve!(solver, b) + +# This adaption does not include the operator. So if we want to compare with CPU result, we need to construct a new solver with a CPU operator. +solver = createLinearSolver(CGNR, Array(A); reg = L2Regularization(0.0001), iterations=32); +x_cpu = solve!(solver, Array(b)) +isapprox(Array(x_approx), x_cpu) + +# ## Matrix-Free Operators +# A special case is the usage of matrix-free operators. Since these operators do not have a concrete matrix representation, their GPU support depends on their implementation. +# Since not all multiplications within a solver approximation are in-place, the operator also needs to support the `*` operation and construct an appropriate result vector. +# For matrix-free operators based on LinearOperators.jl, this can be achieved by implementing the `LinearOperators.storage_type` method. + +# In the following, we will take another look at the CS example and execute it on the GPU. Note that for the JLArray example we chose a small phantom, since the JLArray implementation is not optimized for performance: +using ImagePhantoms, ImageGeoms +N = 32 +image = shepp_logan(N, SheppLoganToft()) + +using Random, LinearOperatorCollection +randomIndices = shuffle(eachindex(image)) +sampledIndices = sort(randomIndices[1:div(end, 3)]); + +# To construct the operator, we need to convert the indices to a GPU array. +# We also need to specify the correct storage type. In both LinearOperators.jl and LinearOperatorCollection.jl this is done with the `S` keyword argument. +gpu_indices = gpu(sampledIndices) +A = SamplingOp(eltype(image), pattern = gpu_indices, shape = size(image), S = typeof(b)); + +# Let's inspect the storage type of the operator: +using LinearOperatorCollection.LinearOperators +LinearOperators.storage_type(A) + +# Afterwards we can use the operator as usual: +b = A*vec(gpu(image)); + +# And use it in the solver: +using RegularizedLeastSquares +reg = TVRegularization(0.01; shape=size(image)) +solver = createLinearSolver(FISTA, A; reg=reg, iterations=20) +img_approx = solve!(solver,b); + +# To visualize the reconstructed image, we need to reshape the result vector to the correct shape and convert it to a CPU array: +img_approx = reshape(Array(img_approx),size(image)) + +# We will again use CairoMakie for visualization: +using CairoMakie +function plot_image(figPos, img; title = "", width = 150, height = 150) + ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height) + hidedecorations!(ax) + heatmap!(ax, img) +end +fig = Figure() +plot_image(fig[1,1], image, title = "Image") +samplingMask = fill(false, size(image)) +samplingMask[sampledIndices] .= true +plot_image(fig[1,2], image .* samplingMask, title = "Sampled Image") +plot_image(fig[1,3], img_approx, title = "Reconstructed Image") +resize_to_layout!(fig) +fig \ No newline at end of file diff --git a/previews/PR92/literate/howto/multi_threading.jl b/previews/PR92/literate/howto/multi_threading.jl new file mode 100644 index 00000000..84b53897 --- /dev/null +++ b/previews/PR92/literate/howto/multi_threading.jl @@ -0,0 +1,68 @@ +# # Multi-Threading +# There are different ways multi-threading can be used with RegularizedLeastSquares.jl. To use multi-threading in Julia, one needs to start their session with multi-threads, see the [Julia documentation](https://docs.julialang.org/en/v1/manual/multi-threading/) for more information. + +# ## Solver Based Multi-Threading +# This type of multi-threading is transparent to the solver and is applicable if the total solution is composed of individual solutions that can be solved in parallel. +# In particular, this approach also allows for using solvers with different parameters, such as their operator or regularization parameters. + +using RegularizedLeastSquares +As = [rand(32, 16) for _ in 1:4] +xs = [rand(16) for _ in 1:4] +bs = [A*x for (A, x) in zip(As, xs)] + +xs_approx = similar(xs) +Threads.@threads for i in 1:4 + solver = createLinearSolver(CGNR, As[i]; iterations=32) + xs_approx[i] = solve!(solver, bs[i]) +end + +# ## Operator Based Multi-Threading +# This type of multi-threading involves linear operators or proximal maps that can be implemnted in parallel. +# Examples of this include the proximal map of the TV regularization term, which is based on the multi-threaded GradientOp from LinearOperatorCollection. +# GPU acceleration also falls under this approach, see [GPU Acceleration](gpu_acceleration.md) for more information. + +# ## Measurement Based Multi-Threading +# This level of multi-threading applies the same solver (and its parameters) to multiple measurement vectors or rather a measurement matrix B. +# This is useful in the case of multiple measurements that can be solved in parallel and can reuse the same solver. This approach is not applicable if the operator is stateful. + +# To use this approach we first build a measurement matrix B and a corresponding solver: +A = first(As) +B = mapreduce(x -> A*x, hcat, xs) +solver = createLinearSolver(CGNR, A; iterations=32) + +# We can then simply pass the measurement matrix to the solver. The result will be the same as if we passed each colument of B seperately: +x_approx = solve!(solver, B) +size(x_approx) + +# The previous `solve!` call was still executed sequentially. To execute it in parallel, we have to specify a multi-threaded `scheduler` as a keyword-argument of the `solve!` call. +# RegularizedLeastSquares.jl provides a `MultiThreadingState` scheduler that can be used for this purpose. This scheduler is based on the `Threads.@threads` macro: +x_multi = solve!(solver, B; scheduler = MultiThreadingState) +x_approx == x_multi + +# ## Custom Scheduling +# It is possible to implement custom scheduling. The following code shows how to implement this for the `Threads.@spawn` macro. Usually one this to implement multi-threading with a package such as FLoop.jl or ThreadPools.jl for thread pinning: + +# Since most solver have conv. criteria, they can finish at different iteration numbers, which we track this information with flags. + mutable struct SpawnState{S, ST <: AbstractSolverState{S}} <: RegularizedLeastSquares.AbstractMatrixSolverState{S} + states::Vector{ST} + active::Vector{Bool} + SpawnState(states::Vector{ST}) where {S, ST <: AbstractSolverState{S}} = new{S, ST}(states, fill(true, length(states))) + end + +# To hook into the existing init! code we only have to supply a method that gets a copyable "vector" state. This will invoke our SpawnState constructor with copies of the given state. + prepareMultiStates(solver::AbstractLinearSolver, state::SpawnState, b::AbstractMatrix) = prepareMultiStates(solver, first(state.states), b); + +# We specialise the iterate function which is called with the idx of still active states +function Base.iterate(solver::AbstractLinearSolver, state::SpawnState, activeIdx) + @sync Threads.@spawn for i in activeIdx + res = iterate(solver, state.states[i]) + if isnothing(res) + state.active[i] = false + end + end + return state.active, state +end + +# Now we can simply use the SpawnState scheduler in the solve! call: +x_custom = solve!(solver, B; scheduler = SpawnState) +x_approx == x_multi \ No newline at end of file diff --git a/previews/PR92/literate/howto/normal_operator.jl b/previews/PR92/literate/howto/normal_operator.jl new file mode 100644 index 00000000..bded38d7 --- /dev/null +++ b/previews/PR92/literate/howto/normal_operator.jl @@ -0,0 +1,70 @@ +# # Normal Operator +# Many solvers in RegularizedLeastSquares.jl are based on the normal operator $\mathbf{A}^*\mathbf{A}$ of the linear operator $\mathbf{A}$. +# +# Solvers such as ADMM, FISTA and POGM generally solve optimization problems of the form: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \mathbf{f(x)}+ \mathbf{R(x)} +# \end{equation} +# ``` +# and require the gradient of the function $\mathbf{f(x)}$. In this package we specialise the function $\mathbf{f(x)}$ to the least squares norm: +# ```math +# \begin{equation} +# \mathbf{f(x)} = \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert^2_2 +# \end{equation} +# ``` +# The gradient of this function is: +# ```math +# \begin{equation} +# \nabla \mathbf{f(x)} = \mathbf{A}^*(\mathbf{A}\mathbf{x}-\mathbf{b}) = \mathbf{A}^*\mathbf{Ax} - \mathbf{A}^*\mathbf{b} +# \end{equation} +# ``` +# Similarily, the conjugate gradient normal residual (CGNR) algorithm applies conjugate gradient algorithm to: +# ```math +# \begin{equation} +# \mathbf{A}^*\mathbf{A}\mathbf{x} = \mathbf{A}^*\mathbf{b} +# \end{equation} +# ``` +# The normal operator can be passed directly to these solvers, otherwise it is computed internally. +using RegularizedLeastSquares +A = randn(32, 16) +x = randn(16) +b = A*x + +solver = createLinearSolver(CGNR, A; AHA = adjoint(A) * A, reg = L2Regularization(0.0001), iterations=32); +x_approx = solve!(solver, b) + +# The normal operator can also be computed using the `normalOperator` function from LinearOperatorCollection.jl. This is useful if the normal operator is not directly available or shouldn't be stored in memory. +# This function is opinionated and attempts to optimize the resulting operator for iterative applications. Specifying a custom method for a custom operator allows one to control this optimization. + +# An example of such an optimization is a matrix-free weighting of $\mathbf{A}$ as shown in the [Weighting](weighting.md) example: +using LinearOperatorCollection +weights = rand(32) +WA = ProdOp(WeightingOp(weights), A) +AHA = LinearOperatorCollection.normalOperator(WA) + +# Without an optimization a matrix-free product would apply the following operator each iteration: +# ```math +# \begin{equation} +# (\mathbf{WA})^*\mathbf{WA} = \mathbf{A}^*\mathbf{W}^*\mathbf{W}\mathbf{A} +# \end{equation} +# ``` +# This is not efficient and instead the normal operator can be optimized by initially computing the weights: +# ```math +# \begin{equation} +# \tilde{\mathbf{W}} = \mathbf{W}^*\mathbf{W} +# \end{equation} +# ``` +# and then applying the following each iteration: +# ```math +# \begin{equation} +# \mathbf{A}^*\tilde{\mathbf{W}}\mathbf{A} +# \end{equation} +# ``` + +# The optimized normal operator can then be passed to the solver: +solver = createLinearSolver(CGNR, WA; AHA = AHA, reg = L2Regularization(0.0001), iterations=32); +x_approx2 = solve!(solver, weights .* b) +# Of course it is also possible to optimize a normal operator with other means and pass it to the solver via the AHA keyword argument. + +# It is also possible to only supply the normal operator to these solvers, however on then needs to supply $\mathbf{A^*b}$ intead of $\mathbf{b}$. \ No newline at end of file diff --git a/previews/PR92/literate/howto/plug-and-play.jl b/previews/PR92/literate/howto/plug-and-play.jl new file mode 100644 index 00000000..096707e3 --- /dev/null +++ b/previews/PR92/literate/howto/plug-and-play.jl @@ -0,0 +1,30 @@ +# # Plug-and-Play Regularization +# A group of regularization terms that can not be directly written down as function are learned plug-and-play (PnP) priors. +# These are terms based on deep neural networks, which are trainted to implement the proximal map corresponding to the regularization term. +# Such a PnP prior can be used in the same way as any other regularization term. + +# The following example shows how to use a PnP prior in the context of the `Kaczmarz` solver. +using RegularizedLeastSquares +A = randn(32, 16) +x = randn(16) +b = A*x; + +# For the documentation we will just use the identity function as a placeholder for the PnP prior. +model = identity + +# In practice, you would replace this with a neural network: +# ```julia +# using Flux +# model = Flux.loadmodel!(model, ...) +# ``` + +# The model can then be used together with the `PnPRegularization` term: +reg = PnPRegularization(1.0; model = model, shape = [16]); + +# Since models often expect a specific input range, we can use the `MinMaxTransform` to normalize the input: +reg = PnPRegularization(1.0; model = model, shape = [16], input_transform = RegularizedLeastSquares.MinMaxTransform); +# Custom input transforms can be implemented by passing something callable as the `input_transform` keyword argument. For more details see the PnPRegularization documentation. + +# The regularization term can then be used in the solver: +solver = createLinearSolver(Kaczmarz, A; reg = reg, iterations = 32) +x_approx = solve!(solver, b) diff --git a/previews/PR92/literate/howto/weighting.jl b/previews/PR92/literate/howto/weighting.jl new file mode 100644 index 00000000..54fc6ebc --- /dev/null +++ b/previews/PR92/literate/howto/weighting.jl @@ -0,0 +1,37 @@ +# # Weighting +# Often time one wants to solve a weighted least squares problem of the form: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert^2_{\mathbf{W}} + \mathbf{R(x)} . +# \end{equation} +# ``` +# where $\mathbf{W}$ is a symmetric, positive weighting matrix and $\vert\vert\mathbf{y}\vert\vert^2_\mathbf{W}$ denotes the weighted Euclidean norm. +# An example of such a weighting matrix is a noise whitening matrix. Another example could be a scaling of the matrix rows by the reciprocal of their row energy. + +# In the following, we will solve a weighted least squares problem of the form: +# ```math +# \begin{equation} +# \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_\mathbf{W}^2 + \vert\vert\mathbf{x}\vert\vert^2_2 . +# \end{equation} +# ``` +using RegularizedLeastSquares, LinearOperatorCollection, LinearAlgebra +A = rand(32, 16) +x = rand(16) +b = A*x; + +# As a weighting matrix, we will use the reciprocal of the row energy of the matrix A. +weights = map(row -> 1/rownorm²(A, row), 1:size(A, 1)); + +# First, let us solve the problem with matrices we manually weighted. +WA = diagm(weights) * A +solver = createLinearSolver(Kaczmarz, WA; reg = L2Regularization(0.0001), iterations=10) +x_approx = solve!(solver, weights .* b); + +# The operator A is not always a dense matrix and the product between the operator and the weighting matrix is not always efficient or possible. +# The package [LinearOperatorCollection.jl](https://github.com/JuliaImageRecon/LinearOperatorCollection.jl) provides a matrix-free implementation of a diagonal weighting matrix, as well as a matrix free product between two matrices. +# This weighted operator has efficient implementations of the normal operator and also for the row-action operations of the Kaczmarz solver. +W = WeightingOp(weights) +P = ProdOp(W, A) +solver = createLinearSolver(Kaczmarz, P; reg = L2Regularization(0.0001), iterations=10) +x_approx2 = solve!(solver, W * b) +isapprox(x_approx, x_approx2) \ No newline at end of file diff --git a/previews/PR92/objects.inv b/previews/PR92/objects.inv new file mode 100644 index 0000000000000000000000000000000000000000..121d3d4fbba1d0fcc41e9b4582f71eb6aa329a07 GIT binary patch literal 1608 zcmV-O2DkYmAX9K?X>NERX>N99Zgg*Qc_4OWa&u{KZXhxWBOp+6Z)#;@bUGkXWoLD4 zVRC7DWn@fcVRLj-adlyGWpgfSYziYFR%LQ?X>V>iATTa5HZC&?BOp|0Wgv28ZDDC{ zWMy(7Z)PBLXlZjGW@&6?AZc?TV{dJ6a%FRKWn>_Ab7^j8AbM}{b+Bsy#lZ&iat|yYMF_q@1fk{}R&A$R*Vmp&3>pS$BvLN_RfTAd>mxNjZ z`-gA8UC?gekQcV+t?Id-kt3 z(X|vHOA1sL?9h)WVT?E%Mgk^Qw;O40FwrcRAxp}1rect6c<6^)ilg0Y2V1or(wGpU zbuJvS(ECOxE2~RICbHy1#iPi>0p@NPFq4vP>|yG@CBJnJX*ZbYzVf?dW*2_vq4}M- z+a1^DwYJDaU$e)CrXZv~_BLT8q#t-+BB+@RBWzSKTxDGtrP4)=xLB_g>71$ZKo~acN=l3i>U%JkvI!z1giY- zq{)qSt7%zWVnH3X_SGI;z4;Y&lPGKS!dt?4!*L^F(4Hug8r7V91EmXmy9cD2X|cl3 z%KE7tOUB7rW61_HqZrH%;^X?HmlASq*2@_=B?rsi5hwQgoLtHpg@(}=hPOmf|Fi4c z`+X3Vm{MqHa%{3_luqY{RT}OOJh1wJpE3VH(9YCpzN8ak@BA~O`&dz{ zmE_HDto3xyn$_L)a^D$155*n}8_vKBBwkdT)INilVxK@u5j|qa60Rs#SMr=-9z#1) zq;>jfxi1fs$)u(8-9@}Zx>G#E850^n?)G6iU#RbL$0beI{?d#sp@~Drd@-U8gZ`36 zO#vKhK@Lq5L)j&|4o(wwOHj9-E=o1(k{e_`qPE9czkdp?wHxTy%Dq^tskj-pPHk(7 z0|w2=Cr&NkC+~v4Mg-}i)$4Qva0NCP>lpa=$MgZ_Vr+Ano~o6f!VHx3E_5`8x)~XN zxNI{s{_v^A-`h~;`1r{G`?nTzg|UVTeLTAwUtTr>Z?V-Lf67Ur7iZx=rZ)+s;5RLj z{vHfKID!sn;|GsOj$F8m_jSvHnjvsEgOyMsHp#BvHTOE{${IkAtzsa92P;kTF)q?x~p*79j7vkh92TQyS z7adN@aO&M0+~E17LwI4}r~!O&K3o}yj~zWYUVLnw29EgDI+!o>zQdx+iV3*y*_STi z$sK&CD^4;`4>88dMRqZn_l A*x, hcat, xs)\nsolver = createLinearSolver(CGNR, A; iterations=32)","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"We can then simply pass the measurement matrix to the solver. The result will be the same as if we passed each colument of B seperately:","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"x_approx = solve!(solver, B)\nsize(x_approx)","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"The previous solve! call was still executed sequentially. To execute it in parallel, we have to specify a multi-threaded scheduler as a keyword-argument of the solve! call. RegularizedLeastSquares.jl provides a MultiThreadingState scheduler that can be used for this purpose. This scheduler is based on the Threads.@threads macro:","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"x_multi = solve!(solver, B; scheduler = MultiThreadingState)\nx_approx == x_multi","category":"page"},{"location":"generated/howto/multi_threading/#Custom-Scheduling","page":"Multi-Threading","title":"Custom Scheduling","text":"","category":"section"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"It is possible to implement custom scheduling. The following code shows how to implement this for the Threads.@spawn macro. Usually one this to implement multi-threading with a package such as FLoop.jl or ThreadPools.jl for thread pinning:","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"Since most solver have conv. criteria, they can finish at different iteration numbers, which we track this information with flags.","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":" mutable struct SpawnState{S, ST <: AbstractSolverState{S}} <: RegularizedLeastSquares.AbstractMatrixSolverState{S}\n states::Vector{ST}\n active::Vector{Bool}\n SpawnState(states::Vector{ST}) where {S, ST <: AbstractSolverState{S}} = new{S, ST}(states, fill(true, length(states)))\n end","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"To hook into the existing init! code we only have to supply a method that gets a copyable \"vector\" state. This will invoke our SpawnState constructor with copies of the given state.","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":" prepareMultiStates(solver::AbstractLinearSolver, state::SpawnState, b::AbstractMatrix) = prepareMultiStates(solver, first(state.states), b);\nnothing #hide","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"We specialise the iterate function which is called with the idx of still active states","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"function Base.iterate(solver::AbstractLinearSolver, state::SpawnState, activeIdx)\n @sync Threads.@spawn for i in activeIdx\n res = iterate(solver, state.states[i])\n if isnothing(res)\n state.active[i] = false\n end\n end\n return state.active, state\nend","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"Now we can simply use the SpawnState scheduler in the solve! call:","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"x_custom = solve!(solver, B; scheduler = SpawnState)\nx_approx == x_multi","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"","category":"page"},{"location":"generated/howto/multi_threading/","page":"Multi-Threading","title":"Multi-Threading","text":"This page was generated using Literate.jl.","category":"page"},{"location":"solvers/#Solvers","page":"Solvers","title":"Solvers","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.jl provides a variety of solvers, which are used in fields such as MPI and MRI. The following is a non-exhaustive list of the implemented solvers:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"Kaczmarz algorithm (Kaczmarz, also called Algebraic reconstruction technique)\nConjugate Gradients Normal Residual method (CGNR)\nFast Iterative Shrinkage Thresholding Algorithm (FISTA)\nAlternating Direction of Multipliers Method (ADMM)","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"The solvers are organized in a type-hierarchy and inherit from:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"abstract type AbstractLinearSolver","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"The type hierarchy is further differentiated into solver categories such as AbstractRowAtionSolver, AbstractPrimalDualSolver or AbstractProximalGradientSolver. A list of all available solvers can be returned by the linearSolverList function.","category":"page"},{"location":"solvers/#Solver-Construction","page":"Solvers","title":"Solver Construction","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"To create a solver, one can invoke the method createLinearSolver as in","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"solver = createLinearSolver(CGNR, A; reg=reg, kwargs...)","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"Here A denotes the operator and reg are the Regularization terms to be used by the solver. All further solver parameters can be passed as keyword arguments and are solver specific. To make things more compact, it can be usefull to collect all parameters in a Dict{Symbol,Any}. In this way, the code snippet above can be written as","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"params=Dict{Symbol,Any}()\nparams[:reg] = ...\n...\n\nsolver = createLinearSolver(CGNR, A; params...)","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"This notation can be convenient when a large number of parameters are set manually.","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"It is also possible to construct a solver directly with its specific keyword arguments:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"solver = CGNR(A, reg = reg, ...)","category":"page"},{"location":"solvers/#Solver-Usage","page":"Solvers","title":"Solver Usage","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"Once constructed, a solver can be used to approximate a solution to a given measurement vector:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"x_approx = solve!(solver, b; kwargs...)","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"The keyword arguments can be used to supply an inital solution x0, one or more callbacks to interact and monitor the solvers state and more. See the How-To and the API for more information.","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"It is also possible to explicitly invoke the solvers iterations using Julias iterate interface:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"init!(solver, b; kwargs...)\nfor (iteration, x_approx) in enumerate(solver)\n println(\"Iteration $iteration\")\nend","category":"page"},{"location":"solvers/#Solver-Internals","page":"Solvers","title":"Solver Internals","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"The fields of a solver can be divided into two groups. The first group are intended to be immutable fields that do not change during iterations, the second group are mutable fields that do change. Examples of the first group are the operator itself and examples of the second group are the current solution or the number of the current iteration.","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"The second group is usually encapsulated in its own state struct:","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"mutable struct Solver{matT, ...}\n A::matT\n # Other \"static\" fields\n state::AbstractSolverState{<:Solver}\nend\n\nmutable struct SolverState{T, tempT} <: AbstractSolverState{Solver}\n x::tempT\n rho::T\n # ...\n iteration::Int64\nend","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"States are subtypes of the parametric AbstractSolverState{S} type. The state fields of solvers can be exchanged with different state belonging to the correct solver S. This means that the states can be used to realize custom variants of an existing solver: ```julia mutable struct VariantState{T, tempT} <: AbstractSolverState{Solver} x::tempT other::tempT","category":"page"},{"location":"solvers/#...","page":"Solvers","title":"...","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"iteration::Int64 end","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"SolverVariant(A; kwargs...) = Solver(A, VariantState(kwargs...))","category":"page"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"function iterate(solver::Solver, state::VarianteState)","category":"page"},{"location":"solvers/#Custom-iteration","page":"Solvers","title":"Custom iteration","text":"","category":"section"},{"location":"solvers/","page":"Solvers","title":"Solvers","text":"end","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"EditURL = \"../../literate/howto/weighting.jl\"","category":"page"},{"location":"generated/howto/weighting/#Weighting","page":"Weighting","title":"Weighting","text":"","category":"section"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"Often time one wants to solve a weighted least squares problem of the form:","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"beginequation\n undersetmathbfxargmin frac12vertvert mathbfAmathbfx-mathbfb vertvert^2_mathbfW + mathbfR(x) \nendequation","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"where mathbfW is a symmetric, positive weighting matrix and vertvertmathbfyvertvert^2_mathbfW denotes the weighted Euclidean norm. An example of such a weighting matrix is a noise whitening matrix. Another example could be a scaling of the matrix rows by the reciprocal of their row energy.","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"In the following, we will solve a weighted least squares problem of the form:","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"beginequation\n undersetmathbfxargmin frac12vertvert mathbfAmathbfx-mathbfb vertvert_mathbfW^2 + vertvertmathbfxvertvert^2_2 \nendequation","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"using RegularizedLeastSquares, LinearOperatorCollection, LinearAlgebra\nA = rand(32, 16)\nx = rand(16)\nb = A*x;\nnothing #hide","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"As a weighting matrix, we will use the reciprocal of the row energy of the matrix A.","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"weights = map(row -> 1/rownorm²(A, row), 1:size(A, 1));\nnothing #hide","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"First, let us solve the problem with matrices we manually weighted.","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"WA = diagm(weights) * A\nsolver = createLinearSolver(Kaczmarz, WA; reg = L2Regularization(0.0001), iterations=10)\nx_approx = solve!(solver, weights .* b);\nnothing #hide","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"The operator A is not always a dense matrix and the product between the operator and the weighting matrix is not always efficient or possible. The package LinearOperatorCollection.jl provides a matrix-free implementation of a diagonal weighting matrix, as well as a matrix free product between two matrices. This weighted operator has efficient implementations of the normal operator and also for the row-action operations of the Kaczmarz solver.","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"W = WeightingOp(weights)\nP = ProdOp(W, A)\nsolver = createLinearSolver(Kaczmarz, P; reg = L2Regularization(0.0001), iterations=10)\nx_approx2 = solve!(solver, W * b)\nisapprox(x_approx, x_approx2)","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"","category":"page"},{"location":"generated/howto/weighting/","page":"Weighting","title":"Weighting","text":"This page was generated using Literate.jl.","category":"page"},{"location":"API/regularization/#API-for-Regularizers","page":"Regularization Terms","title":"API for Regularizers","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"This page contains documentation of the public API of the RegularizedLeastSquares. In the Julia REPL one can access this documentation by entering the help mode with ?","category":"page"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.L1Regularization\nRegularizedLeastSquares.L2Regularization\nRegularizedLeastSquares.L21Regularization\nRegularizedLeastSquares.LLRRegularization\nRegularizedLeastSquares.NuclearRegularization\nRegularizedLeastSquares.TVRegularization","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.L1Regularization","page":"Regularization Terms","title":"RegularizedLeastSquares.L1Regularization","text":"L1Regularization\n\nRegularization term implementing the proximal map for the Lasso problem.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.L2Regularization","page":"Regularization Terms","title":"RegularizedLeastSquares.L2Regularization","text":"L2Regularization\n\nRegularization term implementing the proximal map for Tikhonov regularization.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.L21Regularization","page":"Regularization Terms","title":"RegularizedLeastSquares.L21Regularization","text":"L21Regularization\n\nRegularization term implementing the proximal map for group-soft-thresholding.\n\nArguments\n\nλ - regularization paramter\n\nKeywords\n\nslices=1 - number of elements per group\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.LLRRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.LLRRegularization","text":"LLRRegularization\n\nRegularization term implementing the proximal map for locally low rank (LLR) regularization using singular-value-thresholding.\n\nArguments\n\nλ - regularization paramter\n\nKeywords\n\nshape::Tuple{Int} - dimensions of the image\nblockSize::Tuple{Int}=(2,2) - size of patches to perform singular value thresholding on\nrandshift::Bool=true - randomly shifts the patches to ensure translation invariance\nfullyOverlapping::Bool=false - choose between fully overlapping block or non-overlapping blocks\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.NuclearRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.NuclearRegularization","text":"NuclearRegularization\n\nRegularization term implementing the proximal map for singular value soft-thresholding.\n\nArguments:\n\nλ - regularization paramter\n\nKeywords\n\nsvtShape::NTuple - size of the underlying matrix\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.TVRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.TVRegularization","text":"TVRegularization\n\nRegularization term implementing the proximal map for TV regularization. Calculated with the Condat algorithm if the TV is calculated only along one real-valued dimension and with the Fast Gradient Projection algorithm otherwise.\n\nReference for the Condat algorithm: https://lcondat.github.io/publis/Condat-fast_TV-SPL-2013.pdf\n\nReference for the FGP algorithm: A. Beck and T. Teboulle, \"Fast Gradient-Based Algorithms for Constrained Total Variation Image Denoising and Deblurring Problems\", IEEE Trans. Image Process. 18(11), 2009\n\nArguments\n\nλ::T - regularization parameter\n\nKeywords\n\nshape::NTuple - size of the underlying image\ndims - Dimension to perform the TV along. If Integer, the Condat algorithm is called, and the FDG algorithm otherwise.\niterationsTV=20 - number of FGP iterations\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#Projection-Regularization","page":"Regularization Terms","title":"Projection Regularization","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.PositiveRegularization\nRegularizedLeastSquares.RealRegularization","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.PositiveRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.PositiveRegularization","text":"PositiveRegularization\n\nRegularization term implementing a projection onto positive and real numbers.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.RealRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.RealRegularization","text":"RealRegularization\n\nRegularization term implementing a projection onto real numbers.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#Nested-Regularization","page":"Regularization Terms","title":"Nested Regularization","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.innerreg(::AbstractNestedRegularization)\nRegularizedLeastSquares.sink(::AbstractNestedRegularization)\nRegularizedLeastSquares.sinktype(::AbstractNestedRegularization)","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.innerreg-Tuple{AbstractNestedRegularization}","page":"Regularization Terms","title":"RegularizedLeastSquares.innerreg","text":"innerreg(reg::AbstractNestedRegularization)\n\nreturn the inner regularization term of reg. Nested regularization terms also implement the iteration interface.\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#RegularizedLeastSquares.sink-Tuple{AbstractNestedRegularization}","page":"Regularization Terms","title":"RegularizedLeastSquares.sink","text":"sink(reg::AbstractNestedRegularization)\n\nreturn the innermost regularization term.\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#RegularizedLeastSquares.sinktype-Tuple{AbstractNestedRegularization}","page":"Regularization Terms","title":"RegularizedLeastSquares.sinktype","text":"sinktype(reg::AbstractNestedRegularization)\n\nreturn the type of the innermost regularization term.\n\nSee also sink.\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#Scaled-Regularization","page":"Regularization Terms","title":"Scaled Regularization","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.AbstractScaledRegularization\nRegularizedLeastSquares.scalefactor\nRegularizedLeastSquares.NormalizedRegularization\nRegularizedLeastSquares.NoNormalization\nRegularizedLeastSquares.MeasurementBasedNormalization\nRegularizedLeastSquares.SystemMatrixBasedNormalization\nRegularizedLeastSquares.FixedParameterRegularization","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.AbstractScaledRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.AbstractScaledRegularization","text":"AbstractScaledRegularization\n\nNested regularization term that applies a scalefactor to the regularization parameter λ of its inner term.\n\nSee also scalefactor, λ, innerreg.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.scalefactor","page":"Regularization Terms","title":"RegularizedLeastSquares.scalefactor","text":"scalescalefactor(reg::AbstractScaledRegularization)\n\nreturn the scaling scalefactor for λ\n\n\n\n\n\n","category":"function"},{"location":"API/regularization/#RegularizedLeastSquares.NormalizedRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.NormalizedRegularization","text":"NormalizedRegularization\n\nNested regularization term that scales λ according to normalization scheme. This term is commonly applied by a solver based on a given normalization keyword\n\n#See also NoNormalization, MeasurementBasedNormalization, SystemMatrixBasedNormalization.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.NoNormalization","page":"Regularization Terms","title":"RegularizedLeastSquares.NoNormalization","text":"NoNormalization\n\nNo normalization to λ is applied.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.MeasurementBasedNormalization","page":"Regularization Terms","title":"RegularizedLeastSquares.MeasurementBasedNormalization","text":"MeasurementBasedNormalization\n\nλ is normalized by the 1-norm of b divided by its length.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.SystemMatrixBasedNormalization","page":"Regularization Terms","title":"RegularizedLeastSquares.SystemMatrixBasedNormalization","text":"SystemMatrixBasedNormalization\n\nλ is normalized by the energy of the system matrix rows.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.FixedParameterRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.FixedParameterRegularization","text":"FixedParameterRegularization\n\nNested regularization term that discards any λ passed to it and instead uses λ from its inner regularization term. This can be used to selectively disallow normalization.\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#Misc.-Nested-Regularization","page":"Regularization Terms","title":"Misc. Nested Regularization","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.MaskedRegularization\nRegularizedLeastSquares.TransformedRegularization\nRegularizedLeastSquares.PlugAndPlayRegularization","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.MaskedRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.MaskedRegularization","text":"MaskedRegularization\n\nNested regularization term that only applies prox! and norm to elements of x for which the mask is true.\n\nExamples\n\njulia> positive = PositiveRegularization();\n\njulia> masked = MaskedRegularization(reg, [true, false, true, false]);\n\njulia> prox!(masked, fill(-1, 4))\n4-element Vector{Float64}:\n 0.0\n -1.0\n 0.0\n -1.0\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.TransformedRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.TransformedRegularization","text":"TransformedRegularization(reg, trafo)\n\nNested regularization term that applies prox! or norm on z = trafo * x and returns (inplace) x = adjoint(trafo) * z.\n\nExample\n\njulia> core = L1Regularization(0.8)\nL1Regularization{Float64}(0.8)\n\njulia> wop = WaveletOp(Float32, shape = (32,32));\n\njulia> reg = TransformedRegularization(core, wop);\n\njulia> prox!(reg, randn(32*32)); # Apply soft-thresholding in Wavelet domain\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#RegularizedLeastSquares.PlugAndPlayRegularization","page":"Regularization Terms","title":"RegularizedLeastSquares.PlugAndPlayRegularization","text":" PlugAndPlayRegularization\n\nRegularization term implementing a given plug-and-play proximal mapping. The actual regularization term is indirectly defined by the learned proximal mapping and as such there is no norm implemented.\n\nArguments\n\nλ - regularization paramter\n\nKeywords\n\nmodel - model applied to the image\nshape - dimensions of the image\ninput_transform - transform of image before model\n\n\n\n\n\n","category":"type"},{"location":"API/regularization/#Miscellaneous-Functions","page":"Regularization Terms","title":"Miscellaneous Functions","text":"","category":"section"},{"location":"API/regularization/","page":"Regularization Terms","title":"Regularization Terms","text":"RegularizedLeastSquares.prox!(::AbstractParameterizedRegularization, ::AbstractArray)\nRegularizedLeastSquares.prox!(::Type{<:AbstractParameterizedRegularization}, ::Any, ::Any)\nRegularizedLeastSquares.norm(::AbstractParameterizedRegularization, ::AbstractArray)\nRegularizedLeastSquares.λ(::AbstractParameterizedRegularization)\nRegularizedLeastSquares.norm(::Type{<:AbstractParameterizedRegularization}, ::Any, ::Any)","category":"page"},{"location":"API/regularization/#RegularizedLeastSquares.prox!-Tuple{AbstractParameterizedRegularization, AbstractArray}","page":"Regularization Terms","title":"RegularizedLeastSquares.prox!","text":"prox!(reg::AbstractParameterizedRegularization, x)\n\nperform the proximal mapping defined by reg on x. Uses the regularization parameter defined for reg.\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#RegularizedLeastSquares.prox!-Tuple{Type{<:AbstractParameterizedRegularization}, Any, Any}","page":"Regularization Terms","title":"RegularizedLeastSquares.prox!","text":"prox!(regType::Type{<:AbstractParameterizedRegularization}, x, λ; kwargs...)\n\nconstruct a regularization term of type regType with given λ and kwargs and apply its prox! on x\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#LinearAlgebra.norm-Tuple{AbstractParameterizedRegularization, AbstractArray}","page":"Regularization Terms","title":"LinearAlgebra.norm","text":"norm(reg::AbstractParameterizedRegularization, x)\n\nreturns the value of the reg regularization term on x. Uses the regularization parameter defined for reg.\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#RegularizedLeastSquares.λ-Tuple{AbstractParameterizedRegularization}","page":"Regularization Terms","title":"RegularizedLeastSquares.λ","text":"λ(reg::AbstractParameterizedRegularization)\n\nreturn the regularization parameter λ of reg\n\n\n\n\n\n","category":"method"},{"location":"API/regularization/#LinearAlgebra.norm-Tuple{Type{<:AbstractParameterizedRegularization}, Any, Any}","page":"Regularization Terms","title":"LinearAlgebra.norm","text":"norm(regType::Type{<:AbstractParameterizedRegularization}, x, λ; kwargs...)\n\nconstruct a regularization term of type regType with given λ and kwargs and apply its norm on x\n\n\n\n\n\n","category":"method"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"EditURL = \"../../literate/howto/callbacks.jl\"","category":"page"},{"location":"generated/howto/callbacks/#Callbacks","page":"Callbacks","title":"Callbacks","text":"","category":"section"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"For certain optimization it is important to monitor the internal state of the solver. RegularizedLeastSquares.jl provides a callback mechanism to allow developres to access this state after each iteration. The package provides a variety of default callbacks, which for example store the solution after each iteration. More information can be found in the API reference for the solve! function.","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"In this example we will revist the compressed sensing compressed sensing example and implement a custom callback using the do-syntax of the solve! function. This allows us to implement our callback inline and access the solver state after each iteration.","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"We first recreate the operator A and the measurement vector b:","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"using ImagePhantoms, ImageGeoms\nN = 256\nimage = shepp_logan(N, SheppLoganToft())\nsize(image)\nusing Random, LinearOperatorCollection\nrandomIndices = shuffle(eachindex(image))\nsampledIndices = sort(randomIndices[1:div(end, 3)])\nA = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image));\nb = A*vec(image);\nnothing #hide","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"Next we prepare our visualization helper function:","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"using CairoMakie\nfunction plot_image(figPos, img; title = \"\", width = 150, height = 150, clim = extrema(img))\n ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)\n hidedecorations!(ax)\n heatmap!(ax, img, colorrange = clim)\nend","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"Now we construct the solver with the TV regularization term:","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"using RegularizedLeastSquares\nreg = TVRegularization(0.01; shape=size(image));\nsolver = createLinearSolver(FISTA, A; reg=reg, iterations=20);\nnothing #hide","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"We will now implement a callback that plots the solution every four iteration:","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"fig = Figure()\nidx = 1\nsolve!(solver, b) do solver, iteration\n if iteration % 4 == 0\n img_approx = copy(solversolution(solver))\n img_approx = reshape(img_approx, size(image))\n plot_image(fig[div(idx -1, 3) + 1, mod1(idx, 3)], img_approx, clim = extrema(image), title = \"$iteration\")\n global idx += 1\n end\nend","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"In the callback we have to copy the solution, as the solver will update it in place. As is explained in the solver section, each features fields that are intended to be immutable during a solve! call and a state that is modified in each iteration. Depending on the solvers parameters and the measurement input, the state can differ in its fields and their type. Ideally, one tries to avoid accessing the state directly and uses the provided functions to access the state.","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"The resulting figure shows the reconstructed image after 0, 4, 8, 12, 16 and 20 iterations:","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"resize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"","category":"page"},{"location":"generated/howto/callbacks/","page":"Callbacks","title":"Callbacks","text":"This page was generated using Literate.jl.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"EditURL = \"../../literate/howto/normal_operator.jl\"","category":"page"},{"location":"generated/howto/normal_operator/#Normal-Operator","page":"Normal Operator","title":"Normal Operator","text":"","category":"section"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"Many solvers in RegularizedLeastSquares.jl are based on the normal operator mathbfA^*mathbfA of the linear operator mathbfA.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"Solvers such as ADMM, FISTA and POGM generally solve optimization problems of the form:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n undersetmathbfxargmin mathbff(x)+ mathbfR(x)\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"and require the gradient of the function mathbff(x). In this package we specialise the function mathbff(x) to the least squares norm:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n mathbff(x) = frac12vertvert mathbfAmathbfx-mathbfb vertvert^2_2\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"The gradient of this function is:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n nabla mathbff(x) = mathbfA^*(mathbfAmathbfx-mathbfb) = mathbfA^*mathbfAx - mathbfA^*mathbfb\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"Similarily, the conjugate gradient normal residual (CGNR) algorithm applies conjugate gradient algorithm to:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n mathbfA^*mathbfAmathbfx = mathbfA^*mathbfb\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"The normal operator can be passed directly to these solvers, otherwise it is computed internally.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"using RegularizedLeastSquares\nA = randn(32, 16)\nx = randn(16)\nb = A*x\n\nsolver = createLinearSolver(CGNR, A; AHA = adjoint(A) * A, reg = L2Regularization(0.0001), iterations=32);\nx_approx = solve!(solver, b)","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"The normal operator can also be computed using the normalOperator function from LinearOperatorCollection.jl. This is useful if the normal operator is not directly available or shouldn't be stored in memory. This function is opinionated and attempts to optimize the resulting operator for iterative applications. Specifying a custom method for a custom operator allows one to control this optimization.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"An example of such an optimization is a matrix-free weighting of mathbfA as shown in the Weighting example:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"using LinearOperatorCollection\nweights = rand(32)\nWA = ProdOp(WeightingOp(weights), A)\nAHA = LinearOperatorCollection.normalOperator(WA)","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"Without an optimization a matrix-free product would apply the following operator each iteration:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n (mathbfWA)^*mathbfWA = mathbfA^*mathbfW^*mathbfWmathbfA\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"This is not efficient and instead the normal operator can be optimized by initially computing the weights:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n tildemathbfW = mathbfW^*mathbfW\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"and then applying the following each iteration:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"beginequation\n mathbfA^*tildemathbfWmathbfA\nendequation","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"The optimized normal operator can then be passed to the solver:","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"solver = createLinearSolver(CGNR, WA; AHA = AHA, reg = L2Regularization(0.0001), iterations=32);\nx_approx2 = solve!(solver, weights .* b)","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"Of course it is also possible to optimize a normal operator with other means and pass it to the solver via the AHA keyword argument.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"It is also possible to only supply the normal operator to these solvers, however on then needs to supply mathbfA^*b intead of mathbfb.","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"","category":"page"},{"location":"generated/howto/normal_operator/","page":"Normal Operator","title":"Normal Operator","text":"This page was generated using Literate.jl.","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"EditURL = \"../../literate/howto/plug-and-play.jl\"","category":"page"},{"location":"generated/howto/plug-and-play/#Plug-and-Play-Regularization","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"","category":"section"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"A group of regularization terms that can not be directly written down as function are learned plug-and-play (PnP) priors. These are terms based on deep neural networks, which are trainted to implement the proximal map corresponding to the regularization term. Such a PnP prior can be used in the same way as any other regularization term.","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"The following example shows how to use a PnP prior in the context of the Kaczmarz solver.","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"using RegularizedLeastSquares\nA = randn(32, 16)\nx = randn(16)\nb = A*x;\nnothing #hide","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"For the documentation we will just use the identity function as a placeholder for the PnP prior.","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"model = identity","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"In practice, you would replace this with a neural network:","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"using Flux\nmodel = Flux.loadmodel!(model, ...)","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"The model can then be used together with the PnPRegularization term:","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"reg = PnPRegularization(1.0; model = model, shape = [16]);\nnothing #hide","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"Since models often expect a specific input range, we can use the MinMaxTransform to normalize the input:","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"reg = PnPRegularization(1.0; model = model, shape = [16], input_transform = RegularizedLeastSquares.MinMaxTransform);\nnothing #hide","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"Custom input transforms can be implemented by passing something callable as the input_transform keyword argument. For more details see the PnPRegularization documentation.","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"The regularization term can then be used in the solver:","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"solver = createLinearSolver(Kaczmarz, A; reg = reg, iterations = 32)\nx_approx = solve!(solver, b)","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"","category":"page"},{"location":"generated/howto/plug-and-play/","page":"Plug-and-Play Regularization","title":"Plug-and-Play Regularization","text":"This page was generated using Literate.jl.","category":"page"},{"location":"API/solvers/#API-for-Solvers","page":"Solvers","title":"API for Solvers","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"This page contains documentation of the public API of the RegularizedLeastSquares. In the Julia REPL one can access this documentation by entering the help mode with ?","category":"page"},{"location":"API/solvers/#solve!","page":"Solvers","title":"solve!","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.solve!(::AbstractLinearSolver, ::Any)\nRegularizedLeastSquares.init!(::AbstractLinearSolver, ::Any)\nRegularizedLeastSquares.init!(::AbstractLinearSolver, ::AbstractSolverState, ::AbstractMatrix)\n","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.solve!-Tuple{AbstractLinearSolver, Any}","page":"Solvers","title":"RegularizedLeastSquares.solve!","text":"solve!(solver::AbstractLinearSolver, b; x0 = 0, callbacks = (_, _) -> nothing)\n\nSolves an inverse problem for the data vector b using solver.\n\nRequired Arguments\n\nsolver::AbstractLinearSolver - linear solver (e.g., ADMM or FISTA), containing forward/normal operator and regularizer\nb::AbstractVector - data vector if A was supplied to the solver, back-projection of the data otherwise\n\nOptional Keyword Arguments\n\nx0::AbstractVector - initial guess for the solution; default is zero\ncallbacks - (optionally a vector of) function or callable struct that takes the two arguments callback(solver, iteration) and, e.g., stores, prints, or plots the intermediate solutions or convergence parameters. Be sure not to modify solver or iteration in the callback function as this would japaridze convergence. The default does nothing.\n\nExamples\n\nThe optimization problem\n\n\targmin_x Ax - b_2^2 + λ x_1\n\ncan be solved with the following lines of code:\n\njulia> using RegularizedLeastSquares\n\njulia> A = [0.831658 0.96717\n 0.383056 0.39043\n 0.820692 0.08118];\n\njulia> x = [0.5932234523399985; 0.2697534345340015];\n\njulia> b = A * x;\n\njulia> S = ADMM(A);\n\njulia> x_approx = solve!(S, b)\n2-element Vector{Float64}:\n 0.5932234523399984\n 0.26975343453400163\n\nHere, we use L1Regularization, which is default for ADMM. All regularization options can be found in API for Regularizers.\n\nThe following example solves the same problem, but stores the solution x of each interation in tr:\n\njulia> tr = Dict[]\nDict[]\n\njulia> store_trace!(tr, solver, iteration) = push!(tr, Dict(\"iteration\" => iteration, \"x\" => solver.x, \"beta\" => solver.β))\nstore_trace! (generic function with 1 method)\n\njulia> x_approx = solve!(S, b; callbacks=(solver, iteration) -> store_trace!(tr, solver, iteration))\n2-element Vector{Float64}:\n 0.5932234523399984\n 0.26975343453400163\n\njulia> tr[3]\nDict{String, Any} with 3 entries:\n \"iteration\" => 2\n \"x\" => [0.593223, 0.269753]\n \"beta\" => [1.23152, 0.927611]\n\nThe last example show demonstrates how to plot the solution at every 10th iteration and store the solvers convergence metrics:\n\njulia> using Plots\n\njulia> conv = StoreConvergenceCallback()\n\njulia> function plot_trace(solver, iteration)\n if iteration % 10 == 0\n display(scatter(solver.x))\n end\n end\nplot_trace (generic function with 1 method)\n\njulia> x_approx = solve!(S, b; callbacks = [conv, plot_trace]);\n\nThe keyword callbacks allows you to pass a (vector of) callable objects that takes the arguments solver and iteration and prints, stores, or plots intermediate result.\n\nSee also StoreSolutionCallback, StoreConvergenceCallback, CompareSolutionCallback for a number of provided callback options.\n\n\n\n\n\n","category":"method"},{"location":"API/solvers/#RegularizedLeastSquares.init!-Tuple{AbstractLinearSolver, Any}","page":"Solvers","title":"RegularizedLeastSquares.init!","text":"init!(solver::AbstractLinearSolver, b; kwargs...)\n\nPrepare the solver for iteration based on the given data vector b and kwargs.\n\n\n\n\n\n","category":"method"},{"location":"API/solvers/#RegularizedLeastSquares.init!-Tuple{AbstractLinearSolver, AbstractSolverState, AbstractMatrix}","page":"Solvers","title":"RegularizedLeastSquares.init!","text":"init!(solver::AbstractLinearSolver, state::AbstractSolverState, b::AbstractMatrix; scheduler = SequentialState, kwargs...)\n\nInitialize the solver with each column of b and pass the corresponding states to the scheduler.\n\n\n\n\n\n","category":"method"},{"location":"API/solvers/#ADMM","page":"Solvers","title":"ADMM","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.ADMM","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.ADMM","page":"Solvers","title":"RegularizedLeastSquares.ADMM","text":"ADMM(A; AHA = A'*A, precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, vary_rho = :none, iterations = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)\nADMM( ; AHA = , precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, vary_rho = :none, iterations = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)\n\nCreates an ADMM object for the forward operator A or normal operator AHA.\n\nRequired Arguments\n\nA - forward operator\n\nOR\n\nAHA - normal operator (as a keyword argument)\n\nOptional Keyword Arguments\n\nAHA - normal operator is optional if A is supplied\nprecon - preconditionner for the internal CG algorithm\nreg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms\nregTrafo - transformation to a space in which reg is applied; if reg is a vector, regTrafo has to be a vector of the same length. Use opEye(eltype(AHA), size(AHA,1)) if no transformation is desired.\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrho::Real - penalty of the augmented Lagrangian\nvary_rho::Symbol - vary rho to balance primal and dual feasibility; options :none, :balance, :PnP\niterations::Int - maximum number of (outer) ADMM iterations\niterationsCG::Int - maximum number of (inner) CG iterations\nabsTol::Real - absolute tolerance for stopping criterion\nrelTol::Real - relative tolerance for stopping criterion\ntolInner::Real - relative tolerance for CG stopping criterion\nverbose::Bool - print residual in each iteration\n\nADMM differs from ISTA-type algorithms in the sense that the proximal operation is applied separately from the transformation to the space in which the penalty is applied. This is reflected by the interface which has reg and regTrafo as separate arguments. E.g., for a TV penalty, you should NOT set reg=TVRegularization, but instead use reg=L1Regularization(λ), regTrafo=RegularizedLeastSquares.GradientOp(Float64; shape=(Nx,Ny,Nz)).\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#CGNR","page":"Solvers","title":"CGNR","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.CGNR","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.CGNR","page":"Solvers","title":"RegularizedLeastSquares.CGNR","text":"CGNR(A; AHA = A' * A, reg = L2Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 10, relTol = eps(real(eltype(AHA))))\nCGNR( ; AHA = , reg = L2Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 10, relTol = eps(real(eltype(AHA))))\n\ncreates an CGNR object for the forward operator A or normal operator AHA.\n\nRequired Arguments\n\nA - forward operator\n\nOR\n\nAHA - normal operator (as a keyword argument)\n\nOptional Keyword Arguments\n\nAHA - normal operator is optional if A is supplied\nreg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\niterations::Int - maximum number of iterations\nrelTol::Real - tolerance for stopping criterion\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#Kaczmarz","page":"Solvers","title":"Kaczmarz","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.Kaczmarz","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.Kaczmarz","page":"Solvers","title":"RegularizedLeastSquares.Kaczmarz","text":"Kaczmarz(A; reg = L2Regularization(0), normalizeReg = NoNormalization(), randomized=false, subMatrixFraction=0.15, shuffleRows=false, seed=1234, iterations=10)\n\nCreates a Kaczmarz object for the forward operator A.\n\nRequired Arguments\n\nA - forward operator\n\nOptional Keyword Arguments\n\nreg::AbstractParameterizedRegularization - regularization term\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrandomized::Bool - randomize Kacmarz algorithm\nsubMatrixFraction::Real - fraction of rows used in randomized Kaczmarz algorithm\nshuffleRows::Bool - randomize Kacmarz algorithm\nseed::Int - seed for randomized algorithm\niterations::Int - number of iterations\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#FISTA","page":"Solvers","title":"FISTA","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.FISTA","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.FISTA","page":"Solvers","title":"RegularizedLeastSquares.FISTA","text":"FISTA(A; AHA=A'*A, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho = 0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))), restart = :none)\nFISTA( ; AHA=, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho = 0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))), restart = :none)\n\ncreates a FISTA object for the forward operator A or normal operator AHA.\n\nRequired Arguments\n\nA - forward operator\n\nOR\n\nAHA - normal operator (as a keyword argument)\n\nOptional Keyword Arguments\n\nAHA - normal operator is optional if A is supplied\nprecon - preconditionner for the internal CG algorithm\nreg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.\ntheta::Real - parameter for predictor-corrector step\nrelTol::Real - tolerance for stopping criterion\niterations::Int - maximum number of iterations\nrestart::Symbol - :none, :gradient options for restarting\nverbose::Bool - print residual in each iteration\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#OptISTA","page":"Solvers","title":"OptISTA","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.OptISTA","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.OptISTA","page":"Solvers","title":"RegularizedLeastSquares.OptISTA","text":"OptISTA(A; AHA=A'*A, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho=0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))))\nOptISTA( ; AHA=, reg=L1Regularization(zero(real(eltype(AHA)))), normalizeReg=NoNormalization(), iterations=50, verbose = false, rho=0.95 / power_iterations(AHA), theta=1, relTol=eps(real(eltype(AHA))))\n\ncreates a OptISTA object for the forward operator A or normal operator AHA. OptISTA has a 2x better worst-case bound than FISTA, but actual performance varies by application. It stores 2 extra intermediate variables the size of the image compared to FISTA.\n\nReference:\n\nUijeong Jang, Shuvomoy Das Gupta, Ernest K. Ryu, \"Computer-Assisted Design of Accelerated Composite Optimization Methods: OptISTA,\" arXiv:2305.15704, 2023, [https://arxiv.org/abs/2305.15704]\n\nRequired Arguments\n\nA - forward operator\n\nOR\n\nAHA - normal operator (as a keyword argument)\n\nOptional Keyword Arguments\n\nAHA - normal operator is optional if A is supplied\nreg::AbstractParameterizedRegularization - regularization term\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.\ntheta::Real - parameter for predictor-corrector step\nrelTol::Real - tolerance for stopping criterion\niterations::Int - maximum number of iterations\nverbose::Bool - print residual in each iteration\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#POGM","page":"Solvers","title":"POGM","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.POGM","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.POGM","page":"Solvers","title":"RegularizedLeastSquares.POGM","text":"POGM(A; AHA = A'*A, reg = L1Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 50, verbose = false, rho = 0.95 / power_iterations(AHA), theta = 1, sigma_fac = 1, relTol = eps(real(eltype(AHA))), restart = :none)\nPOGM( ; AHA = , reg = L1Regularization(zero(real(eltype(AHA)))), normalizeReg = NoNormalization(), iterations = 50, verbose = false, rho = 0.95 / power_iterations(AHA), theta = 1, sigma_fac = 1, relTol = eps(real(eltype(AHA))), restart = :none)\n\nCreates a POGM object for the forward operator A or normal operator AHA. POGM has a 2x better worst-case bound than FISTA, but actual performance varies by application. It stores 3 extra intermediate variables the size of the image compared to FISTA. Only gradient restart scheme is implemented for now.\n\nReferences:\n\nA.B. Taylor, J.M. Hendrickx, F. Glineur, \"Exact worst-case performance of first-order algorithms for composite convex optimization,\" Arxiv:1512.07516, 2015, SIAM J. Opt. 2017 [http://doi.org/10.1137/16m108104x]\nKim, D., & Fessler, J. A. (2018). Adaptive Restart of the Optimized Gradient Method for Convex Optimization. Journal of Optimization Theory and Applications, 178(1), 240–263. [https://doi.org/10.1007/s10957-018-1287-4]\nRequired Arguments\nA - forward operator\nOR\nAHA - normal operator (as a keyword argument)\nOptional Keyword Arguments\nAHA - normal operator is optional if A is supplied\nreg::AbstractParameterizedRegularization - regularization term\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrho::Real - step size for gradient step; the default is 0.95 / max_eigenvalue as determined with power iterations.\ntheta::Real - parameter for predictor-corrector step\nsigma_fac::Real - parameter for decreasing γ-momentum ∈ [0,1]\nrelTol::Real - tolerance for stopping criterion\niterations::Int - maximum number of iterations\nrestart::Symbol - :none, :gradient options for restarting\nverbose::Bool - print residual in each iteration\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#SplitBregman","page":"Solvers","title":"SplitBregman","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.SplitBregman","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.SplitBregman","page":"Solvers","title":"RegularizedLeastSquares.SplitBregman","text":"SplitBregman(A; AHA = A'*A, precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, iterations = 10, iterationsInner = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)\nSplitBregman( ; AHA = , precon = Identity(), reg = L1Regularization(zero(real(eltype(AHA)))), regTrafo = opEye(eltype(AHA), size(AHA,1)), normalizeReg = NoNormalization(), rho = 1e-1, iterations = 10, iterationsInner = 10, iterationsCG = 10, absTol = eps(real(eltype(AHA))), relTol = eps(real(eltype(AHA))), tolInner = 1e-5, verbose = false)\n\nCreates a SplitBregman object for the forward operator A or normal operator AHA.\n\nRequired Arguments\n\nA - forward operator\n\nOR\n\nAHA - normal operator (as a keyword argument)\n\nOptional Keyword Arguments\n\nAHA - normal operator is optional if A is supplied\nprecon - preconditionner for the internal CG algorithm\nreg::AbstractParameterizedRegularization - regularization term; can also be a vector of regularization terms\nregTrafo - transformation to a space in which reg is applied; if reg is a vector, regTrafo has to be a vector of the same length. Use opEye(eltype(AHA), size(AHA,1)) if no transformation is desired.\nnormalizeReg::AbstractRegularizationNormalization - regularization normalization scheme; options are NoNormalization(), MeasurementBasedNormalization(), SystemMatrixBasedNormalization()\nrho::Real - weights for condition on regularized variables; can also be a vector for multiple regularization terms\niterations::Int - maximum number of outer iterations. Set to 1 for unconstraint split Bregman (equivalent to ADMM)\niterationsInner::Int - maximum number of inner iterations\niterationsCG::Int - maximum number of (inner) CG iterations\nabsTol::Real - absolute tolerance for stopping criterion\nrelTol::Real - relative tolerance for stopping criterion\ntolInner::Real - relative tolerance for CG stopping criterion\nverbose::Bool - print residual in each iteration\n\nThis algorithm solves the constraint problem (Eq. (4.7) in Tom Goldstein and Stanley Osher), i.e. ||R(x)||₁ such that ||Ax -b||₂² < σ². In order to solve the unconstraint problem (Eq. (4.8) in Tom Goldstein and Stanley Osher), i.e. ||Ax -b||₂² + λ ||R(x)||₁, you can either set iterations=1 or use ADMM instead, which is equivalent (iterations=1 in SplitBregman in implied in ADMM and the SplitBregman variable iterationsInner is simply called iterations in ADMM)\n\nLike ADMM, SplitBregman differs from ISTA-type algorithms in the sense that the proximal operation is applied separately from the transformation to the space in which the penalty is applied. This is reflected by the interface which has reg and regTrafo as separate arguments. E.g., for a TV penalty, you should NOT set reg=TVRegularization, but instead use reg=L1Regularization(λ), regTrafo=RegularizedLeastSquares.GradientOp(Float64; shape=(Nx,Ny,Nz)).\n\nSee also createLinearSolver, solve!.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#Miscellaneous","page":"Solvers","title":"Miscellaneous","text":"","category":"section"},{"location":"API/solvers/","page":"Solvers","title":"Solvers","text":"RegularizedLeastSquares.solverstate\nRegularizedLeastSquares.solversolution\nRegularizedLeastSquares.solverconvergence\nRegularizedLeastSquares.StoreSolutionCallback\nRegularizedLeastSquares.StoreConvergenceCallback\nRegularizedLeastSquares.CompareSolutionCallback\nRegularizedLeastSquares.linearSolverList\nRegularizedLeastSquares.createLinearSolver\nRegularizedLeastSquares.applicableSolverList\nRegularizedLeastSquares.isapplicable","category":"page"},{"location":"API/solvers/#RegularizedLeastSquares.solverstate","page":"Solvers","title":"RegularizedLeastSquares.solverstate","text":"solverstate(solver::AbstractLinearSolver)\n\nReturn the current state of the solver\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.solversolution","page":"Solvers","title":"RegularizedLeastSquares.solversolution","text":"solversolution(solver::AbstractLinearSolver)\n\nReturn the current solution of the solver\n\n\n\n\n\nsolversolution(state::AbstractSolverState)\n\nReturn the current solution of the solver's state\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.solverconvergence","page":"Solvers","title":"RegularizedLeastSquares.solverconvergence","text":"solverconvergence(solver::AbstractLinearSolver)\n\nReturn a named tuple of the solvers current convergence metrics\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.StoreSolutionCallback","page":"Solvers","title":"RegularizedLeastSquares.StoreSolutionCallback","text":"StoreSolutionCallback(T)\n\nCallback that accumlates the solvers solution per iteration. Results are stored in the solutions field.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#RegularizedLeastSquares.StoreConvergenceCallback","page":"Solvers","title":"RegularizedLeastSquares.StoreConvergenceCallback","text":"StoreConvergenceCallback()\n\nCallback that accumlates the solvers convergence metrics per iteration. Results are stored in the convMeas field.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#RegularizedLeastSquares.CompareSolutionCallback","page":"Solvers","title":"RegularizedLeastSquares.CompareSolutionCallback","text":"CompareSolutionCallback(ref, cmp)\n\nCallback that compares the solvers current solution with the given reference via cmp(ref, solution) per iteration. Results are stored in the results field.\n\n\n\n\n\n","category":"type"},{"location":"API/solvers/#RegularizedLeastSquares.linearSolverList","page":"Solvers","title":"RegularizedLeastSquares.linearSolverList","text":"Return a list of all available linear solvers\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.createLinearSolver","page":"Solvers","title":"RegularizedLeastSquares.createLinearSolver","text":"createLinearSolver(solver::AbstractLinearSolver, A; kargs...)\n\nThis method creates a solver. The supported solvers are methods typically used for solving regularized linear systems. All solvers return an approximate solution to Ax = b.\n\nTODO: give a hint what solvers are available\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.applicableSolverList","page":"Solvers","title":"RegularizedLeastSquares.applicableSolverList","text":"applicable(args...)\n\nlist all solvers that are applicable to the given arguments. Arguments are the same as for isapplicable without the solver type.\n\nSee also isapplicable, linearSolverList.\n\n\n\n\n\n","category":"function"},{"location":"API/solvers/#RegularizedLeastSquares.isapplicable","page":"Solvers","title":"RegularizedLeastSquares.isapplicable","text":"isapplicable(solverType::Type{<:AbstractLinearSolver}, A, x, reg)\n\nreturn true if a solver of type solverType is applicable to system matrix A, data x and regularization terms reg.\n\n\n\n\n\n","category":"function"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"EditURL = \"../../literate/howto/gpu_acceleration.jl\"","category":"page"},{"location":"generated/howto/gpu_acceleration/#GPU-Acceleration","page":"GPU Acceleration","title":"GPU Acceleration","text":"","category":"section"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"RegularizedLeastSquares.jl supports generic GPU acceleration. This means that the user can use any GPU array type that supports the GPUArrays interface. This includes CUDA.jl, AMDGPU.jl, and Metal.jl. In this example we will use the package JLArrays.jl which provides a reference implementation for GPUArrays, that can runs on CPUs.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using JLArrays\ngpu = JLArray;\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"To use the following examples on an actual GPU, load the appropraite package replace JLArray with the respective GPU array type, for example:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using CUDA\ngpu = CuArray","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"At first we will look at an example of dense GPU arrays.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using RegularizedLeastSquares\nA = gpu(rand(Float32, 32, 16))\nx = gpu(rand(Float32, 16))\nb = A*x;\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"Solvers adapt their states based on the type of the given measurement vector. This means that the solver will automatically switch to GPU acceleration if a GPU array is passed as the measurement vector.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32);\nx_approx = solve!(solver, b)","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"This adaption does not include the operator. So if we want to compare with CPU result, we need to construct a new solver with a CPU operator.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"solver = createLinearSolver(CGNR, Array(A); reg = L2Regularization(0.0001), iterations=32);\nx_cpu = solve!(solver, Array(b))\nisapprox(Array(x_approx), x_cpu)","category":"page"},{"location":"generated/howto/gpu_acceleration/#Matrix-Free-Operators","page":"GPU Acceleration","title":"Matrix-Free Operators","text":"","category":"section"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"A special case is the usage of matrix-free operators. Since these operators do not have a concrete matrix representation, their GPU support depends on their implementation. Since not all multiplications within a solver approximation are in-place, the operator also needs to support the * operation and construct an appropriate result vector. For matrix-free operators based on LinearOperators.jl, this can be achieved by implementing the LinearOperators.storage_type method.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"In the following, we will take another look at the CS example and execute it on the GPU. Note that for the JLArray example we chose a small phantom, since the JLArray implementation is not optimized for performance:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using ImagePhantoms, ImageGeoms\nN = 32\nimage = shepp_logan(N, SheppLoganToft())\n\nusing Random, LinearOperatorCollection\nrandomIndices = shuffle(eachindex(image))\nsampledIndices = sort(randomIndices[1:div(end, 3)]);\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"To construct the operator, we need to convert the indices to a GPU array. We also need to specify the correct storage type. In both LinearOperators.jl and LinearOperatorCollection.jl this is done with the S keyword argument.","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"gpu_indices = gpu(sampledIndices)\nA = SamplingOp(eltype(image), pattern = gpu_indices, shape = size(image), S = typeof(b));\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"Let's inspect the storage type of the operator:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using LinearOperatorCollection.LinearOperators\nLinearOperators.storage_type(A)","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"Afterwards we can use the operator as usual:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"b = A*vec(gpu(image));\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"And use it in the solver:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using RegularizedLeastSquares\nreg = TVRegularization(0.01; shape=size(image))\nsolver = createLinearSolver(FISTA, A; reg=reg, iterations=20)\nimg_approx = solve!(solver,b);\nnothing #hide","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"To visualize the reconstructed image, we need to reshape the result vector to the correct shape and convert it to a CPU array:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"img_approx = reshape(Array(img_approx),size(image))","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"We will again use CairoMakie for visualization:","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"using CairoMakie\nfunction plot_image(figPos, img; title = \"\", width = 150, height = 150)\n ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)\n hidedecorations!(ax)\n heatmap!(ax, img)\nend\nfig = Figure()\nplot_image(fig[1,1], image, title = \"Image\")\nsamplingMask = fill(false, size(image))\nsamplingMask[sampledIndices] .= true\nplot_image(fig[1,2], image .* samplingMask, title = \"Sampled Image\")\nplot_image(fig[1,3], img_approx, title = \"Reconstructed Image\")\nresize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"","category":"page"},{"location":"generated/howto/gpu_acceleration/","page":"GPU Acceleration","title":"GPU Acceleration","text":"This page was generated using Literate.jl.","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"EditURL = \"../../literate/examples/compressed_sensing.jl\"","category":"page"},{"location":"generated/examples/compressed_sensing/#Compressed-Sensing-Example","page":"Compressed Sensing","title":"Compressed Sensing Example","text":"","category":"section"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"In this example we will go through a simple example from the field of Compressed Sensing. In addtion to RegularizedLeastSquares.jl, we will need the packages LinearOperatorCollection.jl, ImagePhantoms.jl, ImageGeoms.jl and Random.jl, as well as CairoMakie.jl for visualization. We can install them the same way we did RegularizedLeastSquares.jl.","category":"page"},{"location":"generated/examples/compressed_sensing/#Preparing-the-Inverse-Problem","page":"Compressed Sensing","title":"Preparing the Inverse Problem","text":"","category":"section"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"To get started, let us generate a simple phantom using the ImagePhantoms and ImageGeom packages:","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"using ImagePhantoms, ImageGeoms\nN = 256\nimage = shepp_logan(N, SheppLoganToft())\nsize(image)","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"This produces a 256x256 image of a Shepp-Logan phantom.","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"In this example, we consider a problem in which we randomly sample a third of the pixels in the image. Such a problem and the corresponding measurement can be constructed with the packages LinearOperatorCollection and Random:","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"We first randomly shuffle the indices of the image and then select the first third of the indices to sample.","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"using Random, LinearOperatorCollection\nrandomIndices = shuffle(eachindex(image))\nsampledIndices = sort(randomIndices[1:div(end, 3)])","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"Afterwards we build a sampling operator which samples the image at the selected indices.","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"A = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image));\nnothing #hide","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"Then we apply the sampling operator to the vectorized image to obtain the sampled measurement vector","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"b = A*vec(image);\nnothing #hide","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"To visualize our image we can use CairoMakie:","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"using CairoMakie\nfunction plot_image(figPos, img; title = \"\", width = 150, height = 150)\n ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)\n hidedecorations!(ax)\n heatmap!(ax, img)\nend\nfig = Figure()\nplot_image(fig[1,1], image, title = \"Image\")\nsamplingMask = fill(false, size(image))\nsamplingMask[sampledIndices] .= true\nplot_image(fig[1,2], image .* samplingMask, title = \"Sampled Image\")\nresize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"As we can see in the right image, only a third of the pixels are sampled. The goal of the inverse problem is to recover the original image from this measurement vector.","category":"page"},{"location":"generated/examples/compressed_sensing/#Solving-the-Inverse-Problem","page":"Compressed Sensing","title":"Solving the Inverse Problem","text":"","category":"section"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"To recover the image from the measurement vector, we solve the TV-regularized least squares problem:","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"beginequation\n undersetmathbfxargmin frac12vertvert mathbfAmathbfx-mathbfb vertvert_2^2 + vertvertmathbfxvertvert_lambdatextTV \nendequation","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"For this purpose we build a TV regularizer with regularization parameter λ=001","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"using RegularizedLeastSquares\nreg = TVRegularization(0.01; shape=size(image));\nnothing #hide","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"We will use the Fast Iterative Shrinkage-Thresholding Algorithm (FISTA) to solve our inverse problem. Thus, we build the corresponding solver","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"solver = createLinearSolver(FISTA, A; reg=reg, iterations=20);\nnothing #hide","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"and apply it to our measurement vector","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"img_approx = solve!(solver,b)","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"To visualize the reconstructed image, we need to reshape the result vector to the correct shape. Afterwards we can use CairoMakie again:","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"img_approx = reshape(img_approx,size(image));\nplot_image(fig[1,3], img_approx, title = \"Reconstructed Image\")\nresize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"","category":"page"},{"location":"generated/examples/compressed_sensing/","page":"Compressed Sensing","title":"Compressed Sensing","text":"This page was generated using Literate.jl.","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"EditURL = \"../../literate/examples/getting_started.jl\"","category":"page"},{"location":"generated/examples/getting_started/#Getting-Started","page":"Getting Started","title":"Getting Started","text":"","category":"section"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"In this example we will go through a simple random inverse problem to get familiar with RegularizedLeastSquares.jl.","category":"page"},{"location":"generated/examples/getting_started/#Installation","page":"Getting Started","title":"Installation","text":"","category":"section"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"To install RegularizedLeastSquares.jl, you can use the Julia package manager. Open a Julia REPL and run the following command:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"using Pkg\nPkg.add(\"RegularizedLeastSquares\")","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"This will download and install the RegularizedLeastSquares.jl package and its dependencies. To install a different version, please consult the Pkg documentation.","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"Once the installation is complete, you can import the package with the using keyword:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"using RegularizedLeastSquares","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"RegularizedLeastSquares aims to solve inverse problems of the form:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"beginequation\n undersetmathbfxargmin frac12vertvert mathbfAmathbfx-mathbfb vertvert_2^2 + mathbfR(x) \nendequation","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"where mathbfA is a linear operator, mathbfy is the measurement vector, and mathbfR(x) is an (optional) regularization term. The goal is to retrieve an approximation of the unknown vector mathbfx. In this first exampel we will just work with simple random arrays. For more advanced examples, please refer to the examples.","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"A = rand(32, 16)\nx = rand(16)\nb = A*x;\nnothing #hide","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"To approximate x from b, we can use the Conjugate Gradient Normal Residual (CGNR) algorithm. We first build the corresponding solver:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"solver = createLinearSolver(CGNR, A; iterations=32);\nnothing #hide","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"and apply it to our measurement vector","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"x_approx = solve!(solver, b)\nisapprox(x, x_approx, rtol = 0.001)","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"Usually the inverse problems are ill-posed and require regularization. RegularizedLeastSquares.jl provides a variety of regularization terms. The CGNR algorithm can solve optimzation problems of the form:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"beginequation\n undersetmathbfxargmin frac12vertvert mathbfAmathbfx-mathbfb vertvert_2^2 + vertvertmathbfxvertvert^2_2 \nendequation","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"The corresponding solver can be built with the L2 regularization term:","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"solver = createLinearSolver(CGNR, A; reg = L2Regularization(0.0001), iterations=32);\nx_approx = solve!(solver, b)\nisapprox(x, x_approx, rtol = 0.001)","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"","category":"page"},{"location":"generated/examples/getting_started/","page":"Getting Started","title":"Getting Started","text":"This page was generated using Literate.jl.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"EditURL = \"../../literate/explanations/regularization.jl\"","category":"page"},{"location":"generated/explanations/regularization/#Regularization","page":"Regularization","title":"Regularization","text":"","category":"section"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"When formulating inverse problems, a regulariser is formulated as an additional cost function which has to be minimised. Many algorithms deal with a regularizers g, by computing the proximal map:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"beginequation\n prox_g (mathbfx) = undersetmathbfuargmin frac12vertvert mathbfu-mathbfx vert vert^2 + g(mathbfx)\nendequation","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"For many regularizers, the proximal map can be computed efficiently in a closed form.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"In order to implement these proximal mappings, RegularizedLeastSquares.jl defines the following type hierarchy:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"abstract type AbstractRegularization\nprox!(reg::AbstractRegularization, x)\nnorm(reg::AbstractRegularization, x)","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"Here prox!(reg, x) is an in-place function which computes the proximal map on the input-vector x. The function norm computes the value of the corresponding term in the inverse problem. RegularizedLeastSquares.jl provides AbstractParameterizedRegularization and AbstractProjectionRegularization as core regularization types.","category":"page"},{"location":"generated/explanations/regularization/#Parameterized-Regularization-Terms","page":"Regularization","title":"Parameterized Regularization Terms","text":"","category":"section"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"This group of regularization terms features a regularization parameter λ that is used during the prox! and normcomputations. Examples of this regulariztion group are L1, L2 or LLR (locally low rank) regularization terms.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"These terms are constructed by supplying a λ and optionally term specific keyword arguments:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"using RegularizedLeastSquares\nl2 = L2Regularization(0.3)","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"Parameterized regularization terms implement:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"prox!(reg::AbstractParameterizedRegularization, x, λ)\nnorm(reg::AbstractParameterizedRegularization, x, λ)","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"where λ by default is filled with the value used during construction.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"Invoking λ on a parameterized term retrieves its regularization parameter. This can be used in a solver to scale and overwrite the parameter as follows:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"prox!(l2, [1.0])","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"param = λ(l2)\nprox!(l2, [1.0], param*0.2)","category":"page"},{"location":"generated/explanations/regularization/#Projection-Regularization-Terms","page":"Regularization","title":"Projection Regularization Terms","text":"","category":"section"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"This group of regularization terms implement projections, such as a positivity constraint or a projection with a given convex projection function. These are essentially proximal maps where g(mathbfx) is the indicator function of a convex set.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"positive = PositiveRegularization()\nprox!(positive, [2.0, -0.2])","category":"page"},{"location":"generated/explanations/regularization/#Nested-Regularization-Terms","page":"Regularization","title":"Nested Regularization Terms","text":"","category":"section"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"Nested regularization terms are terms that act as decorators to the core regularization terms. These terms can be nested around other terms and add functionality to a regularization term, such as scaling λ based on the provided operator or applying a transform, such as the Wavelet, to x. As an example, we can nest a L1 regularization term around a Wavelet operator.","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"First we generate an image and apply a wavelet operator to it:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"using Wavelets, LinearOperatorCollection, ImagePhantoms, ImageGeoms\nN = 256\nimage = shepp_logan(N, SheppLoganToft())\nwop = WaveletOp(Float32, shape = size(image))\n\nwavelet_image = reshape(wop*vec(image), size(image))\nwavelet_image = log.(abs.(wavelet_image) .+ 0.01)","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"We will use CairoMakie for visualization:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"using CairoMakie\nfunction plot_image(figPos, img; title = \"\", width = 150, height = 150)\n ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)\n hidedecorations!(ax)\n heatmap!(ax, img)\nend\nfig = Figure()\nplot_image(fig[1,1], image, title = \"Image\")\nplot_image(fig[1,2], wavelet_image, title = \"Wavelet Image\")\nresize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"To apply soft-thresholding in the wavelet domain, we can nest a L1 regularization term around the Wavelet operator:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"core = L1Regularization(0.1)\nreg = TransformedRegularization(core, wop);\nnothing #hide","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"We can then apply the proximal map to the image or the image in the wavelet domain:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"img_prox_image = prox!(core, copy(vec(image)));\nimg_prox_wavelet = prox!(reg, copy(vec(image)));\nnothing #hide","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"We can visualize the result:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"img_prox_image = reshape(img_prox_image, size(image))\nimg_prox_wavelet = reshape(img_prox_wavelet, size(image))\nplot_image(fig[1,3], img_prox_image, title = \"Reg. Image Domain\")\nplot_image(fig[1,4], img_prox_wavelet, title = \"Reg. Wavelet Domain\")\nresize_to_layout!(fig)\nfig","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"Generally, regularization terms can be nested arbitrarly deep, adding new functionality with each layer. Each nested regularization term can return its inner regularization term. Furthermore, all regularization terms implement the iteration interface to iterate over the nesting. The innermost regularization term of a nested term must be a core regularization term and it can be returned by the sink function:","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"RegularizedLeastSquares.innerreg(reg) == core","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"sink(reg) == core","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"foreach(r -> println(nameof(typeof(r))), reg)","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"","category":"page"},{"location":"generated/explanations/regularization/","page":"Regularization","title":"Regularization","text":"This page was generated using Literate.jl.","category":"page"},{"location":"#RegularizedLeastSquares.jl","page":"Home","title":"RegularizedLeastSquares.jl","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Solvers for Linear Inverse Problems using Regularization Techniques","category":"page"},{"location":"#Introduction","page":"Home","title":"Introduction","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"RegularizedLeastSquares.jl is a Julia package for solving large linear systems using various types of algorithms. Ill-conditioned problems arise in many areas of practical interest. Regularisation techniques and nonlinear problem formulations are often used to solve these problems. This package provides implementations for a variety of solvers used in areas such as MPI and MRI. In particular, this package serves as the optimization backend of the Julia packages MPIReco.jl and MRIReco.jl.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The implemented methods range from the l^2_2-regularized CGNR method to more general optimizers such as the Alternating Direction of Multipliers Method (ADMM) or the Split-Bregman method.","category":"page"},{"location":"","page":"Home","title":"Home","text":"For convenience, implementations of popular regularizers, such as l_1-regularization and TV regularization, are provided. On the other hand, hand-crafted regularizers can be used quite easily.","category":"page"},{"location":"","page":"Home","title":"Home","text":"Depending on the problem, it becomes unfeasible to store the full system matrix at hand. For this purpose, RegularizedLeastSquares.jl allows for the use of matrix-free operators. Such operators can be realized using the interface provided by the package LinearOperators.jl. Other interfaces can be used as well, as long as the product *(A,x) and the adjoint adjoint(A) are provided. A number of common matrix-free operators are provided by the package LinearOperatorColection.jl.","category":"page"},{"location":"#Features","page":"Home","title":"Features","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Variety of optimization algorithms optimized for least squares problems\nSupport for matrix-free operators\nGPU support","category":"page"},{"location":"#Usage","page":"Home","title":"Usage","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"See Getting Started for an introduction to using the package","category":"page"},{"location":"#See-also","page":"Home","title":"See also","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Packages:","category":"page"},{"location":"","page":"Home","title":"Home","text":"ProximalAlgorithms.jl\nProximalOperators.jl\nKrylov.jl\nRegularizedOptimization.jl","category":"page"},{"location":"","page":"Home","title":"Home","text":"Organizations:","category":"page"},{"location":"","page":"Home","title":"Home","text":"JuliaNLSolvers\nJuliaSmoothOptimizers\nJuliaFirstOrder","category":"page"}] +} diff --git a/previews/PR92/siteinfo.js b/previews/PR92/siteinfo.js new file mode 100644 index 00000000..b9f82f13 --- /dev/null +++ b/previews/PR92/siteinfo.js @@ -0,0 +1 @@ +var DOCUMENTER_CURRENT_VERSION = "previews/PR92"; diff --git a/previews/PR92/solvers/index.html b/previews/PR92/solvers/index.html new file mode 100644 index 00000000..e589383b --- /dev/null +++ b/previews/PR92/solvers/index.html @@ -0,0 +1,20 @@ + +Solvers · RegularizedLeastSquares.jl

    Solvers

    RegularizedLeastSquares.jl provides a variety of solvers, which are used in fields such as MPI and MRI. The following is a non-exhaustive list of the implemented solvers:

    • Kaczmarz algorithm (Kaczmarz, also called Algebraic reconstruction technique)
    • Conjugate Gradients Normal Residual method (CGNR)
    • Fast Iterative Shrinkage Thresholding Algorithm (FISTA)
    • Alternating Direction of Multipliers Method (ADMM)

    The solvers are organized in a type-hierarchy and inherit from:

    abstract type AbstractLinearSolver

    The type hierarchy is further differentiated into solver categories such as AbstractRowAtionSolver, AbstractPrimalDualSolver or AbstractProximalGradientSolver. A list of all available solvers can be returned by the linearSolverList function.

    Solver Construction

    To create a solver, one can invoke the method createLinearSolver as in

    solver = createLinearSolver(CGNR, A; reg=reg, kwargs...)

    Here A denotes the operator and reg are the Regularization terms to be used by the solver. All further solver parameters can be passed as keyword arguments and are solver specific. To make things more compact, it can be usefull to collect all parameters in a Dict{Symbol,Any}. In this way, the code snippet above can be written as

    params=Dict{Symbol,Any}()
    +params[:reg] = ...
    +...
    +
    +solver = createLinearSolver(CGNR, A; params...)

    This notation can be convenient when a large number of parameters are set manually.

    It is also possible to construct a solver directly with its specific keyword arguments:

    solver = CGNR(A, reg = reg, ...)

    Solver Usage

    Once constructed, a solver can be used to approximate a solution to a given measurement vector:

    x_approx = solve!(solver, b; kwargs...)

    The keyword arguments can be used to supply an inital solution x0, one or more callbacks to interact and monitor the solvers state and more. See the How-To and the API for more information.

    It is also possible to explicitly invoke the solvers iterations using Julias iterate interface:

    init!(solver, b; kwargs...)
    +for (iteration, x_approx) in enumerate(solver)
    +    println("Iteration $iteration")
    +end

    Solver Internals

    The fields of a solver can be divided into two groups. The first group are intended to be immutable fields that do not change during iterations, the second group are mutable fields that do change. Examples of the first group are the operator itself and examples of the second group are the current solution or the number of the current iteration.

    The second group is usually encapsulated in its own state struct:

    mutable struct Solver{matT, ...}
    +  A::matT
    +  # Other "static" fields
    +  state::AbstractSolverState{<:Solver}
    +end
    +
    +mutable struct SolverState{T, tempT} <: AbstractSolverState{Solver}
    +  x::tempT
    +  rho::T
    +  # ...
    +  iteration::Int64
    +end

    States are subtypes of the parametric AbstractSolverState{S} type. The state fields of solvers can be exchanged with different state belonging to the correct solver S. This means that the states can be used to realize custom variants of an existing solver: ```julia mutable struct VariantState{T, tempT} <: AbstractSolverState{Solver} x::tempT other::tempT

    ...

    iteration::Int64 end

    SolverVariant(A; kwargs...) = Solver(A, VariantState(kwargs...))

    function iterate(solver::Solver, state::VarianteState)

    Custom iteration

    end

Compressed Sensing Example

In this example we will go through a simple example from the field of Compressed Sensing. In addtion to RegularizedLeastSquares.jl, we will need the packages LinearOperatorCollection.jl, ImagePhantoms.jl, ImageGeoms.jl and Random.jl, as well as CairoMakie.jl for visualization. We can install them the same way we did RegularizedLeastSquares.jl.

Preparing the Inverse Problem

To get started, let us generate a simple phantom using the ImagePhantoms and ImageGeom packages:

using ImagePhantoms, ImageGeoms
+N = 256
+image = shepp_logan(N, SheppLoganToft())
+size(image)
(256, 256)

This produces a 256x256 image of a Shepp-Logan phantom.

In this example, we consider a problem in which we randomly sample a third of the pixels in the image. Such a problem and the corresponding measurement can be constructed with the packages LinearOperatorCollection and Random:

We first randomly shuffle the indices of the image and then select the first third of the indices to sample.

using Random, LinearOperatorCollection
+randomIndices = shuffle(eachindex(image))
+sampledIndices = sort(randomIndices[1:div(end, 3)])
21845-element Vector{Int64}:
+     1
+     3
+     5
+     7
+     8
+    13
+    16
+    19
+    21
+    22
+     ⋮
+ 65511
+ 65512
+ 65513
+ 65514
+ 65517
+ 65519
+ 65530
+ 65532
+ 65533

Afterwards we build a sampling operator which samples the image at the selected indices.

A = SamplingOp(eltype(image), pattern = sampledIndices , shape = size(image));

Then we apply the sampling operator to the vectorized image to obtain the sampled measurement vector

b = A*vec(image);

To visualize our image we can use CairoMakie:

using CairoMakie
+function plot_image(figPos, img; title = "", width = 150, height = 150)
+  ax = CairoMakie.Axis(figPos; yreversed=true, title, width, height)
+  hidedecorations!(ax)
+  heatmap!(ax, img)
+end
+fig = Figure()
+plot_image(fig[1,1], image, title = "Image")
+samplingMask = fill(false, size(image))
+samplingMask[sampledIndices] .= true
+plot_image(fig[1,2], image .* samplingMask, title = "Sampled Image")
+resize_to_layout!(fig)
+fig
Example block output

As we can see in the right image, only a third of the pixels are sampled. The goal of the inverse problem is to recover the original image from this measurement vector.

Solving the Inverse Problem

To recover the image from the measurement vector, we solve the TV-regularized least squares problem:

\[\begin{equation} + \underset{\mathbf{x}}{argmin} \frac{1}{2}\vert\vert \mathbf{A}\mathbf{x}-\mathbf{b} \vert\vert_2^2 + \vert\vert\mathbf{x}\vert\vert_{\lambda\text{TV}} . +\end{equation}\]

For this purpose we build a TV regularizer with regularization parameter $λ=0.01$

using RegularizedLeastSquares
+reg = TVRegularization(0.01; shape=size(image));

We will use the Fast Iterative Shrinkage-Thresholding Algorithm (FISTA) to solve our inverse problem. Thus, we build the corresponding solver

solver = createLinearSolver(FISTA, A; reg=reg, iterations=20);

and apply it to our measurement vector

img_approx = solve!(solver,b)
65536-element Vector{Float32}:
+ 9.888277f-19
+ 1.7648029f-18
+ 3.61334f-18
+ 7.428132f-18
+ 1.6200033f-17
+ 3.69934f-17
+ 8.16212f-17
+ 1.7291627f-16
+ 3.6464276f-16
+ 7.5773333f-16
+ ⋮
+ 4.1033114f-16
+ 1.924142f-16
+ 8.822592f-17
+ 3.88645f-17
+ 1.5847841f-17
+ 6.0871485f-18
+ 2.4316864f-18
+ 1.092523f-18
+ 6.154074f-19

To visualize the reconstructed image, we need to reshape the result vector to the correct shape. Afterwards we can use CairoMakie again:

img_approx = reshape(img_approx,size(image));
+plot_image(fig[1,3], img_approx, title = "Reconstructed Image")
+resize_to_layout!(fig)
+fig
Example block output

This page was generated using Literate.jl.