From 2b3773d15f5612f62d2c6bbba08bd1a23ba1f1e8 Mon Sep 17 00:00:00 2001 From: "Documenter.jl" Date: Wed, 25 Dec 2024 10:22:16 +0000 Subject: [PATCH] build based on 21c4262 --- stable | 2 +- v3 | 2 +- v3.12 | 2 +- v3.12.3/.documenter-siteinfo.json | 1 + v3.12.3/adaptive_kalmanfilter/2f264807.svg | 46 + v3.12.3/adaptive_kalmanfilter/689e0bd3.svg | 74 ++ v3.12.3/adaptive_kalmanfilter/691e48b8.svg | 44 + v3.12.3/adaptive_kalmanfilter/bf921b4c.svg | 48 + v3.12.3/adaptive_kalmanfilter/da056c87.svg | 46 + v3.12.3/adaptive_kalmanfilter/e80428d5.svg | 46 + v3.12.3/adaptive_kalmanfilter/index.html | 97 ++ v3.12.3/api/index.html | 25 + v3.12.3/assets/documenter.js | 1082 +++++++++++++++++ v3.12.3/assets/themes/catppuccin-frappe.css | 1 + v3.12.3/assets/themes/catppuccin-latte.css | 1 + .../assets/themes/catppuccin-macchiato.css | 1 + v3.12.3/assets/themes/catppuccin-mocha.css | 1 + v3.12.3/assets/themes/documenter-dark.css | 7 + v3.12.3/assets/themes/documenter-light.css | 9 + v3.12.3/assets/themeswap.js | 84 ++ v3.12.3/assets/warner.js | 52 + v3.12.3/beetle_example/4310dcba.png | Bin 0 -> 59684 bytes v3.12.3/beetle_example/4f02a12e.svg | 55 + v3.12.3/beetle_example/69122e7c.png | Bin 0 -> 81390 bytes v3.12.3/beetle_example/7e6c2cba.svg | 46 + v3.12.3/beetle_example/90f3f2c3.svg | 50 + v3.12.3/beetle_example/eefe127e.png | Bin 0 -> 53317 bytes v3.12.3/beetle_example/index.html | 70 ++ v3.12.3/beetle_example_imm/68a796f9.png | Bin 0 -> 64059 bytes v3.12.3/beetle_example_imm/d79d1b8a.svg | 46 + v3.12.3/beetle_example_imm/index.html | 94 ++ v3.12.3/benchmark/index.html | 39 + v3.12.3/dae/index.html | 2 + v3.12.3/discretization/index.html | 39 + v3.12.3/distributions/index.html | 12 + v3.12.3/fault_detection/index.html | 2 + v3.12.3/index-2fa057fb.png | Bin 0 -> 47897 bytes v3.12.3/index-37256b77.svg | 82 ++ v3.12.3/index-7d5d19a4.png | Bin 0 -> 24138 bytes v3.12.3/index-baef4383.png | Bin 0 -> 52465 bytes v3.12.3/index-d0cdce46.png | Bin 0 -> 77133 bytes v3.12.3/index-e19dceeb.svg | 52 + v3.12.3/index.html | 129 ++ v3.12.3/measurement_models/index.html | 86 ++ v3.12.3/neural_network/961efe20.png | Bin 0 -> 224229 bytes v3.12.3/neural_network/b2576dbc.svg | 396 ++++++ v3.12.3/neural_network/b767ca0c.png | Bin 0 -> 385271 bytes v3.12.3/neural_network/index.html | 113 ++ v3.12.3/noisetuning/index.html | 2 + v3.12.3/objects.inv | Bin 0 -> 2627 bytes v3.12.3/parameter_estimation/1a0d8993.svg | 46 + v3.12.3/parameter_estimation/1f2a855e.svg | 43 + v3.12.3/parameter_estimation/336727c4.svg | 450 +++++++ v3.12.3/parameter_estimation/73874261.svg | 248 ++++ v3.12.3/parameter_estimation/7e1deeda.svg | 239 ++++ v3.12.3/parameter_estimation/d6894548.svg | 92 ++ v3.12.3/parameter_estimation/e042efe4.svg | 88 ++ v3.12.3/parameter_estimation/fc708c3e.svg | 312 +++++ v3.12.3/parameter_estimation/index.html | 283 +++++ v3.12.3/search_index.js | 3 + v3.12.3/siteinfo.js | 1 + versions.js | 2 +- 62 files changed, 4789 insertions(+), 4 deletions(-) create mode 100644 v3.12.3/.documenter-siteinfo.json create mode 100644 v3.12.3/adaptive_kalmanfilter/2f264807.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/689e0bd3.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/691e48b8.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/bf921b4c.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/da056c87.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/e80428d5.svg create mode 100644 v3.12.3/adaptive_kalmanfilter/index.html create mode 100644 v3.12.3/api/index.html create mode 100644 v3.12.3/assets/documenter.js create mode 100644 v3.12.3/assets/themes/catppuccin-frappe.css create mode 100644 v3.12.3/assets/themes/catppuccin-latte.css create mode 100644 v3.12.3/assets/themes/catppuccin-macchiato.css create mode 100644 v3.12.3/assets/themes/catppuccin-mocha.css create mode 100644 v3.12.3/assets/themes/documenter-dark.css create mode 100644 v3.12.3/assets/themes/documenter-light.css create mode 100644 v3.12.3/assets/themeswap.js create mode 100644 v3.12.3/assets/warner.js create mode 100644 v3.12.3/beetle_example/4310dcba.png create mode 100644 v3.12.3/beetle_example/4f02a12e.svg create mode 100644 v3.12.3/beetle_example/69122e7c.png create mode 100644 v3.12.3/beetle_example/7e6c2cba.svg create mode 100644 v3.12.3/beetle_example/90f3f2c3.svg create mode 100644 v3.12.3/beetle_example/eefe127e.png create mode 100644 v3.12.3/beetle_example/index.html create mode 100644 v3.12.3/beetle_example_imm/68a796f9.png create mode 100644 v3.12.3/beetle_example_imm/d79d1b8a.svg create mode 100644 v3.12.3/beetle_example_imm/index.html create mode 100644 v3.12.3/benchmark/index.html create mode 100644 v3.12.3/dae/index.html create mode 100644 v3.12.3/discretization/index.html create mode 100644 v3.12.3/distributions/index.html create mode 100644 v3.12.3/fault_detection/index.html create mode 100644 v3.12.3/index-2fa057fb.png create mode 100644 v3.12.3/index-37256b77.svg create mode 100644 v3.12.3/index-7d5d19a4.png create mode 100644 v3.12.3/index-baef4383.png create mode 100644 v3.12.3/index-d0cdce46.png create mode 100644 v3.12.3/index-e19dceeb.svg create mode 100644 v3.12.3/index.html create mode 100644 v3.12.3/measurement_models/index.html create mode 100644 v3.12.3/neural_network/961efe20.png create mode 100644 v3.12.3/neural_network/b2576dbc.svg create mode 100644 v3.12.3/neural_network/b767ca0c.png create mode 100644 v3.12.3/neural_network/index.html create mode 100644 v3.12.3/noisetuning/index.html create mode 100644 v3.12.3/objects.inv create mode 100644 v3.12.3/parameter_estimation/1a0d8993.svg create mode 100644 v3.12.3/parameter_estimation/1f2a855e.svg create mode 100644 v3.12.3/parameter_estimation/336727c4.svg create mode 100644 v3.12.3/parameter_estimation/73874261.svg create mode 100644 v3.12.3/parameter_estimation/7e1deeda.svg create mode 100644 v3.12.3/parameter_estimation/d6894548.svg create mode 100644 v3.12.3/parameter_estimation/e042efe4.svg create mode 100644 v3.12.3/parameter_estimation/fc708c3e.svg create mode 100644 v3.12.3/parameter_estimation/index.html create mode 100644 v3.12.3/search_index.js create mode 100644 v3.12.3/siteinfo.js diff --git a/stable b/stable index 538465ce..65ccf763 120000 --- a/stable +++ b/stable @@ -1 +1 @@ -v3.12.2 \ No newline at end of file +v3.12.3 \ No newline at end of file diff --git a/v3 b/v3 index 538465ce..65ccf763 120000 --- a/v3 +++ b/v3 @@ -1 +1 @@ -v3.12.2 \ No newline at end of file +v3.12.3 \ No newline at end of file diff --git a/v3.12 b/v3.12 index 538465ce..65ccf763 120000 --- a/v3.12 +++ b/v3.12 @@ -1 +1 @@ -v3.12.2 \ No newline at end of file +v3.12.3 \ No newline at end of file diff --git a/v3.12.3/.documenter-siteinfo.json b/v3.12.3/.documenter-siteinfo.json new file mode 100644 index 00000000..f4898e8b --- /dev/null +++ b/v3.12.3/.documenter-siteinfo.json @@ -0,0 +1 @@ +{"documenter":{"julia_version":"1.11.2","generation_timestamp":"2024-12-25T10:21:58","documenter_version":"1.8.0"}} \ No newline at end of file diff --git a/v3.12.3/adaptive_kalmanfilter/2f264807.svg b/v3.12.3/adaptive_kalmanfilter/2f264807.svg new file mode 100644 index 00000000..6c2c31e4 --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/2f264807.svg @@ -0,0 +1,46 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/689e0bd3.svg b/v3.12.3/adaptive_kalmanfilter/689e0bd3.svg new file mode 100644 index 00000000..fcda5efa --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/689e0bd3.svg @@ -0,0 +1,74 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/691e48b8.svg b/v3.12.3/adaptive_kalmanfilter/691e48b8.svg new file mode 100644 index 00000000..dd4d2d16 --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/691e48b8.svg @@ -0,0 +1,44 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/bf921b4c.svg b/v3.12.3/adaptive_kalmanfilter/bf921b4c.svg new file mode 100644 index 00000000..2741d4cc --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/bf921b4c.svg @@ -0,0 +1,48 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/da056c87.svg b/v3.12.3/adaptive_kalmanfilter/da056c87.svg new file mode 100644 index 00000000..bcc2c2b8 --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/da056c87.svg @@ -0,0 +1,46 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/e80428d5.svg b/v3.12.3/adaptive_kalmanfilter/e80428d5.svg new file mode 100644 index 00000000..a79caafa --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/e80428d5.svg @@ -0,0 +1,46 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/adaptive_kalmanfilter/index.html b/v3.12.3/adaptive_kalmanfilter/index.html new file mode 100644 index 00000000..3b0f349d --- /dev/null +++ b/v3.12.3/adaptive_kalmanfilter/index.html @@ -0,0 +1,97 @@ + +Kalman-filter tutorial with LowLevelParticleFilters · LowLevelParticleFilters Documentation

Noise-adaptive Kalman filter

In this tutorial we will consider filtering of a 1D position track, similar in spirit to what one could have obtained from a GPS device, but limited to 1D for easier visualization. We will use a constant-velocity model, i.e., use a double integrator,

\[\begin{aligned} +x_{k+1} &= \begin{bmatrix} 1 & T_s \\ 0 & 1 \end{bmatrix} x_k + \begin{bmatrix} T_s^2/2 \\ T_s \end{bmatrix} w_k \\ +y_k &= \begin{bmatrix} 1 & 0 \end{bmatrix} x_k + v_k +\end{aligned}\]

where $w_k \sim \mathcal{N}(0, σ_w)$ is the process noise, and $v_k \sim \mathcal{N}(0, R_2)$ is the measurement noise, and illustrate how we can make use of an adaptive noise covariance to improve the filter performance.

Data generation

We start by generating some position data that we want to perform filtering on. The "object" we want to track is initially stationary, and transitions to moving with a constant velocity after a while.

using LowLevelParticleFilters, Plots, Random
+Random.seed!(1)
+
+# Create a time series for filtering
+x = [zeros(50); 0:100]
+T = length(x)
+Y = x + randn(T)
+plot([Y x], lab=["Measurement" "True state to be tracked"], c=[1 :purple])
Example block output

Simple Kalman filtering

We will use a Kalman filter to perform the filtering. The model is a double integrator, i.e., a constant-acceleration model. The state vector is thus $x = [p, v]^T$, where $p$ is the position and $v$ is the velocity. When designing a Kalman filter, we need to specify the noise covariances $R_1$ and $R_2$. While it's often easy to measure the covariance of the measurement noise, $R_2$, it can be quite difficult to know ahead of time what the dynamics noise covariance, $R_1$, should be. In this example, we will use an adaptive filter, where we will increase the dynamics noise covariance if the filter prediction error is too large. However, we first run the filter twice, once with a large $R_1$ and once with a small $R_1$ to illustrate the difference.

y = [[y] for y in Y] # create a vector of vectors for the KF
+u = fill([], T) # No inputs in this example :(
+
+# Define the model
+Ts = 1
+A = [1 Ts; 0 1]
+B = zeros(2, 0)
+C = [1 0]
+D = zeros(0, 0)
+R2 = [1;;]
+
+σws = [1e-2, 1e-5] # Dynamics noise standard deviations
+
+fig = plot(Y, lab="Measurement")
+for σw in σws
+    R1 = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts] # The dynamics noise covariance matrix is σw*Bw*Bw' where Bw = [Ts^2/2; Ts]
+    kf = KalmanFilter(A, B, C, D, R1, R2)
+    yh = []
+    measure = LowLevelParticleFilters.measurement(kf)
+    for t = 1:T # Main filter loop
+        kf(u[t], y[t]) # Performs both prediction and correction
+        xh = state(kf)
+        yht = measure(xh, u[t], nothing, t)
+        push!(yh, yht)
+    end
+
+    Yh = reduce(hcat, yh)
+    plot!(Yh', lab="Estimate \$σ_w\$ = $σw")
+end
+fig
Example block output

When $R_1$ is small (controlled by $σ_w$), we get a nice and smooth filter estimate, but this estimate clearly lags behind the true state. When $R_1$ is large, the filter estimate is much more responsive, but it also has a lot of noise.

Adaptive noise covariance

Below, we will implement an adaptive filter, where we keep the dynamics noise covariance low by default, but increase it if the filter prediction error is too large. We will use a Z-score to determine if the prediction error is too large. The Z-score is defined as the number of standard deviations the prediction error is away from the estimated mean. This time around we use separate correct! and predict! calls, so that we can access the prediction error as well as the prior covariance of the prediction error, $S$. $S$ (or the Cholesky factor $Sᵪ$) will be used to compute the Z-score.

σw = 1e-5 # Set the covariance to a low value by default
+R1 = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts]
+kf = KalmanFilter(A, B, C, D, R1, R2)
+measure = LowLevelParticleFilters.measurement(kf)
+
+# Some arrays to store simulation data
+yh = []
+es = Float64[]
+σs = Float64[]
+for t = 1:T # Main filter loop
+    ll, e, S, Sᵪ = correct!(kf, u[t], y[t], nothing, t) # Manually call the prediction step
+    σ = √(e'*(Sᵪ\e)) # Compute the Z-score
+    push!(es, e[]) # Save for plotting
+    push!(σs, σ)
+    if σ > 3 # If the Z-score is too high
+        # we temporarily increase the dynamics noise covariance by 1000x to adapt faster
+        predict!(kf, u[t], nothing, t; R1 = 1000kf.R1)
+    else
+        predict!(kf, u[t], nothing, t)
+    end
+    xh = state(kf)
+    yht = measure(xh, u[t], nothing, t)
+    push!(yh, yht)
+end
+
+Yh = reduce(hcat, yh)
+plot([Y Yh'], lab=["Measurement" "Adaptive estimate"])
Example block output

Not too bad! This time the filter estimate is much more responsive during the transition, but exhibits favorable noise properties during the stationary phases. We can also plot the prediction error and the Z-score to see how the filter adapts to the dynamics noise covariance.

plot([es σs], lab=["Prediction error" "Z-score"])
Example block output

Notice how the prediction errors, that should ideally be centered around zero, remain predominantly negative for a long time interval after the transition. This can be attributed to an overshoot in the velocity state of the estimator, but the rapid decrease of the covariance after the transition makes the filter slow at correcting its overshoot. If we want, we could mitigate this and make the adaptation even more sophisticated by letting the covariance remain large for a while after a transition in operating mode has been detected. Below, we implement a simple version of this, where we use a multiplier $σ_{wt}$ that defaults to 1, but is increase to a very large value of 1000 if a transition is detected. When no transition is detected, $σ_{wt}$ is decreased exponentially back down to 1.

σw  = 1e-5 # Set the covariance to a low value by default
+σwt = 1.0
+R1  = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts]
+kf  = KalmanFilter(A, B, C, D, R1, R2)
+measure = LowLevelParticleFilters.measurement(kf)
+
+# Some arrays to store simulation data
+yh = []
+es = Float64[]
+σs = Float64[]
+σwts = Float64[]
+for t = 1:T # Main filter loop
+    global σwt # Note, do not make use of global variables in performance critical code
+    ll, e, S, Sᵪ = correct!(kf, u[t], y[t], nothing, t) # Manually call the prediction step
+    σ = √(e'*(Sᵪ\e)) # Compute the Z-score
+    push!(es, e[]) # Save for plotting
+    push!(σs, σ)
+    if σ > 3 # If the Z-score is too high
+        σwt = 1000.0 # Set the R1 multiplier to a very large value
+    else
+        σwt = max(0.7σwt, 1.0) # Decrease exponentially back to 1
+    end
+    push!(σwts, σwt)
+    predict!(kf, u[t], nothing, t; R1 = σwt*kf.R1)
+    xh = state(kf)
+    yht = measure(xh, u[t], nothing, t)
+    push!(yh, yht)
+end
+
+Yh = reduce(hcat, yh)
+plot([Y Yh'], lab=["Measurement" "Adaptive estimate"])
Example block output
plot([es σs σwts], lab=["Prediction error" "Z-score" "\$σ_{wt}\$ multiplier"], layout=2, sp=[1 1 2])
Example block output

This time, the prediction errors look more like white noise centered around zero after the initial transient caused by the transition.

Summary

This tutorial demonstrated simple Kalman filtering for a double integrator without control inputs. We saw how the filtering estimate could be improved by playing around with the covariance matrices of the estimator, helping it catch up to fast changes in the behavior of the system without sacrificing steady-state noise properties.

In this case, we handled the modification of $R_1$ outside of the filter, implementing our own filtering loop. Some applications get away with instead providing time-varying matrices in the form of a 3-dimension array, where the third dimension corresponds to time, or instead of providing a matrix, providing a function $R_1(x, u, p, t)$ allows the matrix to be a function of state, input, parameters and time. These options apply to all matrices in the filter, including the dynamics matrices, $A,B,C,D$.

Lastly, we mention the ability of the KalmanFilter to act like a recursive least-squares estimator, by setting the "forgetting factor $α>1$ when creating the KalmanFilter. $α>1$ will cause the filter will exhibit exponential forgetting similar to an RLS estimator, in addition to the covariance inflation due to R1. It is thus possible to get a RLS-like algorithm by setting $R_1 = 0, R_2 = 1/α$ and $α > 1$.

Disturbance modeling and noise tuning

See this notebook for a blog post about disturbance modeling and noise tuning using LowLevelParticleFilter.jl

diff --git a/v3.12.3/api/index.html b/v3.12.3/api/index.html new file mode 100644 index 00000000..0cf33ff1 --- /dev/null +++ b/v3.12.3/api/index.html @@ -0,0 +1,25 @@ + +API · LowLevelParticleFilters Documentation

Exported functions and types

Index

LowLevelParticleFilters.AdvancedParticleFilterMethod
AdvancedParticleFilter(N::Integer, dynamics::Function, measurement::Function, measurement_likelihood, dynamics_density, initial_density; p = NullParameters(), threads = false, kwargs...)

This type represents a standard particle filter but affords extra flexibility compared to the ParticleFilter type, e.g., non-additive noise in the dynamics and measurement functions.

See the docs for more information: https://baggepinnen.github.io/LowLevelParticleFilters.jl/stable/#AdvancedParticleFilter-1

Arguments:

  • N: Number of particles
  • dynamics: A discrete-time dynamics function (x, u, p, t, noise=false) -> x⁺. It's important that the noise argument defaults to false.
  • measurement: A measurement function (x, u, p, t, noise=false) -> y. It's important that the noise argument defaults to false.
  • measurement_likelihood: A function (x, u, y, p, t)->logl to evaluate the log-likelihood of a measurement.
  • dynamics_density: This field is not used by the advanced filter and can be set to nothing.
  • initial_density: The distribution of the initial state.
  • threads: use threads to propagate particles in parallel. Only activate this if your dynamics is thread-safe. SeeToDee.SimpleColloc is not thread-safe by default due to the use of internal caches, but SeeToDee.Rk4 is.

Extended help

Multiple measurement models

The measurement_likelihood function is used to evaluate the likelihood of a measurement. If you have multiple sensors and want to perform individual correct! steps for each, call correct!(..., g = custom_likelihood_function).

source
LowLevelParticleFilters.CompositeMeasurementModelMethod
CompositeMeasurementModel(model1, model2, ...)

A composite measurement model that combines multiple measurement models. This model acts as all component models concatenated. The tuple returned from correct! will be

  • ll: The sum of the log-likelihood of all component models
  • e: The concatenated innovation vector
  • S: A vector of the innovation covariance matrices of the component models
  • Sᵪ: A vector of the Cholesky factorizations of the innovation covariance matrices of the component models
  • K: A vector of the Kalman gains of the component models

If all sensors operate on at the same rate, and all measurement models are of the same type, it's more efficient to use a single measurement model with a vector-valued measurement function.

Fields:

  • models: A tuple of measurement models
source
LowLevelParticleFilters.EKFMeasurementModelMethod
EKFMeasurementModel{IPM}(measurement, R2, ny, Cjac, cache = nothing)

A measurement model for the Extended Kalman Filter.

Arguments:

  • IPM: A boolean indicating if the measurement function is inplace
  • measurement: The measurement function y = h(x, u, p, t)
  • R2: The measurement noise covariance matrix
  • ny: The number of measurement variables
  • Cjac: The Jacobian of the measurement function Cjac(x, u, p, t). If none is provided, ForwardDiff will be used.
source
LowLevelParticleFilters.ExtendedKalmanFilterType
ExtendedKalmanFilter(kf, dynamics, measurement; Ajac, Cjac)
+ExtendedKalmanFilter(dynamics, measurement, R1,R2,d0=MvNormal(Matrix(R1)); nu::Int, p = NullParameters(), α = 1.0, check = true)

A nonlinear state estimator propagating uncertainty using linearization.

The constructor to the extended Kalman filter takes dynamics and measurement functions, and either covariance matrices, or a KalmanFilter. If the former constructor is used, the number of inputs to the system dynamics, nu, must be explicitly provided with a keyword argument.

By default, the filter will internally linearize the dynamics using ForwardDiff. User provided Jacobian functions can be provided as keyword arguments Ajac and Cjac. These functions should have the signature (x,u,p,t)::AbstractMatrix where x is the state, u is the input, p is the parameters, and t is the time.

The dynamics and measurement function are on the following form

x(t+1) = dynamics(x, u, p, t) + w
+y      = measurement(x, u, p, t) + e

where w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0

See also UnscentedKalmanFilter which is typically more accurate than ExtendedKalmanFilter. See KalmanFilter for detailed instructions on how to set up a Kalman filter kf.

source
LowLevelParticleFilters.IMMMethod
IMM(models, P, μ; check = true, p = NullParameters(), interact = true)

Interacting Multiple Model (IMM) filter. This filter is a combination of multiple Kalman-type filters, each with its own state and covariance. The IMM filter is a probabilistically weighted average of the states and covariances of the individual filters. The weights are determined by the probability matrix P and the mixing probabilities μ.

Experimental

This filter is currently considered experimental and the user interface may change in the future without respecting semantic versioning.

In addition to the predict! and correct! steps, the IMM filter has an interact! method that updates the states and covariances of the individual filters based on the mixing probabilities. The combine! method combines the states and covariances of the individual filters into a single state and covariance. These four functions are typically called in either of the orders

  • correct!, combine!, interact!, predict! (as is done in update!)
  • interact!, predict!, correct!, combine! (as is done in the reference cited below)

These two orders are cyclic permutations of each other, and the order used in update! is chosen to align with the order used in the other filters, where the initial condition is corrected using the first measurement, i.e., we assume the first measurement updates $x(0|-1)$ to $x(0|0)$.

The initial (combined) state and covariance of the IMM filter is made up of the weighted average of the states and covariances of the individual filters. The weights are the initial mixing probabilities μ.

Ref: "Interacting multiple model methods in target tracking: a survey", E. Mazor; A. Averbuch; Y. Bar-Shalom; J. Dayan

Arguments:

  • models: An array of Kalman-type filters, such as KalmanFilter, ExtendedKalmanFilter, UnscentedKalmanFilter, etc. The state of each model must have the same meaning, such that forming a weighted average makes sense.
  • P: The mode-transition probability matrix. P[i,j] is the probability of transitioning from mode i to mode j (each row must sum to one).
  • μ: The initial mixing probabilities. μ[i] is the probability of being in mode i at the initial contidion (must sum to one).
  • check: If true, check that the inputs are valid. If false, skip the checks.
  • p: Parameters for the filter. NOTE: this p is shared among all internal filters. The internal p of each filter will be overridden by this one.
  • interact: If true, the filter will run the interaction as part of update! and forward_trajectory. If false, the filter will not run the interaction step. This choice can be overridden by passing the keyword argument interact to the respective functions.
source
LowLevelParticleFilters.KalmanFilterType
KalmanFilter(A,B,C,D,R1,R2,d0=MvNormal(R1); p = NullParameters(), α=1, check=true)

The matrices A,B,C,D define the dynamics

x' = Ax + Bu + w
+y  = Cx + Du + e

where w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0

The matrices can be time varying such that, e.g., A[:, :, t] contains the $A$ matrix at time index t. They can also be given as functions on the form

Afun(x, u, p, t) -> A

For maximum performance, provide statically sized matrices from StaticArrays.jl

α is an optional "forgetting factor", if this is set to a value > 1, such as 1.01-1.2, the filter will, in addition to the covariance inflation due to $R_1$, exhibit "exponential forgetting" similar to a Recursive Least-Squares (RLS) estimator. It is thus possible to get a RLS-like algorithm by setting $R_1=0, R_2 = 1/α$ and $α > 1$ ($α$ is the inverse of the traditional RLS parameter $α = 1/λ$). The exact form of the covariance update is

\[R(t+1|t) = α AR(t)A^T + R_1\]

If check = true (default) the function will check that the eigenvalues of A are less than 2 in absolute value. Large eigenvalues may be an indication that the system matrices are representing a continuous-time system and the user has forgotten to discretize it. Turn off this check by setting check = false.

Tutorials on Kalman filtering

The tutorial "How to tune a Kalman filter" details how to figure out appropriate covariance matrices for the Kalman filter, as well as how to add disturbance models to the system model. See also the tutorial in the documentation

source
LowLevelParticleFilters.KalmanFilteringSolutionType
KalmanFilteringSolution{Tx,Txt,TR,TRt,Tll} <: AbstractFilteringSolution

Fields

  • x: predictions $x(t+1|t)$ (plotted if plotx=true)
  • xt: filtered estimates $x(t|t)$ (plotted if plotxt=true)
  • R: predicted covariance matrices $R(t+1|t)$ (plotted if plotR=true)
  • Rt: filter covariances $R(t|t)$ (plotted if plotRt=true)
  • ll: loglikelihood
  • e: prediction errors $e(t|t-1) = y - ŷ(t|t-1)$ (plotted if plote=true)

Plot

The solution object can be plotted

plot(sol, plotx=true, plotxt=true, plotR=true, plotRt=true, plote=true, plotu=true, ploty=true, plotyh=true, plotyht=true, name="")

where

  • plotx: Plot the predictions x(t|t-1)
  • plotxt: Plot the filtered estimates x(t|t)
  • plotR: Plot the predicted covariances R(t|t-1) as ribbons at ±2σ (1.96 σ to be precise)
  • plotRt: Plot the filter covariances R(t|t) as ribbons at ±2σ (1.96 σ to be precise)
  • plote: Plot the prediction errors e(t|t-1) = y - ŷ(t|t-1)
  • plotu: Plot the input
  • ploty: Plot the measurements
  • plotyh: Plot the predicted measurements ŷ(t|t-1)
  • plotyht: Plot the filtered measurements ŷ(t|t)
  • name: a string that is prepended to the labels of the plots, which is useful when plotting multiple solutions in the same plot.
source
LowLevelParticleFilters.ParticleFilterMethod
ParticleFilter(N::Integer, dynamics, measurement, dynamics_density, measurement_density, initial_density; threads = false, p = NullParameters(), kwargs...)

See the docs for more information: https://baggepinnen.github.io/LowLevelParticleFilters.jl/stable/#Particle-filter-1

Arguments:

  • N: Number of particles
  • dynamics: A discrete-time dynamics function (x, u, p, t) -> x⁺
  • measurement: A measurement function (x, u, p, t) -> y
  • dynamics_density: A probability-density function for additive noise in the dynamics. Use AdvancedParticleFilter for non-additive noise.
  • measurement_density: A probability-density function for additive measurement noise. Use AdvancedParticleFilter for non-additive noise.
  • initial_density: Distribution of the initial state.
source
LowLevelParticleFilters.ParticleFilteringSolutionType
ParticleFilteringSolution{F, Tu, Ty, Tx, Tw, Twe, Tll} <: AbstractFilteringSolution

Fields:

  • f: The filter used to produce the solution.
  • u: Input
  • y: Output / measurements
  • x: Particles, the size of this array is (N,T), where N is the number of particles and T is the number of time steps. Each element represents a weighted state hypothesis with weight given by we.
  • w: Weights (log space). These are used for internal computations.
  • we: Weights (exponentiated / original space). These are the ones to use to compute weighted means etc., they sum to one for each time step.
  • ll: Log likelihood

Plot

The solution object can be plotted

plot(sol; nbinsy=30, xreal=nothing, dim=nothing, ploty=true)
source
LowLevelParticleFilters.SqKalmanFilterType
SqKalmanFilter(A,B,C,D,R1,R2,d0=MvNormal(R1); p = NullParameters(), α=1)

A standard Kalman filter on square-root form. This filter may have better numerical performance when the covariance matrices are ill-conditioned.

The matrices A,B,C,D define the dynamics

x' = Ax + Bu + w
+y  = Cx + Du + e

where w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0

The matrices can be time varying such that, e.g., A[:, :, t] contains the $A$ matrix at time index t. They can also be given as functions on the form

Afun(x, u, p, t) -> A

The internal fields storing covariance matrices are for this filter storing the upper-triangular Cholesky factor.

α is an optional "forgetting factor", if this is set to a value > 1, such as 1.01-1.2, the filter will, in addition to the covariance inflation due to $R_1$, exhibit "exponential forgetting" similar to a Recursive Least-Squares (RLS) estimator. It is thus possible to get a RLS-like algorithm by setting $R_1=0, R_2 = 1/α$ and $α > 1$ ($α$ is the inverse of the traditional RLS parameter $α = 1/λ$). The form of the covariance update is

\[R(t+1|t) = α AR(t)A^T + R_1\]

Ref: "A Square-Root Kalman Filter Using Only QR Decompositions", Kevin Tracy https://arxiv.org/abs/2208.06452

source
LowLevelParticleFilters.UKFMeasurementModelMethod
UKFMeasurementModel{inplace_measurement,augmented_measurement}(measurement, R2, ny, ne, innovation, mean, cov, cross_cov, cache = nothing)

A measurement model for the Unscented Kalman Filter.

Arguments:

  • measurement: The measurement function y = h(x, u, p, t)
  • R2: The measurement noise covariance matrix
  • ny: The number of measurement variables
  • ne: If augmented_measurement is true, the number of measurement noise variables
  • innovation(y::AbstractVector, yh::AbstractVector) where the arguments represent (measured output, predicted output)
  • mean(ys::AbstractVector{<:AbstractVector}): computes the mean of the vector of vectors of output sigma points.
  • cov(ys::AbstractVector{<:AbstractVector}, y::AbstractVector): computes the covariance matrix of the output sigma points.
  • cross_cov(xs::AbstractVector{<:AbstractVector}, x::AbstractVector, ys::AbstractVector{<:AbstractVector}, y::AbstractVector) where the arguments represents (state sigma points, mean state, output sigma points, mean output). The function should return the cross-covariance matrix between the state and output sigma points.
source
LowLevelParticleFilters.UKFMeasurementModelMethod
UKFMeasurementModel{T,IPM,AUGM}(measurement, R2; nx, ny, ne = nothing, innovation = -, mean = safe_mean, cov = safe_cov, cross_cov = cross_cov, static = nothing)
  • T is the element type used for arrays
  • IPM is a boolean indicating if the measurement function is inplace
  • AUGM is a boolean indicating if the measurement model is augmented
source
LowLevelParticleFilters.UnscentedKalmanFilterMethod
UnscentedKalmanFilter(dynamics, measurement, R1, R2, d0=MvNormal(Matrix(R1)); p = NullParameters(), ny, nu)
+UnscentedKalmanFilter{IPD,IPM,AUGD,AUGM}(dynamics, measurement_model::AbstractMeasurementModel, R1, d0=SimpleMvNormal(R1); p=NullParameters(), nu)

A nonlinear state estimator propagating uncertainty using the unscented transform.

The dynamics and measurement function are on either of the following forms

x' = dynamics(x, u, p, t) + w
+y  = measurement(x, u, p, t) + e
x' = dynamics(x, u, p, t, w)
+y  = measurement(x, u, p, t, e)

where w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0. The former (default) assums that the noise is additive and added after the dynamics and measurement updates, while the latter assumes that the dynamics functions take an additional argument corresponding to the noise term. The latter form (sometimes refered to as the "augmented" form) is useful when the noise is multiplicative or when the noise is added before the dynamics and measurement updates. See "Augmented UKF" below for more details on how to use this form.

The matrices R1, R2 can be time varying such that, e.g., R1[:, :, t] contains the $R_1$ matrix at time index t. They can also be given as functions on the form

Rfun(x, u, p, t) -> R

For maximum performance, provide statically sized matrices from StaticArrays.jl

ny, nu indicate the number of outputs and inputs.

Custom type of u

The input u may be of any type, e.g., a named tuple or a custom struct. The u provided in the input data is passed directly to the dynamics and measurement functions, so as long as the type is compatible with the dynamics it will work out. The one exception where this will not work is when calling simulate, which assumes that u is an array.

Augmented UKF

If the noise is not additive, one may use the augmented form of the UKF. In this form, the dynamics functions take additional input arguments that correspond to the noise terms. To enable this form, the typed constructor

UnscentedKalmanFilter{inplace_dynamics,inplace_measurement,augmented_dynamics,augmented_measurement}(...)

is used, where the Boolean type parameters have the following meaning

  • inplace_dynamics: If true, the dynamics function operates in-place, i.e., it modifies the first argument in dynamics(dx, x, u, p, t). Default is false.
  • inplace_measurement: If true, the measurement function operates in-place, i.e., it modifies the first argument in measurement(y, x, u, p, t). Default is false.
  • augmented_dynamics: If true the dynamics function is augmented with an additional noise input w, i.e., dynamics(x, u, p, t, w). Default is false.
  • augmented_measurement: If true the measurement function is agumented with an additional noise input e, i.e., measurement(x, u, p, t, e). Default is false. (If the measurement noise has fewer degrees of freedom than the number of measurements, you may failure in Cholesky factorizations, see "Custom Cholesky factorization" below).

Use of augmented dynamics incurs extra computational cost. The number of sigma points used is 2L+1 where L is the length of the augmented state vector. Without augmentation, L = nx, with augmentation L = nx + nw and L = nx + ne for dynamics and measurement, respectively.

Sigma-point rejection

For problems with challenging dynamics, a mechanism for rejection of sigma points after the dynamics update is provided. A function reject(x) -> Bool can be provided through the keyword argument reject that returns true if a sigma point for $x(t+1)$ should be rejected, e.g., if an instability or non-finite number is detected. A rejected point is replaced by the propagated mean point (the mean point cannot be rejected). This function may be provided either to the constructor of the UKF or passed to the predict! function.

Custom measurement models

By default, standard arithmetic mean and e(y, yh) = y - yh are used as mean and innovation functions.

By passing and explicitly created UKFMeasurementModel, one may provide custom functions that compute the mean, the covariance and the innovation. This is useful in situations where the state or a measurement lives on a manifold. One may further override the mean and covariance functions for the state sigma points by passing the keyword arguments state_mean and state_cov to the constructor.

  • state_mean(xs::AbstractVector{<:AbstractVector}) computes the mean of the vector of vectors of state sigma points.
  • state_cov(xs::AbstractVector{<:AbstractVector}, m = mean(xs)) where the first argument represent state sigma points and the second argument, which must be optional, represents the mean of those points. The function should return the covariance matrix of the state sigma points.

See UKFMeasurementModel for more details on how to set up a custom measurement model. Pass the custom measurement model as the second argument to the UKF constructor.

Custom Cholesky factorization

The UnscentedKalmanFilter supports providing a custom function to compute the Cholesky factorization of the covariance matrices for use in sigma-point generation.

If either of the following conditions are met, you may experience failure in internal Cholesky factorizations:

  • The dynamics noise or measurement noise covariance matrices ($R_1, R_2$) are singular
  • The measurement is augmented and the measurement noise has fewer degrees of freedom than the number of measurements
  • (Under specific technical conditions) The dynamics is augmented and the dynamics noise has fewer degrees of freedom than the number of state variables. The technical conditions are easiest to understand in the linear-systems case, where it corresponds to the Riccati equation associated with the Kalman gain not having a solution. This may happen when the pair $(A, R1)$ has uncontrollable modes on the unit circle, for example, when there are integrating modes that are not affected through the noise.

The error message may look like

ERROR: PosDefException: matrix is not positive definite; Factorization failed.

In such situations, it is advicable to reconsider the noise model and covariance matrices, alternatively, you may provide a custom Cholesky factorization function to the UKF constructor through the keyword argument cholesky!. The function should have the signature cholesky!(A::AbstractMatrix)::Cholesky. A useful alternative factorizaiton when covariance matrices are expected to be singular is cholesky! = R->cholesky!(Positive, Matrix(R)) where the "positive" Cholesky factorization is provided by the package PositiveFactorizations.jl, which must be manually installed and loaded by the user.

source
LowLevelParticleFilters.combine!Method
combine!(imm::IMM)

Combine the models of the IMM filter into a single state imm.x and covariance imm.R. This is done by taking a weighted average of the states and covariances of the individual models, where the weights are the mixing probabilities μ.

source
LowLevelParticleFilters.commandplotFunction
commandplot(pf, u, y, p=parameters(pf); kwargs...)

Produce a helpful plot. For customization options (kwargs...), see ?pplot. After each time step, a command from the user is requested.

  • q: quit
  • s n: step n steps
Note

This function requires using Plots to be called before it is used.

source
LowLevelParticleFilters.correct!Function
ll, e = correct!(pf, u, y, p = parameters(f), t = index(f))

Update state/weights based on measurement y, returns log-likelihood and prediction error (the error is always 0 for particle filters).

Extended help

To perform separate measurement updates for different sensors, see the "Measurement models" in the documentation. For AdvancedParticleFilter, this can be realized by passing a custom measurement_likelihood function as the keyword argument g to correct!, or by calling the lower-level function measurement_equation! with a custom measurement_likelihood.

source
LowLevelParticleFilters.correct!Function
(; ll, e, S, Sᵪ, K) = correct!(kf::AbstractKalmanFilter, u, y, p = parameters(kf), t::Integer = index(kf), R2)

The correct step for a Kalman filter returns not only the log likelihood ll and the prediction error e, but also the covariance of the output S, its Cholesky factor Sᵪ and the Kalman gain K.

If R2 stored in kf is a function R2(x, u, p, t), this function is evaluated at the state before the correction is performed. The measurement noise covariance matrix R2 stored in the filter object can optionally be overridden by passing the argument R2, in this case R2 must be a matrix.

Extended help

To perform separate measurement updates for different sensors, see the "Measurement models" in the documentation.

source
LowLevelParticleFilters.correct!Function
correct!(kf::SqKalmanFilter, u, y, p = parameters(kf), t::Real = index(kf); R2 = get_mat(kf.R2, kf.x, u, p, t))

For the square-root Kalman filter, a custom provided R2 must be the upper triangular Cholesky factor of the covariance matrix of the measurement noise.

source
LowLevelParticleFilters.correct!Method
ll, lls, rest = correct!(imm::IMM, u, y, args; kwargs)

The correct step of the IMM filter corrects each model with the measurements y and control input u. The mixing probabilities imm.μ are updated based on the likelihood of each model given the measurements and the transition probability matrix P.

The returned tuple consists of the sum of the log-likelihood of all models, the vector of individual log-likelihoods and an array of the rest of the return values from the correct step of each model.

source
LowLevelParticleFilters.correct!Method
correct!(ukf::UnscentedKalmanFilter{IPD, IPM, AUGD, AUGM}, u, y, p = parameters(ukf), t::Real = index(ukf) * ukf.Ts; R2 = get_mat(ukf.R2, ukf.x, u, p, t), mean, cross_cov, innovation)

The correction step for an UnscentedKalmanFilter allows the user to override, R2, mean, cross_cov, innovation.

Arguments:

  • u: The input
  • y: The measurement
  • p: The parameters
  • t: The current time
  • R2: The measurement noise covariance matrix, or a function that returns the covariance matrix (x,u,p,t)->R2.
  • mean: The function that computes the mean of the output sigma points.
  • cross_cov: The function that computes the cross-covariance of the state and output sigma points.
  • innovation: The function that computes the innovation between the measured output and the predicted output.

Extended help

To perform separate measurement updates for different sensors, see the "Measurement models" in the documentation

source
LowLevelParticleFilters.debugplotFunction
debugplot(pf, u, y, p=parameters(pf); runall=false, kwargs...)

Produce a helpful plot. For customization options (kwargs...), see ?pplot.

  • runall=false: if true, runs all time steps befor displaying (faster), if false, displays the plot after each time step.

The generated plot becomes quite heavy. Initially, try limiting your input to 100 time steps to verify that it doesn't crash.

Note

This function requires using Plots to be called before it is used.

source
LowLevelParticleFilters.forward_trajectoryFunction
sol = forward_trajectory(pf, u::AbstractVector, y::AbstractVector, p=parameters(pf))

Run the particle filter for a sequence of inputs and measurements (offline / batch filtering). Return a solution with x,w,we,ll = particles, weights, expweights and loglikelihood

If MonteCarloMeasurements.jl is loaded, you may transform the output particles to Matrix{MonteCarloMeasurements.Particles} using Particles(x,we). Internally, the particles are then resampled such that they all have unit weight. This is conventient for making use of the plotting facilities of MonteCarloMeasurements.jl.

sol can be plotted

plot(sol::ParticleFilteringSolution; nbinsy=30, xreal=nothing, dim=nothing)
source
LowLevelParticleFilters.forward_trajectoryFunction
sol = forward_trajectory(kf::AbstractKalmanFilter, u::Vector, y::Vector, p=parameters(kf))

Run a Kalman filter forward to perform (offline / batch) filtering along an entire trajectory u, y.

Returns a KalmanFilteringSolution: with the following

  • x: predictions $x(t|t-1)$
  • xt: filtered estimates $x(t|t)$
  • R: predicted covariance matrices $R(t|t-1)$
  • Rt: filter covariances $R(t|t)$
  • ll: loglik

sol can be plotted

plot(sol::KalmanFilteringSolution; plotx = true, plotxt=true, plotu=true, ploty=true)

See KalmanFilteringSolution for more details.

Extended help

Very large systems

If your system is very large, i.e., the dimension of the state is very large, and the arrays u,y are long, this function may use a lot of memory to store all covariance matrices R, Rt. If you do not need all the information retained by this function, you may opt to call one of the functions

That store significantly less information. The amount of computation performed by all of these functions is identical, the only difference lies in what is stored and returned.

source
LowLevelParticleFilters.forward_trajectoryFunction
forward_trajectory(imm::IMM, u, y, p = parameters(imm); interact = true)

When performing batch filtering using an IMM filter, one may

  • Override the interact parameter of the filter
  • Access the mode probabilities along the trajectory as the sol.extra field. This is a matrix of size (n_modes, T) where T is the length of the trajectory (length of u and y).

The returned solution object is of type KalmanFilteringSolution and has the following fields:

source
LowLevelParticleFilters.interact!Method
interact!(imm::IMM)

The interaction step of the IMM filter updates the state and covariance of each internal model based on the mixing probabilities imm.μ and the transition probability matrix imm.P.

Models with small mixing probabilities will have their states and covariances updated more towards the states and covariances of models with higher mixing probabilities, and vice versa.

source
LowLevelParticleFilters.logsumexp!Function
ll = logsumexp!(w, we [, maxw])

Normalizes the weight vector w and returns the weighted log-likelihood

https://arxiv.org/pdf/1412.8695.pdf eq 3.8 for p(y) https://discourse.julialang.org/t/fast-logsumexp/22827/7?u=baggepinnen for stable logsumexp

source
LowLevelParticleFilters.mean_trajectoryMethod
mean_trajectory(sol::ParticleFilteringSolution)
+mean_trajectory(x::AbstractMatrix, we::AbstractMatrix)

Compute the weighted mean along the trajectory of a particle-filter solution. Returns a matrix of size T × nx. If x and we are supplied, the weights are expected to be in the original space (not log space).

source
LowLevelParticleFilters.metropolisFunction
metropolis(ll::Function(θ), R::Int, θ₀::Vector, draw::Function(θ) = naive_sampler(θ₀))

Performs MCMC sampling using the marginal Metropolis (-Hastings) algorithm draw = θ -> θ' samples a new parameter vector given an old parameter vector. The distribution must be symmetric, e.g., a Gaussian. R is the number of iterations. See log_likelihood_fun

Example:

filter_from_parameters(θ) = ParticleFilter(N, dynamics, measurement, MvNormal(n,exp(θ[1])), MvNormal(p,exp(θ[2])), d0)
+priors = [Normal(0,0.1),Normal(0,0.1)]
+ll     = log_likelihood_fun(filter_from_parameters,priors,u,y,1)
+θ₀ = log.([1.,1.]) # Initial point
+draw = θ -> θ .+ rand(MvNormal(0.1ones(2))) # Function that proposes new parameters (has to be symmetric)
+burnin = 200 # If using threaded call, provide number of burnin iterations
+# @time theta, lls = metropolis(ll, 2000, θ₀, draw) # Run single threaded
+# thetam = reduce(hcat, theta)'
+@time thetalls = LowLevelParticleFilters.metropolis_threaded(burnin, ll, 5000, θ₀, draw) # run on all threads, will provide (2000-burnin)*nthreads() samples
+histogram(exp.(thetalls[:,1:2]), layout=3)
+plot!(thetalls[:,3], subplot=3) # if threaded call, log likelihoods are in the last column
source
LowLevelParticleFilters.simulateFunction
x,u,y = simulate(f::AbstractFilter, T::Int, du::Distribution, p=parameters(f), [N]; dynamics_noise=true, measurement_noise=true)
+x,u,y = simulate(f::AbstractFilter, u, p=parameters(f); dynamics_noise=true, measurement_noise=true)

Simulate dynamical system forward in time T steps, or for the duration of u. Returns state sequence, inputs and measurements.

  • u is an input-signal trajectory, alternatively, du is a distribution of random inputs.

A simulation can be considered a draw from the prior distribution over the evolution of the system implied by the selected noise models. Such a simulation is useful in order to evaluate whether or not the noise models are reasonable.

If MonteCarloMeasurements.jl is loaded, the argument N::Int can be supplied, in which case N simulations are done and the result is returned in the form of Vector{MonteCarloMeasurements.Particles}.

source
LowLevelParticleFilters.smoothFunction
xT,RT,ll = smooth(sol, kf)
+xT,RT,ll = smooth(kf::KalmanFilter, u::Vector, y::Vector, p=parameters(kf))
+xT,RT,ll = smooth(kf::ExtendedKalmanFilter, u::Vector, y::Vector, p=parameters(kf))

Returns smoothed estimates of state x and covariance R given all input output data u,y or an existing solution sol obtained from forward_trajectory.

source
LowLevelParticleFilters.update!Function
ll, e = update!(f::AbstractFilter, u, y, p = parameters(f), t = index(f))

Perform one step of predict! and correct!, returns log-likelihood and prediction error

source
LowLevelParticleFilters.update!Method
update!(imm::IMM, u, y, p, t; correct_kwargs = (;), predict_kwargs = (;), interact = true)

The combined udpate for an IMM filter performs the following steps:

  1. Correct each model with the measurements y and control input u.
  2. Combine the models into a single state and covariance.
  3. Interact the models to update their respective state and covariance.
  4. Predict each model to the next time step.

This differs slightly from the udpate step of other filters, where at the end of an update the state of the filter is the one-step ahead predicted value, whereas here each individual filter has a predicted state, but the combine! step of the IMM filter hasn't been performed on the predictions yet. The state of the IMM filter is thus $x(t|t)$ and not $x(t+1|t)$ like it is for other filters, and each filter internal to the IMM.

Arguments:

  • correct_kwargs: An optional named tuple of keyword arguments that are sent to correct!.
  • predict_kwargs: An optional named tuple of keyword arguments that are sent to predict!.
  • interact: Whether or not to run the interaction step.
source
StatsAPI.predict!Function
predict!(kf::SqKalmanFilter, u, p = parameters(kf), t::Real = index(kf); R1 = get_mat(kf.R1, kf.x, u, p, t), α = kf.α)

For the square-root Kalman filter, a custom provided R1 must be the upper triangular Cholesky factor of the covariance matrix of the process noise.

source
StatsAPI.predict!Function
predict!(f, u, p = parameters(f), t = index(f))

Move filter state forward in time using dynamics equation and input vector u.

source
StatsAPI.predict!Function
predict!(kf::AbstractKalmanFilter, u, p = parameters(kf), t::Integer = index(kf); R1, α = kf.α)

Perform the prediction step (updating the state estimate to $x(t+1|t)$). If R1 stored in kf is a function R1(x, u, p, t), this function is evaluated at the state before the prediction is performed. The dynamics noise covariance matrix R1 stored in kf can optionally be overridden by passing the argument R1, in this case R1 must be a matrix.

source
StatsAPI.predict!Method
predict!(ukf::UnscentedKalmanFilter, u, p = parameters(ukf), t::Real = index(ukf) * ukf.Ts; R1 = get_mat(ukf.R1, ukf.x, u, p, t), reject, mean, cov, dynamics)

The prediction step for an UnscentedKalmanFilter allows the user to override, R1 and any of the functions, reject, mean, cov, dynamics`.

Arguments:

  • u: The input
  • p: The parameters
  • t: The current time
  • R1: The dynamics noise covariance matrix, or a function that returns the covariance matrix.
  • reject: A function that takes a sigma point and returns true if it should be rejected.
  • mean: The function that computes the mean of the state sigma points.
  • cov: The function that computes the covariance of the state sigma points.
source
LowLevelParticleFilters.prediction_errors!Function
prediction_errors!(res, f::AbstractFilter, u, y, p = parameters(f), λ = 1)

Calculate the prediction errors and store the result in res. Similar to sse, this function is useful for sum-of-squares optimization. In contrast to sse, this function returns the residuals themselves rather than their sum of squares. This is useful for Gauss-Newton style optimizers, such as LeastSquaresOptim.LevenbergMarquardt.

Arguments:

  • res: A vector of length ny*length(y). Note, for each datapoint in u and u, there are ny outputs, and thus ny residuals.
  • f: Any filter
  • λ: A weighting factor to minimize dot(e, λ, e). A commonly used metric is λ = Diagonal(1 ./ (mag.^2)), where mag is a vector of the "typical magnitude" of each output. Internally, the square root of W = sqrt(λ) is calculated so that the residuals stored in res are W*e.

See example in Solving using Gauss-Newton optimization.

source
diff --git a/v3.12.3/assets/documenter.js b/v3.12.3/assets/documenter.js new file mode 100644 index 00000000..7d68cd80 --- /dev/null +++ b/v3.12.3/assets/documenter.js @@ -0,0 +1,1082 @@ +// 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); + }; +} + +/////// SEARCH MAIN /////// + +function runSearchMainCode() { + // `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)); + + // 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} +
`; + } +} + +function waitUntilSearchIndexAvailable() { + // It is possible that the documenter.js script runs before the page + // has finished loading and documenterSearchIndex gets defined. + // So we need to wait until the search index actually loads before setting + // up all the search-related stuff. + if (typeof documenterSearchIndex !== "undefined") { + runSearchMainCode(); + } else { + console.warn("Search Index not available, waiting"); + setTimeout(waitUntilSearchIndexAvailable, 1000); + } +} + +// The actual entry point to the search code +waitUntilSearchIndexAvailable(); + +}) +//////////////////////////////////////////////////////////////////////////////// +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/v3.12.3/assets/themes/catppuccin-frappe.css b/v3.12.3/assets/themes/catppuccin-frappe.css new file mode 100644 index 00000000..32e3f008 --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#292c3c;border-color:#ca9ee6}html.theme--catppuccin-frappe .admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#ca9ee6}html.theme--catppuccin-frappe .admonition.is-todo>.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/v3.12.3/assets/themes/catppuccin-latte.css b/v3.12.3/assets/themes/catppuccin-latte.css new file mode 100644 index 00000000..63160d34 --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#e6e9ef;border-color:#8839ef}html.theme--catppuccin-latte .admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#8839ef}html.theme--catppuccin-latte .admonition.is-todo>.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/v3.12.3/assets/themes/catppuccin-macchiato.css b/v3.12.3/assets/themes/catppuccin-macchiato.css new file mode 100644 index 00000000..a9cf9c57 --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#1e2030;border-color:#c6a0f6}html.theme--catppuccin-macchiato .admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#c6a0f6}html.theme--catppuccin-macchiato .admonition.is-todo>.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/v3.12.3/assets/themes/catppuccin-mocha.css b/v3.12.3/assets/themes/catppuccin-mocha.css new file mode 100644 index 00000000..8b826525 --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#181825;border-color:#cba6f7}html.theme--catppuccin-mocha .admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#cba6f7}html.theme--catppuccin-mocha .admonition.is-todo>.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/v3.12.3/assets/themes/documenter-dark.css b/v3.12.3/assets/themes/documenter-dark.css new file mode 100644 index 00000000..c41c82f2 --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#282f2f;border-color:#9558b2}html.theme--documenter-dark .admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#9558b2}html.theme--documenter-dark .admonition.is-todo>.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/v3.12.3/assets/themes/documenter-light.css b/v3.12.3/assets/themes/documenter-light.css new file mode 100644 index 00000000..e000447e --- /dev/null +++ b/v3.12.3/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.is-todo{background-color:#f5f5f5;border-color:#9558b2}.admonition.is-todo>.admonition-header{background-color:rgba(0,0,0,0);color:#9558b2}.admonition.is-todo>.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/v3.12.3/assets/themeswap.js b/v3.12.3/assets/themeswap.js new file mode 100644 index 00000000..9f5eebe6 --- /dev/null +++ b/v3.12.3/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/v3.12.3/assets/warner.js b/v3.12.3/assets/warner.js new file mode 100644 index 00000000..3f6f5d00 --- /dev/null +++ b/v3.12.3/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/v3.12.3/beetle_example/4310dcba.png b/v3.12.3/beetle_example/4310dcba.png new file mode 100644 index 0000000000000000000000000000000000000000..2b7c58b89181de9238aeae0a9cb4479e1369b54e GIT binary patch literal 59684 zcmb5Vby!th^ev3!0V$F05|HlBLw5**bV*Bhcc(~6OP7FvbO}hebT^1}_qTX|_dd^e z|GO9U5s!y`_FikwF~=Blt_T$+X*3i<6c`v7G+7x5H5ix|=im<`1Qxu~G&h|M{z5dC zmzIEedj6HuT9gO_Lk=S=A*Sx0@z2LC183^yF>S$Xu5}?rFIms?XgH9P@)CuOGMvUZ z0#ROFrCe)chEP5_(gORnEG3Og)+1%Gp@bE_O2p9KqBKgew`gpEY zfWvKjXvk~%tY!4BErT2q900y@&BdHsl>MK-rMNQuo%#F{QXqjFA|hfaDa34%03RRU zlRVYI+|bZ)H{k#J4eQrLSLRtBzs+h~+7#K-1i5LuV5(k-{5FL1jdq|%y*}YNe7fHe zAtE9YSfRmOvGkJawFAn1UHPQ1OAckfH{XgFdb?+TKItC67&hYSX?;WEO zg-pT3a5@hL5%)j$YzQ1&*V-C2$DvXY2Vo37cI1W+Wf97V;F&`9s9VcuU_iiHRi_2P z|MSy}U>ys#yX?Qe*VWP4zq*T?!1EByfzysru*w^?e^zzohHO9NMjf5CC6_p8BS zBh-`}8zqL2i#|#271Xw2EtJc88WY;~c)K4b^2l4iayMt5&7@UDUf)X{+-+Q~nkUt> zaq_>e(J7nU?c7pjJ@egd*~5HyEcaR?Z~Wg}jWp#=&u)c5`?3wUf#+U9?*{zy_W8cp zZgj&*N=ky$PLQF-Wziox6MWbo$rKQ|Kki~_yEfh)O1oO|6QQ6^kYW7rW3#+wO5oz_ycs#`m>tge|vARgdZFAo;n zhPh_`OikfnV+&r+nv`i)>Nh!;3~qhpu_G1k7n}z_KQ}gZTqN@F7As;XjYGOXt-1#Z zP8>sYB)WO!$e`LdWN@prq@?lq*Gr?-Uu(ywTZ66oN41ud^MoabP|R`+y+m|(M{g}C zgyQz)_erHYjcr;6&F`G}sKN1X-xaEBYMOtlRHu)TGNH!Wn=Hbh=(gdm)NPzNa2?z_ z{rdGQ!b{xyi%LJCjc5)C1&7&C!(r1tghJ%;dgJloPP0P0$3a&^V+yQbGK;|@SkShc z?R4wu@{<3)(uBM&LGaYHmD#PdZEbA{xE-F~J-jPaxVb+Y1#2M>ku92JX*q`a`ab4} z1>Ig9wSQXpX*pTgdNv|J=6x*o1U}^INW|~)-tX}&J1s0yg0iyxv8l(ne{_^Km{GfS zxAkh-1VB+P5;@QBhmHU^aB%_w*MF;>K`UNIt*@x0z!TD9MNBFQRFs$7bcersjuwHV z7N@lkyzR|>U&P)dLC=2{!2p5G78@L{`S4L)+Z^=t^!PKg1U=XvOegYXuU|})EnGi5 zR-5!rd}40e{btCzdv;@GWpymu?)xxLcojp$GxC+o`d2XWn>TMRE-rFaAlYT=^s^Sw zaHXP`h(UqmT8zodtzH{lrKP3i;#}O^r-C9N25? zyFVGicwS>u_D07oxoRz4J-r98xZAT0*@l=A66(5IYHF0YQ8SeWEQ$R;xL-&0IH$L? zv?!)?I}l4h(L(~|3Vvu;R2`YsG#=myJ>8#yIKDday%K=-IgJWk?G8$8|Oxlp&? zpAHgmm~|xU*>@tObAS3f*JCm`FyMN)Xj!cl*lFnEasg25u;pw-h8hZ)Yj!)@9!{_M zNhadkqEzIynIOG>(m)Ooc{ra0!NC{X{I|4>)aQI$f^vLptjc+B;-^8r3LVG|S_l;6 zSy^S<{LKfDR7cBRM@y|ur~CGUhJ|>A^EA z9|5px^SLXW+ynV#p6!#2c?!~D#eE|N0B@`3Mbp901wtaC8l`Q3Xf2oX)?jVv85r;w zwE&DWL&Ftli1-|-mkJHqeWmgeFn_q87?-H?gB*#Bj7+y}+5-zl85}P0ZLKSeitv6~ z$Bs$A#eK6cAwed;yc|_6TY)-JwlG{|p7&7sx+FBwr{fJ4@)is~?92ma50lPMuvWJq ztI~zMxG6T*qgY5eEyms{3%P)VQA%UqI&40o2|gACap(GPmd$>(qkQQ(MP2^>IX!i} z*VfVsKQ^QZ>?F7Orc`w1*;@WVdL}`sXiuEgd?X_>5=DVSuRF~=>t;+GBh&YGPkQGc zzAvKBFM?P!rOOw1Q9bIVGq1qTr6ea~L8anIV+?wu32J=qT)k~;=8khG_Y{gIXW3s$ zZP|uPiCj_cPm=}D6#4p4riy)!3 zUi_k8{yY9oEX>TLTvphq{1lr-*}j2l_P6JI*}k`L9nVE>HWMRW(+0K~@+PMWdYraD zUR3T^w)^f)6o3*K)NjhaY~J0`Vb2&(R5$ebjr{lK!=?(IdTuVRPs=SgNt*f;!MdPI zj0&C&MH6s@q7fn1xhS>mtBd;hv`Xc@rK96rB+=2j(=Z7X(m~NTc`_tlUeM7IFxb4qLm{VjMtUkz%?l zU zTkjB8u-+-LYjHn#`_1EQdpMQNq$?C{Foor4rCo%g+pMPbdOb?J;__@%q_VucWi{|6 zc-CgW`wcP<^O5Hys-6L?M~HN^{psOI;ILt%wCp?7FAh)N-3aV0cXYzn2Skm8GS(XW38pfQ%Te@GQG;fNviD)r@{kPtW$)CV+9=< zg@qL2p{wG3xRR8rX8Uojs_)-(1BiOo4ryeEEA1<`^|Xnyrly=cJT<1UfVMmSa60To zJ!*ey8{L_-ssokf&{#I|^XJci7cuHKuoA}D&evMb{rE^X`W&Ed!!uQAGP#JxF(u$_F@&#IV+9WJ zSq(+S#5x%&TVUCDKph010vHQORY1s#TRA}S0nvU0eqY`_5b@ZSmzL5qGIo!jdkR4t z5D*Z+W_|#9*o7g&m>}~zmPEj82tRg1_;xq%=4?k(Lqjox_XOmN312ZtHfq|CuBHg& z*EB64r7~xdb2mfPN=!q#V&4GqGt^7!g({SfA4{rq$^V{~L@DHjc`Yg&9H6A|9EZ=j zDug-I!0}8UL|HdRIyySW;5wrP{?9kiW{)iGob_*=ZusC9p^V8yf!)sUk~LcdL|xS} zYONTG2_L%wpx6 zd+#KaX#V?P`@lfFYwT>AU~fJ`}L^Pqf->sI=wnu z$RS0CAdsw~uhEGZ(?!be{_=F0Ywix@Q}&+=n{PPfK}B+%hcJ?vdaurvQ2yspj46^M zMcN*3-k2}iscqLiSU?BYudn*9#aXLb_j zM~j{gO64CN4hH5&-2;?Q%Vnel3^TxfbRh>TPFFk$U2mC~Gyby(YWpqRdeN$%aT(08 z?%{Ao#Bk*|OQ>d9)x7@O)m9;7R;y+733H#p_@!}32Yu)KNvn|WIL=+8kL-`Ye*Wz6}kDb)- z*Ki%rB06*%QxEJLVW|R?{8waT5et&W2gf zw|~;>B+{}Shg3=Ac~QIk4&BWlLgs!m4MULg2E*WwpAWXu!7gPyzAcYSUlppmR$PkX)tNBpH&x@ z*(k*OUtIU1kAyQY@8fDe1@7r*SEB$P zt(S9kSL0pb=#lToK^>>Ck*04?l74fS`nGYS&)Lw$2Fr4MCeptDy^_@XIK9ZX_EYmg z)Ezt}(DjzLk3*5NOCpaQ_rA)R7dcwgZFa*ZvEgNRNP@7lzhcwKp0*DTj@;VjR<6Fc zfd6_)`|$V>Wk9CM|M%C|Jt9UvbjbfaY;@IBTUY)N9(=BX&S`fVMsdEJbzj?0%T_Jw z!)$}Z#7a8#v_pKa$^0MHD`c-7Ha*X1^f7lUFCGhv+WZ_$$K(ADo}4wh=7kO)R_biJ z;gcg&DDOuux9l>X*1?*~arF?dMWgt{R9hYT**9>T%yH`pq-M>3E;G1gQH!dh zZ+y&64;%WMT(s75j9rYj!<4fxRGd0m`kT0hizL^H8Q4qUr(NKou(3kasVRb^=?DqsdkjR5o;s?|=W)-068%xX`BCuuxZdkiEVa%=GWN^T!)yBX5VvY!Ec{ z!$iIh{V}q_b@uD9LAoN1-ir)7!e{mJ%ih=LUc$2%apg;zT;)PFn%rn_@CHG80cxO2 zpG;0T2mo~xUvPAijL?T^U)xt}>AFHT&F?69AqGWg$!6PM-VD8AlPJKA-Ll#AxoitJ?`qzaz6uWqWt&VGV9Df@)?!wdfe zo`LX7WdGCR)d~QDh0JDY9E`5hUt}0VkDF$%Xd??uFq9sfMWJ>^T%G+(L9^7rGzA#-LDEmBpW7>3gxh2CZ zZxTsUYHix8z*2OeBT&kJ9hc>6P|!A$;kUwWy=6BcC}O@l#BggM0l8^9X|67y!c)5T zsi^mjFIm}LH{y9X!q||P#$dw#bC`DT+Fj?jcwIy=^{#&YrvTNV-<0nycpz-7o^jIu z0WC+=SfIVr$RU&oeZ)VKE#+)UxsDn#`iBBi7B9DcrEotL=<589L-G~6MrqVCLz`>o zvTJai9il*h`zdgB@B1$XU@58aLl#f{!^Mb0{TFL_uv`i+1sn3j3Lo**l^N92v+mYh z@UNbxDzgO6HPx!IT^Mk%dO%DtLFQE7MZU#J1mWQ0ab`dW$0Qd4rAWr$-bxL%!uzkd zZjuuBQhc>S*S_1?l0tTZ9~Q{S}=^YiAr?VLBCqkX5YV;I&6G}-CTbpEJm>=d#6 zG~EPvcDcKEbup1Nbw}vr5kj(2OypKMLj-}Rr>Ac?{7451eFo#~+M)^C+-SvDp!SdW z-1V)=3N~OX6r7&&1t1h4x{}NNgnMZ56kANfzqdmvk8Z{CDP^DT+c13YYPoFu90!c8 zZkxlS?y`6a-6cwXrc&vWiEpjxbtF)xSfv5^6Djcx_)ufYhwV>~z^DL%!>uo#0u2p~ z@1FU&bcEQmPkavzUe9Y~FjzXBUMeGNvK!7D3BQ}I!VK#k`z4ka751?5rK&X{7`ICHq0G%Q7bTj%a#TXcx z0qMnK)@|^V#>>*8Pj3GRQ&(8twc;t$a_iJ99{BvO z`X!cN>TEnW+jZd-ht-|ozSfNpw)`CqyX0jhf%ixB(H#pa^WP5vNTjL290P9G9xc!` z?VF$F2L=Wp6!nXagU4%KCe^7>hd(CWfQ;}32>ew%?H|%jw@c?~sXkarmmXml$6h|W zpn5nheLB9Na*J)X^h7-Q(c9XtX5c&1pcC8smgC-U^LK+CFt{FWFMx_{zL?h83j+&i z^83E!9(Z-KG>N!T1xSYvtl8tNVH2gI=wSes6q@ z9`-@-QY#ScnoUX*Q7}`fNbM~&T!#9yoKs?VDzf>XPw{*C#wBlTn*EkuCpDcaUVhs8 zI-x=*0eKaEeBHFOX*?&hf$4o3mQZh8+1%!VnGK`EC^Eb&#C4WPg*bX9IO;^4@=>QL zF7W|blMee2#UTXTC=i073N#Bql@uzbU;dk;N{|6IfS;c0+{ciR5aDc$h2X9=cR_u1 z^*^pxV4r~ccDTPj$@C5(hY-dT-W3guNj`Tcb_e{6)JmNB6}2@s!ya%XW;aShIMXRH zF}{D&Hz;N=KzQu5%Od>1c^>%!Px$BIlPxjZ&bO~;uDot6x@TJP!SbAv`@`v*ST{r* zS%duLauw(_UF-#@2Z`%@-THP1Chu@b)ktP>x;Gr|$&=)qn)Uf`vW|)IuYlZ+Bj!8p zCG(>W=FL>9)@m^y%^GBGezre>RDAPuuF6Q<($dmst$I+|#BkRLScNGS z!?hxnuPRgR1!XLQ8XjON7WA%Hniv{?2a(cl-Bx}SOTZlK0=iDKcva zNvrYji?fLXvPF@bSj~FIrNddDyVMmdsJqy8=~{Yo?~|=Xr>N7Ib}5r^*=a4m-NuKc zqH&VSUB7WRCL+8Fz0bJUH3GXjdf%A8KHccuM79`UG<{Qf$C~Tx%u~q;d@{AS)mqUE z{DiebCH};;Y|l>B7i4-mIv|KxvcNwuMDFc@@&W?c&9*%XNL6uZ&T4W|X2-_=lF(aKE1 zw`vK!&8V9@!aLpNE7-<=tn5Mal9UPIQh9sM+RQ0b?`MYLvVQbcJG5_qwPyDt0jLy- z!{B&_13=+Jjs`x07%Nf*D8;(>FVh?5ettTP{}7B>AW?0x9vIf{wH>XWXw~WxmtDOZ zpT_li@OLaD;k@kn=tYj|O8#a8eJ+a4TcdWGVBPtnd(EFM5A)Ln8&T3|BSgoe4^Mn$>$OVC z6ultg6J&xhzp0h*r>J&x?sy0%$jlyGT5y(5?oI4DgZoMa_t>Zl90T51d1|a`Ed^>U zpsMq7&yS2i|8iEBm@7RFeVgAQ91L{Qx3e|v+m5#1R{l< zAal+B-j&IVJuP@ig!-j(q<;)-R|NXkjtMG`56cTTSN(4`x?#ikqJQ)oSL5HK`aWC* zJhfI|EQwOOkIpU}BZs@+DFxD;ry{c^1-2f#g03@;(eJevvkvYBO{7F0-H1i8n%T_*P_Y2p)%22*jtY{ z-8B+s&?@I0r@)PRCAFVGI!9ZV%@FRLZ(OCz92P(m+_8Kj_;mIrsz1A)`R>f)X=e2k z;WskOxZW*CkHUvQ&DekeP7ki%rNe#;5C3}>fY1cTxCS8C25-XzALrq!GA8Vs;Eu

ff%c(1`9Jmm*LuHY=-<|Y`2$O7>j4F9ZNPc0}k}FVS#I^hR zsf_!aSq-;XEs{|cjRHQFW4rw)T*y6*ghi*p&SDu3JOyc-cu%o9JzuP~rR9ldD|?y( zeNyt5FV3}8-&HZ;QwFET##9Up$YP|n92>z!>9CEfwTdPYU|*D|Te0G^qS0ZaC@7uN z7x&=7QzXe<$Y8AYbsz=?tThtD5TCV9lMyH{qfOzS>|s#sKQ(^ z`?M)BVW`BRjG0Q-b=vlmIaI5SL0d4xF$TyK#?`#U=$fq6coi99dW?fH>lY5} zd4Y|os;Wwh4t5yC6EV5~aV#(z-34QfV{$w}OXx4AJ#h*bpKQT|Yh1*>B&<4mywU&B6V8m&oN%_LqyojJW5333IFjTx_jY1}*9;=CY0jM5ZvA@KI9orbKWaY3fNfmB!#-NtMMYM^rrV4{x<@?;sG%&ZGu z!^#oGWCPO79t(!wBDHkm^dM8Km`bFa+~((}R?o4m*K*P<%a`Y#z1wY}!mVElnp^Gy z*D#GEA|%!qw$X5!*z?rM;(FheU^lo!LB%+~@dh2wO+*`>-$+>4#i+p2q)dQ>bs=Gp z3c4TXbgl6+E+DnNNmKZ3T<*my#Aiu8^1HTS6hq&9+)s@g6{|$Deoh`60Cn(kJSTyVySxg zTiht8yQu&P(Kj0X-9JR4n-3l;$SUe8MDm=!X<_-RPs63+ziiZEv0hI@8wU_kD8i9QJ>nK@HQI#1Q~*yMB7!hxcq;&CiUI$2p+O}W}r z!MHJ7{>(zYZ=dQrZNTkR{W-pS=wsIaKNs>Xj|DnXv2tW*V^ce4!<`c3FjY2UfTk)Ri$NXWMVZb*PI%j?osuksneRJMM`+sk2)3_QPy-e-? zq!h6p3zDHp)9m+V7_ezjhI0`PSKjJ3xt~pnz}IWc4g!Nwg52b#^nfXQff@mN*p!tE zdm7jaCMNJq;6>nXn6e{7;ex@-@GexiQ5z=>!1$2LBaI7tE-I`4>aCq>KKEeeN?K_o z3x`oA$px4z7fqssz*eiI4+Qp1S zHPTe*zywLHc7+z>cl9sIGua=~=-FQ1`DGdytn66D+N;}!7w3)ch^KR8Dk0s%LSHp6 zp$qX6dqZW|(@^1Ig|k^m;|5LHHxGM3gVxxdJ{gGts?9*=&u{0pX~|wXvmcVCM2&?Q z^g_Q;h8i|)()B$|JA78md%_$82@Pn@(C*da>8`KbJxX`bfOV3vF@?UFJ5|jZk(|gVy9v%Ur9k%se zt;@H!x9apE_c>airuO6z9~B=V`Q|(dOuuk!Bz6>EL|3`zWwRh#<61ayEm0>#MFfr7 z_395_lmtmJ;9<|NXBlhyqIH>B7#I>|sK+h-tl7H@l4kAr2ph1c{n>M-Q-u+-Fk=i> zbJg2p@uc@hdjV=+ONVns%oT1%SM_*183A7HVBOV7C9a6qB~_3joa6yXC*BzWj^_|@ zUwRnYn_wU<+`CP>#V1Z`C-<-;By8&iFd;xvqz{LZ7im`{%N2lWhh3>*hYYonFEZ2s ztaDZ1VL?lM?d%3Lw{@BE)NT^{^C$O$KaNhcbfNW%?N)-pB4Ttv!dms?lnq0S){!at zO()juCGu437towQ*H)}fTo7(O3llob_C=7_sB8+wk8B8o0$w6sspwtVlv&N((N&%x zbz}k#9$xzJb^sjGy23H5p(miq;gycWcrj7{^YXt*+aGx%K9|_s7b0J z7t_K?J&N8OP!S%+!g;@7sKQa|31esoV}7+za=dm-&|*Y1IRJZx9@b-w90IM@LM=xy zrS@$n8-RvDRdsbyS3cy8gUKvW@>SPnfb*b5#5-chYD$AUzWzdRG$`hU0|qXHLXHuk z%7+m*s2W5AxEho&dlWnjTmVe31JIqjknpZR9omXhCl$JUuAsNX=u}@(2&HpXEI0{c zq=G!cG1na%hszGV>aEXUZ7gQQlC+hC3Phin#shdi8yI<@)~5n=TY2lNy{m z;kRmd!ambMYo?pP+}5A0MgLUN)!!%WrFjY~QsC&A*M3tzFsXWkCoJHObIj3qNgZ4~ z_1B*FpEEz`dzZg28#Z&|&kPWS@ht;Q@Dg>~`h|@X5FnpFW8v$zuVkmB?3}nmbK^&M zoOp>17sQG{#gE1hO{rC5OS8<**I)|D(CXF(hRDiMFFzcjCVdj1-VnWeUy%v9I_(Mt znjjS+eAMl&tu>4ATj))fL&oS%&B6g`9MVc)PPJ6ttEe8JH8yyodICQpZ6hbiArKB6 zxNejH2@L*|O~YQX_FjmObnWUj3Ro&)rm@3|C68XwU!h$_e=b10t6Zyoq#hFbM4IUY zzuxK9=DYc|Q&WkVjAgySPKR5#Zmnm}r!d(n@;#6D0#@z)#kU!WjNQ4I%0GAMhKrNX z+Xp=c{p?3Z3JE5S2itQryT|jH$pPAy`m-Yg?sC4$(YZ3h=_bm2G-xq~!YOGx z$(88D3`)#ZDwLoe)CAm<_u=X>r+_ph;7U_C?#_*;2qtGl9ghNyPYceQo16SPZ#G7E zGat_Sg_v7Dz=cg? zZ&WNSEcmF0b2a8*YUg;4jX?APb})RCWY#%J4ktpQ;|vqZ8_SVC4Ac`N?*4^m#ryQ^ zY>Wts^)f?4Q9qzM$5>bcQ9=TfS-VaST$`t?Lat&6=y0PbEFoM*|G^#@wOS1XKG5#1 z|IQ5&c~?IH;> z9pRvs3F43a9ScKxjf?|Ja;F}#5d!EaL9Ec~hmD;sdhygAj8&m?&sK1qoUF66Gew$2 zEynlsNu1>~woI=GVY(}&L0fQh)wf^Bj;^R$Ng27<3uqFN(~5zlLkB7gOcjFCj0qVNf13od zG3JXZy>jpYO)xy{3wlkYs6cWgZ>vrF=LhZN2B{J-JqkPwOq8}rvsm!m0NyJ3dmmUEHP79xm3Uqik5&vcG{B?=09&~N z%HW*cRH?l2{fn`F(`me}a`9NlQuyvW2nki$>aNcW#WR^3hh^+D;*^S5xN#f_xCuI5S+toqd1aI9+(G3SBTt(}_E= z{EJk>A>wMSq5TUi=pU=Pg@aIkB-y88SfG)>0MDz{ke=QTVCpspR*V|UftR?`P=!88 zn=v^#85cV=xSRB*7LpxkDxIxi>KM|sHkA5FdTQX?c=6~CKngl{6?OG5+1YVc9i(w! zBDb^6{1BRGC*TLuguJNO@ajYUQ#BHBJ)~cSHNzJkaV(>lYJ!0@yU{G6PD4yYN@8^I zP>KD)yC0g_bX3Y#jYN$B(Za@~4yL~O0-BE%ZALVDHBBcA`b|G16LJ4Jk?GdD_8*w| z3X~hhr|y?ZrmFCpLHAO{ZC!mY_{=r4l(cJha&I+T?Sv2`JWl$^vd|KZo;1x+faxn2fN5mgu%;0}^3hOeeUr@#J$Apz_ zmY@V{vg&QaP4p)+LgHIaPRGufk(>K@ZE__!M88s#5qA=nJwgKZ(`8jSMTJo30_+*m z_hRt21J{><@hK@tUu7!Z2NmR+k{oa=O`U(>)n&=2T2=km7E4b1TqEFNKM~70QGue= zV;n$46e00N?u~j-yv^iv{|8cng83ff6OfKS;VY8nPX})e;#r0lcKGa%X5yIJH_-|t z0`P>BBhP|0`>=!KkA~B~@A@UAzQ$m`V3@*YS$P-*faW+d1;Qs&A!;(n0q`Th{wm&! z3!(>L3eH(@Hi0?H_LY@OUM-?E`uH*U5Z>TrV4M7=j{k~rDTo!J;)!D0wq#pBXG5m~ zsI>yk>&=L?$P_TXm_9tcxM)+S4S-50TY?gJ5MUWyX@kkl{CUkmAn|7c97@FG1kU8^ zA_*52{Yt#?4M6dSxG|eD)n0%rYDX;{9p!y!O0=c)Df{yF4QFh zMs6Q4#SE$9ymaWm{Dcyt>37pkxco^=Fg<>D1Lk?Ak8JCS_F{qWxZ?q#o^O)}&Pdcv z5li}X>?l!PPot3RXP&s$$AfI)RRmv`je5{*3`)G%y&A>J6Vdr?W2=?~HZURN-xQ06 z^mS;bA!xn5D^b5*4h)11>LkaCh?j+tRbJ5X?a+ycY3D!4ln#r z4yo^l^;Pi{C>7+i`vVkW6sd7Ffyl|s4 zpXNF%nTxY%lH}SgwT~j3(gT^EuDZ&a_3muRobq(TDqH!==at7rxHsHhx2}o~#hwW1KfGv%v;|lAGWbL??_-&(1>hXu<`+ zUcJPr)${%6J2BitfMU9S>cUT=dwob;l@4++w^=lED%OTgdxt0`7XQ2W}AN~aI&?0nHJSW^djPC3Et zEZzfjbI*HxMg{U_@^}2)mx#`I5VW%v&TsR~7iUB&x2IVS4+l zdhQZgynbhH@cw6>=bQx)L;4L?L$FaK`7>P`b*<|7Sy+^FRdz2t zEtV7N77oS3xzI?*Z3*3CH!y8FDs%dpoH}g5(WlVE!0CUsWuC!H6czG+hEkBw(e>$z zr+-9hbqa+|z(v#d?K<<^I zKBliQ^TtL=fRg|{#?}7zGDVYMP7#nRtrF)SRP$0)T-dTtz!_&pg`@={N#j~D;+9ob zhOO!qP2K={Af`GWLP}7MSAh@ghdOO0iA2s1wR)m$5d!EqnAc=3 z+yMgTS5?Jlby(k}%o)czNap>oJu$_}iR`yjU#vHCFL*29X=}In^Gvcm3!NcnY94ch1&47Z6f)B?zOX z@|23;FyJ(r)k-AXaf!&oQL^$&N|00FykgdkE!Go|i|6-b10PaksKL)2xVkw?s$9dQ zhK}E&V-YecVlsubgZc<5T|0e)W+PZIr3QEu_n+eFgAdwxI2u9XE%O4ijbV^nvZa<^L@gZ)}k2 zh~q*D{;MMnrYn>OcG8b31^F67{uf-2@Qs{5*3M2(!5k_(Lk6$_%1=JB&q?jzT6gc2H#9%OMWCiJiESb+|<|ij?h5h=mXzP7 zZW}3GUbQAHVT1hQ*BP0nE&Jm>D+u9XL_3WQ!LeL6g|ObGGNq54s`MTB0H1UWs$m!B#sb z6j;_TQBcS~b+?KR^SZ+rnykL@kN)NCc)ThGF{?rcN9~T!7m}c^uK|g(h5wqIWB#5T z(;x9XKF3$wmgM=EVbe=i>JMb=Z-S3PduTpM$!Ra~vtGD!0C#hA2Tmk!+yX*z&ERN$ zdUgiB*M6I`31gEil~;l`{Z#iz=7!enVbR%PfYAbsSkPak6!vRz1}!_}qAo)w<7z;~ zp@zv>M!5qL2in`Wa5J#Rcsu^QYvb_)HI4bwa9L1+>qFkwG8fp9Sanh}tI zaCZPlGy7sb$ATCYFV~Z0$e}KT@z5|qWz0oT5%WmrNM6*i9AbY7FZPJ|+uabc`%M}N zJ_<|gQ*NDiyDqb4*_2ELv<^%BYk`S1G_{}&b&0If<|4cU#Fd1J%i_f43u&8JQahTBK5pj&52IG$(feH=2 z6Td_1N5R>a4H&>hx7-J6w`|Jy=TTXiH8Y7eE9M_G^#%7bF(1kVjk2kU*MrnX5(jl- zK@u2)6(juejfOAq*9L^NT%e>#jy$;}H=GcL0;17OjMwgz}&~8%X->JUjNV~=2M!2z| zbXf#f?_M2qIgW6sXo69810}1MIjC?znBXH9*SvZoKCVsO0K8rRj!AMMKY`=TnZP1r zvL58=RNW3UWEM60W1+@Rzo&B1mWS@zT@WPsIQyTSv(7y!K5R~`fdQg?M$8Ayis8pT}JmAI7()Uuf81Euo%|K3RVu2msYzXrzoXa#V$vy)R& z!ZsPplbd8lHi?HCvK?1-7P8jf^sgmwoI&@>lIHkcbW)B{bsAO`6iDW(bTk&S^M0?Z zYLKB0OrZzuSnW<7+>+V!70$kg7{~qaKmKc_YuRMFLespIgwdkki`3~YvB11J;5(o* zPzKK%kwz;%eyOSLnsK^1TeyUss<7I$Yuw`Wl)2+kGZ(#0WPi(Q93N1>PhvtD+}M4Z zoxJj`Anui+KZ3+tz0?gxxxe-Sd+@aWCxV;IbjwjlsEl%;>hcng9RL*zoXl;%G(7pn zydiO;hv3_;R1?;gVqInNgdAgU;cQ*zUg(RYx1jiwpdeOsNhcTk#(<80w`%ca&Cmpb*^cWABn~{0jV>;DDo0 z9JXalx;JA?;h4s(_~qI&u>(!?^3@T$E@=EN0cKIQSMhy0t+@|*>f)cc(}7VDMH1IL z-i?$cuqa+!@oKRveNlFT+>AW`NSq=p5UF-jk~Zfj&TrTu-U_|MI<~?WkPba&O-@44 zBe8gmGSPUjl-rt^^PQq%AGMETj3wfd<_$RIqqZyE{B|qYJf;kWiaJSdfyp@$`Hw`f z)N2#iNmLXBY0+dxy+VKGE6>(XVT5M{zM;#if3#=tm=SClGUY}2Jp@VBam9xkb8>P( z-SL$3q-)CBk4=!Y5MxdOCr))Cj_4Ml@GFJHmREZ@;(;J>&}(@$N66l4@qAXzLbidy zSEJXzf3mg*x`f_vya3TX49v{pmUQgfrC7M@MVK`10uYVnxGqPb)91x=R!rczA zdrKVjkFh_=A%M2*IfE9G`o{pfC<#T#-n_Q*><}*eJ(#f#e-Yp`VjBc!8cSRxn#v1IJiVgaU7&fHzX3 z!o0xQrhr0<>C2|*6J(;Ls5qhLH`Eo%B&S7~7sJuRD$Z@N;=wRz-SYDC>0iHo8@B*Q zFluYQI9LfdIcKBuQ$L4}=pb#KkE!LdT(iJ0nU6`TL-2y+_Ai4mf#zw3lM_l)`0LCc z*K5KJ=zTiyxZ}xIij>JXSN!kAmr$_tAAZ+WQya^<8>>i*Zm>ZGcr#adq<$6zl?43FE_8pyCs*Hf*a0mz90670cGkU#b81EC50;L7QO4VHf+Mg?GRo>QocZ zH8#!|v;HN3crxYcrVZO^RHYECyd~u zFsd}UMj1`5c3T=N8zLF4tt+qIcw0I6lU7*eQK@+(3{3wx@lHX|HP zL|(f_XZ%~=o-=eeQ?39JgEX31&`_Nf$EX$c3R6Sz_&Z94V)z&#wlS)^H)QDBI=Lwy zsNrqqzP`TGUy^T5^NRTqUu-r@<-K?v0&D(fz{CMA3BkLo968DQz$EEHGR#Z48bwUs zcjkbG0{)zhpZ}x+En2jXH**A7`mktx-$66jdR}z<6>QHrJ$rp;MK{W4xp@pcEq;qS z?fEtwlrnW|CkEc51_98ew5pq)n!4DZQLdah6O3CxK^FY^!Y8=q+ao-$kEu$1#c8-X z;=W*`uD*(jzdjx02`Vz+rqZxotnK;>j9ek08cV@e8EwiMU7orNrlt5Fu-Rs2a61b_+{mW8#RH1aPfWi^ zf|K3hbD|`{jl@J$S}|`RZD8gNbbs8j4Bb~_{ab#$4TwdmUOo)O$*hWJ3`NF(3pr5z z4sZojQV2Z%i+i}LLcZ!d(8;<-9bm7&E9^86p!iJ`3-k6dQj!io+LS%w`z44fU$!h4 zcp_PbxECZuRzaW@>mC9|V*cyz$8IoEELe>;ojSkzM{}BPXaJ#bpIr6m?E00EYXBNV zU|2;8OmcujWZ;0mhNh;tj^f~uajE}4?SRD`%4D`&fg#!nvi@Vak=XT%%U^rWzzID9 z2laPn76D8uP}7-)$FTJYj_Opr=S;Qb$t4Ryl>U61q}LL+$g=;IG8MJ*wFv@_;+Vn67!fUn4?C>#`o(v?*xCUpmgKR;5MnG8*$Wt}!B^zZHjU3`iJB%tTtz`v>S zF65yLKPZQ+ELM?9mpoak~wmsM}R3?dtPu1o(1@L{Fo3_Qo(C5 z!(Ci@+o-n*4m6T_{bP&kbpmHU!P#rx`ckV<-2ir+utlsuN&Nlt1Iq~Eu&y;{{shYi zJbaB7F}9b1pu1;?wl?08%Z-m}NL!$0`Bj<4`tdHnLOeu8`|k*bBos0vm8aU`6+VI- z=wDhYV=npoHBK5J4te9VU|brU;l#ti*}L$Z)orVrrH00i8F%#rRRomDfB64sI_s#a zy6@`~SGe@0yAhC*mTm#*ZUG7DP66pgy1S)2B&7wU8)=Y6K&1QK&-Wca|1!pK=sElB zz1CcxIroM!J6H~&J<_Wh_t~*Dz#JFkq|0vrCw6ghah}(QRsf*9Sv48)e7m|<=T&t#^wrneWJflLZ9GhgJX~FAsyuSnWEL&i9r&Om z|A9%6&8W!8jU3ab?$KbJH=gV&hM?7);gV6M0)HR2u-3;LvR~}r-m4EW|N4| ze0VRf7gF?|IB`6*BJ&$%(W5s@?6&6H=r8RNH#lzcCdTINPpXZr3U+6<|CN2DO}!YLvsgvu3& zDS-b0&8=_}3bm-b9No%~#pd_|aX`rCIMfYfS(MOA9R}s3g?*%(LVwj5JU%jlc<;cO z4j$>sGLS5@l~Qwafmiy8B!)9@Q+Vd04<2Np`j9*%g2{ZXI%<(QbQyb;Ych#*Ip9v0H~jv zn;S`C?VG6iepjwmw$kPIJee<<%Bt_aWL5Is@9{D?4%qPT4l8PWHv*7j5)5)Thy267 zu({Rc*j<+uSi`{Ad1gNRO*H@_)3+QW0Qi}_>gt%o*PsWG)#tu*dMRWO;@qf5t|9F! zYp48D-6E3S9^-WnMhnM$lF z`0q!rCAUe0m@allu!aHxVi*bi!Tb+QOL@pCI&t!b#YROhVNhxqw!dHW8?9nBpxji< zMHXU9)HZkLiKmCT>H?IYyl7QlQcpg5#H@a_$ZvnpiA+VG2-oKYItEK#OA|57eAKZ7 zN?m$~MjO*NeWk!yXH%zR2`5AlC4MbYyj7&BrQCE#MANT#paNR$x<4)IP)}F06)@Mz zf(uqCbxu9>zzz!dgZwl7?#`?6ktmu%d zbbLhYSNJYw#F^iQ;zH7~Ra+WCk-i!^y=QH9JQ@x3yYTSG<1-ckD56s8mB7v zWX3~HSD0`2aPSnn7y~=OG`4`BE;mWcy!Yq}gPin5(TmSpyFPQ(I1WRIzk(+9$YEdj zwPrlu&m3?o6iF9?6BL+~0rU+dL?-7&ul?=6F#%eE-@@sDdm=hCi)=7}HJ}Q)Fc9C1 zngkTlM{z6%@;g$N;{_6lPdUVGzRXG9+^qf zDyjHO#KJ-qMls zciL#FuFy(J9d4d8oWx1C=UpCroqzWsDi;QwevxKM%+Dl{Y$DAB*xqws2B~>N5qo_w zBeSx!Nm9HID-b)Q%vK6x%5lU5w3d5+WsO?d-v|G1kQd6(sRP%2jCT`U^4l?KLcRYa zGErq^z8I|e0~8QMBM4tiN_utXz_uLuN}Yg|NM#KYW&kM$3>;sWxc|$@F&T)gv}4EL z`>R3B*e(9sVscEU*QIK}6Fa6)VBurKfC&e*W20P!+L#JvX=Mcld7#)Uu+5!7=0&Ut z18m$O?XRWJiZscQ_e^vgPM!U>xCXcO(LKdaPGVIYrB(uq&`W^kg<>Gs1gB!0vf`r! zV&$K*_WRwyEMnMM68r(nwtOs&Woht=$uS_HryOBZYw~LviV8K|+L8rv)aSpojvwE% zEdVeJgiHJ<)V2~55SWln!gs)8522u5py*-97l``hzW7?D~WBM_W=4JQ10NSuN{ z7B*f!nx6y|U1lB~KJsgo-|?9z`dRV)cN+W^DBq(=3zK7x3a|}W;e|o-=oomrA%K|%#Kh*fzKf_@e<+QX+% zhJ=7-G~8POoyf35T-KVl%7)&nJk1OH5+kfn2im(5Bz|b7AeQPTV$a_W43}!@NZkqu zPAJl6UMS>4*Qr!GfuhznUaoAi*l?5dqxVeEamjt(Pzo?ttC*|30a6*cM9omil_m$_CNJN179%m%Whi)zP0MAs(}eW$pFdq zy^=Idd{T1q<-rUCgGH~SnSYI3?#DFh48Wjos4y3p;|w~1FC#sYY!HAbApZnzWDa;r zQd0q@A14f*;$~$Rn-Q2EplMRhp`1=7W0Xa)%AGkn^Mr)?yK!GIIL>dR0B52KBgBH( z#^P^gny=+wfZb9HL^hA7Q@mVxBUErvP)p*k3j5}M1MC@4imz&5{JwL3tKu$KrcvPX zW|1g%P*NG^gzFE&Ps}&Gyg&=_0r6zfo^I?!w$|3*y@pkGhLnX@XEBxqCMlH;QBTW$ zyRz!j><$NWCAxX%uF7p+St^}K31)UNJN=RZ2|5fXNxpD6lshqMhTFJ|yJ|QzPVRRy zI`{*tOTsP?hO&Er;I+N^S%y)6xjh@CJUTkU-ezH8kupRXbP|`;=pA--CYQp~*?al}pY%?{{nen8 zPb3zyq^B~#)yM#l)jcd$;h)5LGjr_5Fhl}~ z6ddrNFm3p?!dub6x}Sj(MbuV0coESv*x9|)%{arzO!I@CF)Z_?)a7N`;?j~OU3P%) zlqEN?3yQ!iAx_``!uqoF7@>%=(gGx-+~7A#)89i%NK+O1hWI%CnvxCjaC0Z6q#Ry) z0lHS6wrbO z>BUNbmc8*QN9GuELp;=awA-@N-2zT`7Z8aR3|ngO9EijRVN+M(*tGv8bAh;>BUgdM z;YJXqcj8AVX)lhu{qOzn6g}H_jpZDEe?~&hj~eZ zW!O{wp#=cDeVchjQZ6na_a_siv_v}#up@^Ru~=61v&@KbRT=m9#P%di>qXR7)hYrQ z?7;LrvZnqFk2rx!6B%*7C(g!eNmP{IQ8OndF0td_QRSxu3<05VDl$_RzSyRw`7A<= z3eExu^4vT;AepFt#~HkfNq^+II{!ZL7>X7u13ZGt;0MvGH9@8N`cVqM(<%`ArMddE ztj~4A^?Lim5WCsCz`y!$2g02+-QVNmB54u!@NC}U&o@SHRiiQmLZPxr=v)dp*m*$+nOYh#Aif{?fX@0Z!T-y_#_%u%4qDl2iJj1e~^57v%6?6~5 zb9i1S>~+2KxO)%-Kz30^Nd4s-$_Nk{q?y5zkHnWf(f?+jZIc&sbEw_r1rh}T{BKH^ zzF^VVTow=0KYE>q+Y*~U6@Eg@>X|jP14C#$2(WB;u0h( z8%XcaVM=EDsdqK&6-4{>RaL0w0`R#=2h%e(4+q0s>%^Xc9LX4V&`~-&TM;q%dt+1O z-wsnPB~8jrWaDs=Y9yrKg>D5 zQz4bC427?sEaIuigRsqKA^Val5}-&AhK1v@xLKvYsokGWMjSr?Xp$@;&q(&QNAXt` zanAItw6s#K3XOWa07d+-fz(1W>AOkz(w*>=%Y*fDAH4p4t?dV!?*){)1Mw$rjEc3u zUvYe%WVw7kxb1Ke`h5lD1eX@_B1;yh7SZ%_iAvbA;OhcwWGq9ZZT)5o1THMYRg;BYcy zWbH}>@K85^~^j=H&G#k=&%-n)Hz@|BQf zOSQ545!k+U<_V<+5T32aeue*KEHB)O90-l%CLyP!EQx~X(eAwTvcr{N^nfYiwHg4g z_qH>CON2&}-I>Su-Z?O<8Wa84J8yb2u+FeAy#3M;sRu8N#g10Xf&W&uWp?W_B5`|Qyb-6WuPmiZVlmq;x}Y^j0=MTuglI`N?8^VCziTb3(LeOJsVj5H_USpH(1mlu-EdA)>Xz*G9sbym zu7H$dCn+h}^filRUtpg&uUh84R++{mW^u!xN%@{N;ti?0)2nLs zd-m1PuhI^N1$JVl#I-ITfWS{}0(e8g z`GSBSCYt*+c1gHQKVJ4`70vJ@_*>uQGxd)8WUaFJ9`jge?JlGD==+ zmZT2)zWy|UG=z+HRb_L?i+HP3|Jg7PR169;3Rz$Ipe~GH%1%Qm8fuds^~68h zuLR>VHYIXAZXxE$A!16?+t}wed zh@t6jF)Jxe`qrsD({hj8^wA~Am~C%w*I`i;$Cn77vUF`<4Wzoby2=>)2&WP)O$!Q` z%#53)w}lHw;8)eJsUeF?Tet$;t*?FK;3joa-gkO60bK8UPEL+=GRAUmh_6TfsM0gx zDv1O%51&edAnFAb(IWvcQH5Tgp*GtiCMb!EPg5!vqQ?{^`>R-OSoBz#4)>=W!7iSnlQ#&9!Hoc%pe+7Y z)e;=CUh8j$stG#!_P+e zmBVHvL_~3PR$g8t;mDPZf(I6jFElkJkx4BmK3f6h^M7<@H!%yff2e<-*uoNUF#ivi zturLL88!nh0zjNW#PfJm@>Ph)$;pX{Q6LC>&Jy8_k#SkTntb^-+gI?*e+w7=&t)xq z(LZ zFaah(t=;e|ODo)@Zv5xmm8k1Sv7F2?M!rSpv@uAL=Y^e>uY(WWno~2hc4~~}qTy`hUt#B?g>%DQpDG-*# zzhhuOHL1I}y!@c!M{Q2zcq=HR@n>;=rEAJESYL}R6_`Wg;P)S*a3yq70KT`6Oh%TQ zGNQ@>_ptei;u10*RC!Q?mTWwGusG&#ng{^&pvWu44Y$TX(3x?QWT&U6XJlCOaKWdp zA6+8+GMYY{ARSD&w;^VP$2=v}-u_pZ)ExwWh}QO;mMi4A0hhK!6gW5}viR!O$JfM! z1`k#IN3ar7fOGc{v1&s3K)GH`=q|dk%$!JQS)yJuf=`Mb%7nf*o6?xH4IWfb4Sd+{ z0@*58a1ViqBOe=xxL>D^0M`L1g!?}D?@ngHzrb(^O!S|{$}h$LU`;6v$B4M+MV&i6 zfQZj{fQ}iMMDNTkhIK&!&_Ix#oRviv>_|3v-T~a|d}KlsU;y5Me$O>~-`Uv-HUz_( zOa*!tR^CjEewQzpV($u8F7S$s2%eX3zxDC-o7V;=pvSov3Kh#Ak5Ft&&3sl z(lSpQ@VMRI->O z@0jj`FlT^fsR)BtcY1wck%JqD&8Mn+1Kg7RYny+!$6lWNI;zjFFYN*X3cOLI3D+9*s*n)i zN2O;D6>Q5pfld_G7chwaha+(qvO`2l-t~g(thN5@FZHlj z5#PUjAo^+1-45s{9}!U=o`G{Ao#TdvhBUm8cersLEq=!Ll~b0Ww7Z(Rpw%*i+xv^~ zK2BQwz&k#*Nw3IcA;cZQi=pO5d_Nw9Mxv0I0bNBA&scX7yMFn&<$E6gN6vIGDSO^A5A@~fFuU?yVBfbK z^JrlVbPF9oQ4@l(vJ;^L{k^25q`h6AEp_?$3XnXnV72&X`EVh%B|T4A3691ejAN}} z|HlG+a1E+Q^vuc4&VGUGvGxz-=qM{IQ(nEYj(#KMT!Qz}3BF`$f!)!FhR0(lh;FQ& zJOX{=pPFtTbdrGD6`2?6WirbKrUNR%w6+pw-Hl2$8|;f8XOAvX)$Q=47_IZGxKB-y z%#ifq?~ebD%hRL)&)$&4+d|b1QGX*acUnKi0^=@6KA>|?pgF%sCd~g@2(!#v6sP=Q zC4>`zO7dGiDhtC>D6cgv8jZlVvVUW#`AOg(VMbrts52i~P*BjmA3YArBnH^G>E4}r zt^o09^`xxqRpyxVu*Pf>B5oRZe95olkogi!U5Rt1V7cPwp@+C+(n%xcEYHEP&=0_g z(`gtsDBEgqb?c)O0EW<@A0dg({(>hKj7-2CS6QpW!U$hy?$m0K){~Wh&A z@!OFokI48a$coPv_w0r$zmV5xJLB&0Ny(?u5MV>YpUn|HoMREeYP%9cf0o=(aH zj<-@j7etmktYfDCs|v_=7RgmERL7)q_vnc{jCW2qAQwDQ~=8KnukrjFy-P)aizY_id>c3d}+%7GOu z9D%7xrBdzghxJe`UMbv9IRLnAS*hZ0tEfP0f!xp$*@I^e3LEk$;CqM~0F@|X8FB=pAmN_8$B8g%J9ZXnZ z!96|VD*=I2z%mRBml6~?MwXjf4aQpmZrBKjzibI+h+2Gz;5kU5fsx3JbKtj=EdC3G zfVa~g^ohFh>1$whI*?-<`ukA}W>t3Q@)+rIH>=F?H-To*Wth2Tiur#9_KfJUIp#lrL<$^oiIJf$!@5wd%Oi zu0Q>lc%`On)G+%V+9Ju0((@&m3d+8R=<@Y)ph{UVEj}sq!8+lCz?ZlGs66LY?ut!O z(aUDzJE;?h8(;7C0%v!6pigr34zP>h01v@M~$uORruSYX^y3LI56A7<6!jq{Q)UWaudN=uG>&b z6*w8avO765`>K871H?v8SzYkZj6}h!JRjvsQylz)qo-e`(a@Y{JS8_4*qI@o`Es_O z*qaXzRaUyzO4_S<0E3)cGN4QeCie$QXu;Ah0;ZK7e%UjbTE;WWO3sPUyhvw6pu9aVoUlCb3han*?-FPxL z_D}7FH@i9gfb6!F@AR#{h36X|4Ik*1`FLTPPGv=7er`w6Tt-YO8 z(MD^iu)rv?0kQ%#7ytW4PcDDwi4@pfVp@F%rf_xB$beO0(F*nc-S-g<86(`<_MOrs4S!yNayyj%Z z(LVq2!L-H>{t&YWN}?FW*lG|%$@VWw##GM%!$;Tk6;&!|cY#-9-ZZEO7?V{NOgVlW zN8Tf=4O{*&nGgLyoj@pb0Y>U`c7$`IBNbuT_f!BZFsPWDs zePn{5{OV|5R&1)^vF*SEbGBg4z)w((k*|#(i>UlUuasQd3aZp2c zAE}a#iR6*6p-;Q)e-U_a^=VXUby7m=UFmQF7O_vb!PMCf_0YAvMMf05Bxq`CI_v9j z)``XopS_NRHlUigQnyhPp7E2jkSDAFCFW;1_xpr*>Lfe(>Z~_ro`-rnEV~%C-lU4& z{MJzl(EN>IwGYH({5R|hGrb7Y%yZVsTlmI`RJx`sec+k}SAoV=e^>RSTD=-3yFUK?VP&eMI@cu@IIs<_qBk6cNn9Il8Xzvj_E>OA$QSRA5n zl(Xy82i(U=#%$=VDDTB3ph%qY`Eg|&NM9Bt12If(RB$fuA6pGDtFi||?6+CY^DoEM zS3^?^Za2;1VF?wy&PA$LvPTMf#C_ZuM)0e?r2!K0;P5kP#vBad{nBIXKlO>7DC^z{ zbO-<;w&itniSIv{!59}reVt_yt{JYVFIVJ?&K)oXL8T`Wx6>mbx2`yOM`ko`%#b<6f;vCVDd*YFO!JfW2HtW;D7j<*F> zgq^v_SbkXa{qF#XE_>=ozK_j|r~TE~iQZ|6!4SP~=@0bk1KMUb=!H2l=Vs=JmWULr zsL;5OVx#9xM4lEPEM&u(P%`Z|C!{ymbMTjGRfwO%IiNBfgFVJ{xJ6z!Wrq(F2dqjE zER{C{>J?!7{hC`!@M0bx1cM6;V@S|Rk?+o}ss7aAmlSE6Y8oGH<=;8(i=TfU(>khC zt6DE5mdCFmd0XkK66EFXu2nK49)mq&So%vp7rQ(sbdA1`-ICXlY+-Kh#R#E)G}Z4y zi=g#hDBI7}^mJl{xI3TkKt-`G!i-zBZYub}FovnJY!|!hUUgvKeDl^IzCN3bb(oxo z)?702qjp1;|9d*iooP$GNeb!7mFOzAM}9HoXxuz-X@0br+*pe6$DGMn7}K37b2T-^0z@F4)tf9g7V$ zvO%S+j-f_V6Z_Ew33TQSy8Z(#7I1XUo#>xQ>a6Avl!WbBvvg9-!8E%Rgx9waf0L(>h{Mj)IQ$V)(AV|S)=w73+?qq$%dzer zEPe&qU1rG#oi^mBEe_9SZBkHR+yz3rZ&&RZ&RgtxwwCLS??nqo`7c=C;mq~*VErdP zBESl|xkAE7l7Zn2=&?ZhWFr4xBv!8hVWTS15ICKI6bOavHlK04Tc*bRd(5aknA%RIwT6|_Z(HKg)Y zkD&?(Zf_#FCz9hi+HRjbnABn6<=}uvM!A?z`--r&vJNgO0yNwkw!`nu>9jM%N_KB3 z+w9a{s>>-xNXdG+IcvyAwq8z&y2By*45a3N2L72zn-`v(*VWwuq5QaN)p>0_EXsAg;@Jdb9|wQO>w68?+@+&u}Qzg~EztJMPdxHl7T z+LP+me;+?uIzY0()`AF0_El3Nn2`acGp8cYa|_*{38{#s}9G0T) zh9W+J1VMy7OnGMCK!v5v*9Ckp$5g*6iNqUXRWif1pLsA%#0tWBuzz0G7Gf$gw_l~C!MW|>x6ui`-Bc2#E~+96Z9t`l;4XB3=(gGZ*4eqqRe=F5mAPR^SNJGjd+&T>zFg>@Nu zUFV1zv~BKYKegWCv?GsVd{AbIr1^ss&mQD zzo};}Rh8A(@FZ}=sDEa*$ILTTg7$P4Pg#OG$*rT05mgv{Ma=aJ!Wf5;Gw81Iuss=^ z$iCgk%%n@-iRY;nhzGMi&@^a3QHLgT9V;$ZDGf>6T*}#VsK*+Wbd8u1sK%q;;L$e} ziIFQhd})21mq*i$yb+K#2U$UX$y4|036Ts@AYL{k7>3s&_N}h9KN1HstZ-^Sp^ZgJ z>9)zDgfjiul4S`C+IxuiS>aDio+SLKK8=Rr6Iw$HyfUKJo{kH;lfameF>W5tg5d9q$r7 zG|;$P6x!O`BHN?=;@j;GN5^31vO?1>ta2ch7GWn>UXZSC<5ln);Yj_2Y83)RAu~=Z z-pmR`QH8u=*G+gFHHWsdfNnS)vK^2`Bkdmgu2*6>n}WKJ9guH$10a|pT6zj2$St(e zO1D;4pR%yLN)%hkO^Py2(Lr>-@mHHQMgC|EAI|5cLK?EHf4vklZ##EAR=fO8o=tpE zT>iSerm@v=ya$5(kA~VJG1|r{OHgV#@}ZCOjMN)1h`kQ^u4(gT*_d67kfbj?+b>nq z%dL8;#ljhdpTnSZsR@nVLjp?iQs5b0iJ_8MbrL24^xq3Ol}uCVSDPP@tMA2>Q}seRxMFdNK|B3NsE;s1SYIp~}V%vz~-T~XwWO2m;K z8H8~)@Dm?KLcNH2Sllb~;v4_jsZ>pNk{ZTdBDtMOJi=)-8B-#RNr{4;oIhL1hhQld z$R1y~M`5aJs6XBJ|BB1Jhy`EQ&9DSz^tHGhf`B*+!TJ3oY$xxImuk&5EmfC)q=vB9 z!}~zFbjNCMVPB`iWQa(bW;^$dz~D@={Qam!TeNcuN7>G>^S!xAMmdoSE=KlAPc7C` zxuvKHL*xa3B*bpTYUYmJO~17bSxPkNfv5{ABUY3U!LGpzM++XoXxTdJ1*V>m+&6h$ z;l4!Wwxg_lst~!0jc$Z-g)L^(qtSfC5OyG>>j8;y(eG*pr5oBSy8$ zr-Yur@%vD*%5)l!1Y#M}fVzuFE;h(2KQJU9)VUH@N5(kof;_@#7KU$iO&K+RbFJ<* zaf*Fdusxz_QoQumZ|TvVS>>C zPJVRZNo%AL@BSsUrce!y8so-o5%Krk_#32nY-!t6qDg z>6)r*VK(%ingCjAgp6_t)L~4C!;s>7;Hx&e!8udXh^V8V|Hkll-Q!{n14Sx zM4#$X=Iv)EdH8jfWH}-T@>*C|(q?byLsJ}j~_I@)=<0!>{_TI=#IM(<&TcLd#-pJtL>c8F5*m<$cSp!oOsCP0}%+b%!#;WDD(qDIa*LaqCBTZ(` z$F_Sl+?Tt>pq;E_GcG`>JH6b#&v%#SCDpM|BL=!F`&cE|^+>o)7Iofc@v!uvLzfhq zz6)n{Zr-NPFLb{^IfgW9iVuTS8rWh00k=jB3Uyv7IC&(7W@j}3<~YSWie9TexC8ts z8Y7#s5XZosu8FDmmAbJ(Gkz^oGf9JHE&oj3Gq{qtk6Y6Ch{t$;bT|xT-qcd{8TSnK z!X+W|I-XKA7q99kT1&lyK^JkqcHmCkW`UaUg*iIlkFgHpcS(Z^G6>~M9c7PrI zCX2@6w3|mo^m;Di3YQx+*NjR1DniT2@_LdN_zFbD3?&fA2WS8d$79QvK45U9)WvpRr} z=4JzwAjHJVm>p0R8TDme*V4axD>aBFfICKTLpNP<-33D#aI{ql+)($!)#f;nEm$sz z6+XPiLj`dv2_OuL4jO1!Gl*F@*9p%MX2+EFjcHTmL`9|tmM*=bWbw{4=%n03yUxH^8^ysmLs z5g`#C|M@m*PD1fv;Dx03@7oCx4pr>pc>eVxd|Jcu_h+e(n?!TvUHry%I3%cE+cJC@I2v7w*YJLJJl;B%!5c z3M03mpddegx?Hj49_;z8%&gdhM3v$Uv6VY^nJK5vm!$E4Vg!DYeN;sSqTk~?&O}Z> z6mWHp_lZq@!F4A5JlNb53*Kd2K0seyTwEL-RRC`a4_hyLzdkS%pgbJb0Zx-*R4~*K zFtY`byn#K&pm+lcl^7g^M<+)O5d*!w*_Z8#GA;MNfV>J0bf9Gm%pz?ppgjmsw+kM$ zIX6ugsiBq^T*nzno!?T5G*p;X%9rTTvMhAnpvO8XSN=7l`aBmzdrDO6yV-AlXY?6q z>}@B##E^g9fF>DEW1kC?focN9d9l5S1(jx5`zM|fzM^M3o>c@Wb!JtYNYHMZMaMVt z@KQ6|0t3O}a)8BK=xBN58KtVePo@i&|Yr@S3o9I&%VB!IVn>(s8IHP zc8k(yPR-t${mnzdFGyuMe!!WtJ?Rj;{S)I1+sG?Bz5Qyqtes(N&GzSh#!n@m*lY1ULtGUX@{ zGmWJeUNTfn1cIPzP;6EIpU2&N~oPg-)v{hH#IL6T`zEH;7f%V&~F z0OMrWH~s@;WQKn=0o$&VKs5&vmHZ5%u4AdO4MuC3tEox-lD^o8@HNaOZM4|AqWMSv=H`8x zo_0#U=DbgX&{(829MW$rg2s#w);DYIo%^<*U9-ty3Vqb@ryaA7Ee@aXb4- zE$GW>wpE{e_vyVvG4<1ZgQ3LG#1-U6LWs;~X32khR7_V ziAidtK$a(gtQK(adT8LoI_f25&K@X!K%9NC0{Jf8JAl)GC@{ksuuLSvwJL!3RY$2& zkCiUC7VQTWr@17;niZ`K0x1ZA2W2o$M7IjUlZ@jr%~&YBF|q$m_twFJlpp?x8ie@964Zm0%i#|6_lU^1P~N znYLB_WKG{DTyz=tVLbiul&tad`EB}?7P`hkiRAd>Ny3aCpIX&Pnu6}#2TYpAZj8BvE@^x3%+qqekQj^ zZqeqIb3415Dt%w^FeIHS{!0DlqEFLV`{PI29_v%=zyTK z9*Eccs?RXrFSozbVccF?!Jht31XuU6hIA|T#hjAeD;26>GsDQ#uP$>M_m6F!4CRS= zFybA)&NVTLM7~Qo4=&=DkN+5s{Mr9ABRR&GnYSJFtMR(=Yq?ddxYL>9z)oMaOEMgofJ8 zo6ckG_kY{K>zu{Uk1jI=(I()xbi2$OG-aT-1K*9y&2zX6O6R4{$b*_&S+WldZV{yi zC32hQeo*QdyE1B4hoB}$6WCjDcg>F;hj07Vy*984k9rfSEp(C*{&{D6E#7Q1WmWu5 z$;0^$so&-3MPk53nbM=EgZuMMF}BeChRtE}KU=p}o_{6ZynvqhO{SjkGGk5HtR`Zb za$^Yp=9{6~Va-Q~kz!^|8%`|O$f+VCsUtG|}-lc477oB9980#M@~O#7Yw z^EjF-V9X!V|48;?SePIRJ_o4?kgDF^-qa2Vde9udI8BvvngLTS+~c2sTUb?M+$Kgx z!dnG%c8H5gVK+kn8)~gB6AU;w0ZVK^bH)rVzNx5)vW7}Zv%#QZ9OGsJiyPL67Nv_Y z5o}#_#c@k+>pC3}H!v%Aek z4!sEy^WX!YMx>w;cboE~UG!hwQYnQzK50S{(}MjPv8R0QCwph@pE?XBmE8R*`Et-t zB3Z%%We$obgcoV^&?SfO?8|rhGr#^_d)!p&4Jb4}6s{r~$q_PIMdi}F^)R035OMUK@1;!V5g;}!h!#C5a!iFCqSCF=Igi|?el zxhZv{&w}1#SRQwqMqcIW&oS`JsW~}%`*1l}d%mAGmsaaKR9`-iIr7zuwR%aJ@@n5M z_7&dTyEZ@cWk2op=}HXgl+TV-hGb6#(IeKVDBd>kF){(}almLbaVi)3{?_P!!yMCD zv^Nd_G_6XzbYF^6AA%6}TPJsSUV^BpdJVh*9WF*IWE*ABFx3X-i-Yhw^FuMLw{|f+ za2fFat02MSJ4v~lztGT)D}0~H*Y{PgF;bI1;(uFGiB84PXStnfJR*POdgd~i0KK@m zUyqk~>S^;-NOimdJ>rP(Z7S)CqRKzrl+QL@x9Eg^*HS)ZxQ8-~UY8l^e|lDjze{Z* z9+4|45wp&F7XPXD9jUnwi@+{+uaaLF`uv+q@c% zrbR}!efGyHD7zLt*o*0Z@+5z;W1X8g!AauW#m!s=z4N{7wj^nmA6cyG14Lu|TXnNx z$Ik}?#)`N)AWR%dh?q_1Snf^yBU<}(8jv}z_gF2Ssrs_ZgK4T+`CW?5o6`#;ZN=kU(h+nyM(wV6zW={&_BQp(1XXhZ2+a7{2eA#17cWr-Rg88np4(I zTZ$?oGd-#-M6zc%KeFut#E zIwX?9hYuaroAlp=O_)D-VlaVYFzh~BJj|em<%>nHhw`)Z1- zHwpXG2Wu7M%TkSU{HcDiAi~Lcy~L};%=dojkzHl_o}RpOh1&87+?j&)383V@Z^do% zt9ygTLiRu>nk^j4EH)2>%ve7yjDfwaVUP4sB z!+5A@py%5UopQdKeIn{@CnEv1(x+vooMG1kWWh($(G|b!&fV$=qMEozA0tb{eaiS6 zUZ~Z|--l6;Z}+f)$AT1Z^kkX;lm&d zccrxF03rb4q9^(mG)D_AvzdTP_iQx)S6Kny!`G6M{5s(I1v!6=ks;D`IaMi=Z-d?+ zb()LD7daQ1brpI4yZ7F&GxuO9kBFR2doKG?%dAJv+>4E*VLr?Fe7fc4m-%jupW^;W zx57?u=Qy=8cQ|FuZ9Skku!V%*Mq^mg1!tw>ECBEV*+>9xEDP>ku%9EH(ltkUXW1t?GI|>NsqkSSvj)wcQ5A& zP^%Bit(L2XfuTskkz@3;ILA2{D^B!Zkzn`6!$_1qh zpWUH%e^LBiM?AQ$cFS5|rE2X0-A3l?Q6b`?jSdlFS-*p_ zvO%ANPom$b-#wqLTm(6+Zf|Ln62*Kw&#Zh{eyVrKmwaDtwAOq#Ggz(0&}9!#BV4E{|jrO7H+-`9}%pM;!E!UH^eB!7I(3xY6G^t^G`Jk znR3Ozbvm-sTgmdT35;9{HA~$$L8_qmAW;-XA3If$#1i2VNRqjMgHZJWKK$MZwr-uWM0 z3Ikn^CfBJs87sDPkAp5V7Xw&I3@Fs=%bS_wDLl@+>SYd%`#Cv5y~^ftx%cpHke#(3<^K4Dg(J{F$4JV{&wX^?C`~AYLjx`+4s29mRP`m!rftxgSF0 zqs?sTSPHMdI)l2@FH`aJou_h_I9DR8L*2pmvlSs$Es`+17fU2E;?52(yzuuRL(Z5R zMF1=Bg1YC!S^}y~Hw1C_L)ub}1``O%fDkg~G-pGVoNGp;yk z*z98ixC#R+|h-qR*Vz!M@or~RJ3!*12QWfJ3I2U$nNeratV*FNj z?vt0)u1)QgbJx+n*>OD3DB-^ZXXE3t^!>}vyURaj(EDaz9wf%bWFK>^@erSGX#%xO z&)T`GbYYg-Lh_XFMa@|D)+FgR=a-E(}O_3kXPe zOLv!`ba!`mcOxy`EiIkW-QA6Vgmeq<`Tb{JzB$8;5BGEKbN1PLt!upzrB=2dS1#}w zKdRA+6ExtsO+igGo3!3#zc)u99V<2Oc)DCmI3hBp&r^O_9o*}>;m~g1Y#QWEWSAUl zc{}KuUW2uHbD7esO*`U{Ae6>Nr9kA$>H70KJ23P&0&XN+sj?8a_bpdW?stl-B!Ql~ zN6C-q{8MW-O~qYr>)eQm-kCubpuIzZX;#kzunQArAT>jdidOI&zAuHT1Ea#ox45`I z6Qri_wD}=^j0R_riUIEIt1xiDXBDgu9LG{pQss+85`)0}-Y{QUQc{aRgBuN`KVA4F zzl_@he!W{r7%{2Ra$yJUabP{ESh(Qa#@p@$g$|(9W;V{dE>=Ql zGh6nVKXJ|b+K>g;7*>| zT5#6zS;G3A^fz?2Y+C=bWIedjEF>~!Z1AMDCJ9upK77@`{YUgF-s)zVJCK+B&upLM zEW9`Fr{LY-QuN5av>q)3GhJY*oomhlBKOaJ9`DKMo5=P~gXK;#|s{bw8J=BSJSGHzGE zeIYsf>YBw$s>XopE4U@!))YWgTVvW>oUtM; zW~TImS>E|5M-~?6@5W-+n~mSlD&3!)Qoh=_)gyn(W*R*>>-~WuT zA=GE<(VHqbQZBS%8j)fpw2JdE?G>K){mqaeiW;c4>MT<}Zk@L6w5CrHZ`~&RBBFp1 zz?atNv0z>p`1OSvo^;bD-Rbn(fFc1O8Bd{Xm-9F2s|u`a6SrAxR-M-&BAAiRDktg? zllm3l#Amwky4ZS85L7B;pW>F8o=zH)HeqIgX^?@iA^k*9EI((fV82l2)Vewsh|IYJ ztQtl}L5LF|&;^ieaA3+b8F1f`VhZ~JTUAh9OD$nHuH+;EXQu98<;9HqDnzJrrB~qmbFRtKmW$e3_8u!8&V>(+_ujED zicH(i<8j}s($KCej(_%-n9}H)YXNu~9Qq5vG5=_CBBD_(Mq;x@GSzbC&6BSbzgH6K z=E>^Is}ey=-z30uup=h z%oN#2pRUNrNKUbLl9RHoij2mpPPq1C!z-H=OPM!6(E5j?(Z<(ZNpv_W{4RGIOGFm@ zGvVyL{9sYCzytpW$L6#m#Fb*-@77=cY}zc?);fT~Q6mhr#kAcz*SBdG2g1z~Gpk-Y zNS*cx1m#PEH|l> zEmzXFXs5`sa@Sk8HC?{OGJ2?Kes+WFIIX<>W(KQPnQ0G@w@3vMeG>``{L zvz66a!O+C# za4znx=Ec`gYHIgEL~Vw3YR-1jTrgyKVoxj*(%zmXp@-Mwg_e6gEmjJKd z-+6u`a-j_@LiVa|?vXlf+-x}U-0yFKQk<>t5kt5Bodbu{pO@>Yt)Hf2JDniMbDrkl z1Wx|^vv;o3@B!j?!w4;kwy0!pq!O`tiJvvU6VI(z4^i(Oy- z)t=o_@DwZ8)9r3BK^ozDOLg~`t;+2q<2`@&OE1EPzK0Vg96mfW3uT2;Imkw3zy)3) z5@j&*4m0dN1SD$VPGFoh#Jf+a_^=@PD*UHlWi`_4Y{_?~e5}oTYnNAZK^5tJ7q;o! zK|;b}I#C_dlOGRVyVt)Bt-C)H)oSbby7CuKhT<@iLcG;!ni7|&A4))3lDCi8{)14* z?qD-gG(e*8;el!i>_^4FDLR!)M^!&GpI+t8nfe&;(w6Pd_>`-dmls`&vSu=RyTGOB za%sBMw>q`SF!48k_W1nk;L}&R^O)c8q|A~|%z`&RyH{eF33vN(ht<0-_D#@gw50tw zRm$9kzX{gKcUMn@QG{YL4zTorpaSj`Y2eDM4a7zvjdrAoCD{FDU z)|YsvY%UMbt6d++x%xA?4BazE_#38 z^ic)ACqxBI;i!_NvkeFVfU^NIKsLCs;LhRP{VrN{=6-C(SvRaXyZhJk>yAn*?n-Ke zO=Cy#S_8+*!&T0<%5MYuv_sD{P*ap2z3ZZ`CU|k{!KPpISkdkMpxpM+X!PbAZi{|(Too(3=JQeZ-oyi0P8NdvUoVW?DD${K&K?F#Ka z|MU@?xGGkQE+?m{g}4|IchSn|k@p47o#>ra2hPt=PawLbMDJZ-_wuranf~tQ6Zww{ ztIshR_Uz_X-H{-a3us$_O*IIj&kn?L1|c}0dtCyo+ORtP4yI-c)@4HMlT<+}OUJ{P$N+nt(njNJ(3zA_ zM->e@_ndQ`758~f&Z+!e`q1tzA)XSX1b2#T zl{8lMbzaz2_=JJw0g5~3MJ{*8lvONw+WJSohn;BVE|O-liAu%7#%k2GsJGFX#R|aoV+~bw`Tptq>p1o`Vp9-ucr0SL+!!S_F&=V^)>t5 z0QAU)9oOWCZbXpE_td9y+`m4>eEMW3@4tE~vY?rUF?!&n5iN`cKzt%k0G$~WB9=io znxCJa)ua>2l4HB%;|OC8IPfG>c7dg8#j3Bb z!ba-=Gy=MGOckbmUJ_VEhrd~z%WsHwXq>zt!2hN{bVWLJ!LRW$cxX4Tew`D4X^LKy zh)UUt6=x;!V|Zl^`X9LAXxA|2MOFHI`W#45rb!@sTeIA?m7Me^MP~`5SX$wNd-C&1 zUx2_~w87fW34}OvZTVb(e0z|3sjsLwG5+|haf0+)^`>dXhD8=kd;#iFZC-%{!Wopm z!uW)QB6#0R=8nBOtLKhAa->j@V0kUJ(fur+L88Xy#s*+^3Fi(im-ZL{F=gGa$7}NA zx95j8cXRnIHmho1Cs`ZB7BL)5!D66oXFKr_E0$o)vT1(x`XiNU??acyGt=Y$cuXq_ z-^T*lj)X(8F)<2TdX+RmBnl&tBIsV;-r?clbIgM+3t=b7qnXXO|6IOaG?Qb@y2JpP z7#0>5z+71wrM)xIY;vVq{Clrnp&GoPrz_k!Rjs<|H}V7?H}GE_XTl0z4r^G_>ZLM$ z@jUeC*vj*J&O7^7w@d`Mei5>Ry#I{}d*=ejC)!`QvNquuSIpnx!}R&M8Zxf5I@WMq z9wd2ny;iz&s(T*#J|mE_h520epL1nuKod6xZe_lR~{u@r{~|RtrZ*`2Y&w*j4rQ z(dgw#KBq>A&o?Oh*H&f#8{rqIA;%A#Hoz`CX;z<>2_w;|RRz*n2tED%{n^rEfFG}soMVUO=~d;4`HSTZ~vq4l8F@(1}W@9|yy2qJ(u9tN_9G zF^?^kmy@Xpmc*MvE|i>OPC;%dET8=C6gHl*qS3~)gVoHxt4S702=pkd+O|GM_0Ps= zabbuHXk6Oa_nug2lO~+W*aAmUbwQOn*XN4t@7&YZP|-TmFpC$2=dfF%F}Oc+$Xe`{NmX6dRq;KjmZvQFDe_P4~YkN!w&P|x=$JH zzaxYHXqkJ*_~S+Q92|C)_rr9Sz?mmf^WE?jw1%SFqSYj_j<3Pl@D=j-D+}{`lqEjc zG%P40Otr6h*)z~S5IBB0h^6rE)dl65Pk#5 zYB~ycy423``@kTqu+O~E<{mlkp$#8b4Z#Ma@39lQr0c%X+;z*?s^d2$aG&M%ryRB~ zXfq}nx{+NJSVn6Rfb4h1Li{~OF|SQ|pnD-ofm%h+OP?B8gd!Oj8Tu?nAW}SC4nWsH zM#X~UpJdQJ1e6?h6NA{I1uIg#k!v5&!Xtn#1N-;xyVpTwa;WR=wcLzh&@#|)OJ^|}J@_1blw^N-8$*qP9o?SE8X+E5% zcy(@?u<>M13X=ppS{=25VC!)Q2B|TNO9M?e37sGLN6i#gg(UDb_XrDsD0#}a^*A~3 zUcbX~u0;PIphx{Xvq$^uOJfu)d>bVP7tL3st7F!vW!tD_$Z5iY=a6CWS%n6>_7kQ= z!l7rZq%u>gF4Oz6Ep%lQ%|(!JOQZ*4%3OFsyd67%qb*A>uq*?Zc4CcaJ`fTC9^j=% znN!e3F7ZZrX_ilGbK*wkiyezySHV=Ja@Ur&_f;I$y&NU(&nr>DpaIdoF1(uGfy{(( zs8xrF9S!vH0hLm(L$(;|UsyMpE=44DP>RKjtHhgsnMsc8KiBW+WnAN>T3_aW-qEEm zux-H932iK=(BnLLxYk{k8+6huwcpLut!QPd*52xzMKPZLk{hI+E7q-B4;3hxP&;SU z_u|$ps!+*aeAuwKDYYjUULts3!$#hkIUhx@roB1O=yQ{gVc+!f+IaW2^1Kq`~vsI!l#-EK^btbR*FJNU7K{?|_HzpJV>K+`#0j#h5j`thx04xL$ zxfz`5sRV#R1pL8^xWKdGjhi`90;o2;MBS!yY z_6)!{`1mEx*BFk}M2S>+Y}usHaMOhNM;$Y})ei^H)k?xOgU#RD0%${asHKCGjs#6s zf~$?BALs;h6BjdDuG>QW{Rcn)H=A$&{lFAPYTgnnwBZbI@+RaR3}*A29_RdE5HrO}D;paVEXdIM@>I%f=|#j=^f(1HqKd{c z+UzN^#S2!}jRX`!pw*(mg%_0mEa=g>Vgs_zfjUO1oF+w9rFiTOQOZqJwMtFj^B`r+ z2Pk2Ra^i1Hlp81w7Luld)D1D(MWQnv9~@wMd{>%|K~y%kU(12vHhcsYAy1w*!UOz$2tadU;`=6vRs}lo zb&=m;|FbMeBl@fyTr+>(Vpnz9RKFfIhy1kCJ2mw&YdE>vSP*bzhujCAe9j>_CqVu@($!-J zATAQb*4&epq#y#gq2(MEO=I=UeRu{gD3FNZWw>t^YZfA?i>1PLzbYC#lgXK z)ptCz)9^3xTw2xV(7Dd$VEahnht9j=E9JN;W)FGz$7_=pqIXSFX3Ey`tEIu|x-&2S zUEIzjdPlPrsV>M;t_-&!Z+kG~-q(*WWVCt!|6$XlTA?O_L6Bo{q%=vt3OJq zg7W|@a;OSWBlfv_@B?9;u%|+-;yAeN04I`iHqOg8VC!M9IxUJG*zKUrX_5mx3^0mW zvAN({v|y)8L5xR|bE+i^!jHTkDy*6VQC`_{Q~+ZtS?DOSUN@qcunx`zz!3pR4X;js zc{y_n&Wr#NRPR+zTs9K0tBCe${(qR-8} z#Xv9C{!iZeqhZIIB7sy{q`L}q9}A!g>~SOO0bXM0WZ0L|ljCE2JiGu_REq1oLOA@G zMX5pXcN2aC7z=QwfqbZU^w@}i-{h(agp;_@5CR~CcbfpOY~jSUeuWTlh97;X*`%D` ztrXtk_tb}3p%L2x$>f9p3adY2x5Pz(6P@# zFtQ-O`;#qMC}IXeW~q`aB_dwH%gKNke08d`#OKu}=AH*Dl)M3NWT0}K(kifQ}2r(=q?5nO+-^xd7}G#PXK$SH5QwElxI@fZEj z_P68AJagka-v=6hwTkywU%GKu04O(=l&5!uh|eIo?}4FoZe?ld(5aQ5IBvxTpc4s) z3=fH-2f7g?XTWNt`3v&490{qDM$F92fYXtmVeO`Y4}m{`y|obf#)ChR0yI&Iz>XM{ z9J`c92DSjOB80IdtJm$^L7>*L3!cIKoOiOne*TZU%3|(!P74i_IuzDorD}YP~MkXex0d$cToocH_MDIk~yVI5WK;eK+3Or;` zhhHB~6~dFQq_3R;@JzHg8K6ukggU=d{hP`CP!4AyL3 zj`+S(sVM3w$k=1R#p)-#k)LbW*)bG_u!=)&Rg*=i!0wG4JBS+EgJ;JisCVAghCxhD zk)5g=+B2*YF2aD(WfG7;Gpqs!L*556$A{aH7Z7&?Y}83IP8tQlT2+!zhW}z;cyaM# zKXY4$_w~4mntx|&RUR!e10FgfXfNM5VgXq>5cgpi5e2;1Z7*1)Uz^tie4lR2{zl}_ z`)>K~?f$K|%}oQ@m(Tye_xJL1?igID!8(+qaz0<@Ibpd6ry4RWJ`TdKfO0+G$?UrX z2W~>dP~oH$B@Z`Znsou)U9jnc5 zXQoiBdc7wariTKFWdete$1b$34B{StznhwxVrFDa@RuS>0K}gOGtaM`db#Q8zzhR? z&rDmhvzV=H@#Q6!;Nv-IaTCId?B0}dUKcG{HG*{G)HOjvvya^FaYOIsyINXWIyz#M zQK6w)gm@JxJ=A3#;|?U&DI-aV(aVs&{urM{|2UM1^?nXR79*t-n}Il~2H;3tDxQ1< zUD{jPO$r;7>t25>(CN!#eRp-H5;Dys^&6_MFCm?$FUErnD&<5b$Bab(0ah#bD=3MG z>S@?t2?(_964c@dc*YQVEZ z`zV+-b^u%oDB@tpJh=sv0yXANa!_1@=%r8~dKSU0NG^!ey7^?$Lf&*BVjO^61p8}C zNKg<}KvGSxoZ38X>;UX8#Y#JhWTS?!e3d=IB*3co;wQ9m`hs4pBIutGW^2S8^yyEo zoa#FyP|{IsfkfGx<2gA}Cfw+oX+j<+0ML$!jitmysMRT*OCLM<3AluG=a~kJF z#>q|`;O#@~`}3WDcjWE|l!dpzYUHZ2@$(~xGl1t?=L&K}s7NB;t*AXcwbb%C3^7Rr zrWiElG!$eX3m||KJTMl;cX(eUPI;zfQ#8Q<)OEdJ#+g|O<@m0 zBPtVjc6I>Kf|qwx89P!O=q=he!e;yjaMY)xk?LZgBtM?}*T!xT5Zc#FnYM?qz*^$> z8da*^w?2y+o?sSp<`VsgZaBTo(m(DXx5MBM4p<8FE4)(sgncU+T|a0X_jlN zwzFvJU&I7pshCXar776BxRz`(}s9}f)7E|;8~9!6BC2Z z0t#)ds^4zy7^sG!HII2nYz1#CdGgO9X0 z*j!ZT6rV%~K(~H2GU`))JjoNFz&EX((W9TD9e!Cy$$&L-Vo`VHt{y2dX@-+ zdMtf5M-{pOX~?6tni6!lbaZ;tVE8UuJiM8# z1X>ax9fbg;qpJF3yF(3^Jaj^>LSnTv8MAo-K-0i;QizZ&43SDaMnyr9my?V4g(3tw zmp+1DS0ZgNmtapA@Q{HURP>)&Zv0ib5@IRx9!#xhdIFYbZKb5{QYa>sKmoRv05Mub z)6G3X-|~(F$&)-a`N4E+Yb)TGf+Hcau$5pDn&55IhI0oV6x>ekmKN%=V3GbXLQf`7 zh^XBbK^^YsQIV0yegA$YJ64l2HAmQT!P^ z$Xdc_3;xLc6uTv4KgR$3QbJ6B0I$PW8=!j(gFlF_#2QW{tW~RUthX#PZiTn#b24<) z{u)q4Y-)fT7{LS}?$)`|&1=Q@KXjO)bwnx_WT}$IkEUILy;5e_f#noaP6R!;LWOQ@ z>_bZL)-dagEJdP(3<5Vuv90xhPfrCu-@glUMx>@Fffd~it)n={zDzJ`^N$>ggkYe( zan1J6g$G%IjSgOvcUJJy38fbdq*OBpaa>$X3=md#DJDNhObM?E5Kk>Hr>PQ%r;i($ zs=Y63xa^oSC3}%@$px3gTMB+LswC2DV7Fu;P*+m}1hdEMLvYh>-vF%OZsxY?)G<>f z=pX$zbcnQK)jlkE&_+(Y+2Se+Gs#K~DG~k#hlL1ZdzTPGo9#L^}5UiMkd_8^-{5;blO$FcugUyGQ%uz!Ht9v3)4RDq0^Q?oT)V4;3KNb~K zezJJRF6lND-ke#FR}~cogB+l&&X_1s5XDeyPtNwFep4slkp362~bwxu*3=L}p-ki_`%m zDZ1Q6{NUcDG)3pER8!Q6XciC+p@H$J7KEGN)F;SV`wrLZ|xZ z=xDW8;Y+RBuou6#-CZ(ylMgNm?;Cyh)>D)mehlMA_HY4}xN^%;bwm;+ZBkj3_GD_} zC#7Z5JQ9s>14i8^A)6{N@X;PBMaiRk;;zz0AE6*O=b9U(0|SLK3pEY-q|J&BlWR3j z_}6^O0mC>uySVN<5oLn3PD6)JYr0!q;4l~#d3mj#xqZ5d6~LKR6SX%Pa&BFJclPp*+W7j z1p+$;jAks7$0R(#gc7Q3c7<7_O$qTxKb<0|>jTA$S&m5hM1Xl|!{=!3V;Gwot*XH; z9C+xX_c-~Z0B=BUd9YN&2~qZ?)HqE{&2xjm`x0)3w|5{<3_M_GXXkZICoei%!Cb(9 zjw~!yu&J7`Te(YehReuXWG*g3A*jaH_nE1X6cDGCcs*i)`$U`MRxmzr$Z{~Eu!G)= zY7JA$OaaXzzshP*I0cT3A0Wv|!RwKCgYcBPh`>5F)r~rbJ$xnOGr?!zJ|_dsK72 zg4E-v4RsYA9vT#k0M31S%24PvcYJem)39{nd)Byw*D#hX$`|3GP{!;VCPiKePRVsO zlZb$g?m3wJ5~6-XHyx~R=ot0mEk(7iF!&A`NvV(sBeanxz-I|yo&dhhPB3AHb%zwS zf`o*mk^=vyc=)SdB$C-01c8=@hQfcR7gITnb3|Qj@mk?uSQ)-%wvQ-1G6b<6h|fzg_g5dlGCw98p3BYpB=S5v&Q^RjYv&Dj1aa+#cv_H0VIitAJj9wW2q%PvzqdN zjDlS18-Ol?3ma;993cfU>T`FYV4x zTxy4KCDw_E%Duk3fOns9pD-b_`SmHNjBY}i-&&S-SHDa5H%&bLTxC(RsBGYpjC0D! zPknR7TOLOd zt2Ni6DloP$<|IQ{(NBWOEe#3rkg0}Bj7IE{T7J^YN=gR~&WGV6OLQp(%A|Qnh#zq% zk({VH?_YmctbF#!=?MxO&!^me_{pqfzIO?FAzwp zH}1QR@UUF8du>f6jr;YW%6^(j69kBWj0ScBoHGq#dgu%doEykWJCdzR*7>AWSVnI2 zWe`cVLLIp}J&oQ?M9E%^ZOC^;y2b-(BgErQM;$V<+QwM2#zoI1NlU5g%%Gej^96!S z#0^0P=>^=}_TYjgtTKzn0raCgdnk-im(%}>%|o~1-r{s2^Fij%R##ATTvF5PW z7J};%2L;!D!zC4;J8QFXzv<1Q-68k(e0<}I*XQCy_I8n&lZ^wPc(W&E zi^(3!g(bzKT_8ZOuGUQ93g~h{lvCVLxg?m-0mdb|!wrQ7se#L4xlyZT2Ji`zSVV+F`0~H+@P;?a_9p-jPUtd#mg_LfGcYh$7Kpo65ZA9|h{}O^|qpCkN zBv;5-28pe6)#c-!;UIT!f@`a&Q(=|}m$(@rLl)RathNX1Y5<0S?xVp<|KAx4mGloX zB{8 z%fIex&3aD{`Kd1v8=t6khfh4Lh~fHJ0w!T#Ql3fy1XRut;^!flEKD7W<)aU%MvZHu z5<0^FjDnv6H9K26utXY??@OXvD&D5>;v3B5aicyDw(foPY};y-mCNf-NAnySSJV(-!)DkFAL?8tc!#0`iTMTL2RHADzl~FP6*9 z+C1smJ+1YWiRJwMgn@V425UL z4zJ~k^6$nrAtHJ#1EP+8AIbjUFbNdiY`CQ@1~)<8Y_qjOTAB0^2}8(Q9fX*NIvu!K zc(PIu{Ek!w*K5+pZYnaUu0A8I%!5sf^rznGRr?bzf96NT3>$A?SO&1!C0E$r0oZlp zCJzKXufo%AHe1~8mOG?u8x?c4CEnsR{GT55f28gTsKae2^(o4ZLl3hA>d4%FyKSy@^Aw^<;c_zvc@Q#8N!=TA0X zUXTQoUcrQnPh#*TQxrdtZYlm%PC7~4s>h&Kt4j1Ihy)+*sJ%oFzY<{q&BSsQBUeRd za+b;kDgK$6#n%80fxtyC@!$6uIkxQmv_Rw3RG&FW<6-MLxIlaYo* zv#D&709YGGtxAZGVxF0VQt1t>mK^5UX#4rNc>c%C|E~oYI%^UBV4TY%?`c@Gr2U_N z<>RiYlJ!Oqf`C@KSSmWcimZqh2zW^@gfy`bO-|CEcwYZ@_TjKPy(;tF`bv`-W&jdD zbxXKe!jqP{?~UAoa-y=#hpMkZ9DLfozeZY$|5%4IJg#X}yo*K&U?p!GnWVxZJJHwB zIJz#$y91;Mm;!sq@ydf-_*!lh>tsWkLfYbxT4;ErGtgsI_`JUq+P4ET zB8mRwsCYqgfu*{`@iQtz(2&w|vzHPB;YHB3nJ#T$) zfEo_WI(&Rc5P+du-SuQO{K07{Inp40bEaaTpm-Z(pf3l)OD&s`WJ$LYAKLjMO0$j_ zv&#nylQBxK4Ur)$2MxBe+Tz|plq4(2gq{A%wjDIIEQ5Y;L>-I@f`CTgBN=G~$0&^s z^uJARSpIlEZ*^Ax{f>lK(=HO?j*PF{oR3}2 zakMQNlLMc|bHIm&{}kC#wvjYEXHbv~H4f9Z0mW0kI-k(8l5@<-JnoOxXoijlcIQApmF3!kBeX}>f(4|Ocjws%~k&~HeoE*nC6bln9 zQZ1zYnV0BN-ko&-NV-?MX2+HtJb%4;}WcD8WvLy}PPq7FU*!M4@b)U2o`mfj? zmF?&wk-p@{!we^6C~O&zRYA{&jB?Ptb**409jb@qNK-YvYtcWdZ1Fv6>Qxf+fyD-h zZ-|40h>9Ls;`0xOeh3*M#fwg{W{3k-_Mnv?vb5uH;j`<->7iehCqFeWaGrK;M-hAU zj9n(tszcRK`ZQ`hRUa$(XLdHRmPC9%BE&sd-ArCv$Oi6DXeyKsMQDgL#n0N>TESj& z6$wK0xY7Cfd2sqq+2nmPpA;qn@jTO?i=xVsq0&ap>f^N?Ou(O-E@uYLpFvW-q`6}q zO-*3l7&kC(!dUvqT%NAn?9hlBokO%8wmn8qPd{x5UgZ^0LR2YG#As;+jX_G`%BKNg zOr-d7H~@pio9slF-8*@fFD2ZT&RK4--J~~zS^aNWNivKdjg^RJz3WESIxuRJvhh#9 zOsYlKp^ADP#j@Tzr~mn(QomrfpR>p%%wnvXdBi(7WmsD3!cQ|qN7bu59iB$j($LT! zQleJD0k$Cj;G1&|@{Y5#v-M^>24%HRf%P{7m3GZ1pM>A7eod@g>&?AD6t?75U;h=>5@6`>m#cW_of}cc8X*N4K zHAS5ybBv_?JNe6K4*z#1=T{6ADYb5tEjS~)w0|5x&#+*Xk5)bIM%uyO4&Rk|_QQIz z1fszd0-XZ)x0MWSPG3-6?O?=oV5>!xU87cCi2@7X1gwaa>Gx=j!`{du3vuVh>XXE- zN~Sgi&iQe(e~gs{uH%O3)%7CAs?MwL+)vU}PA@kKAoT!2uP-e#v+yBCtLSEEdD1s- zLJNkB82d_7U;EgKyend856ncqP#CV7O^M{7%Tz3BmO!8K8~70ESbhQd$=TeFQ1@P7 z5}Kp!H~bx+d31lt*-Ok?zIuAxPKIBFDb=}Ehy7%aq+5)zpR6h@MnH%Kt@4PbS}IMsdP|2NY3G5 zDmDKh@soRTMI|CTMG4&|K`WFA1@NV$5o20N;fdEQhkx@Idv$0PjUQfP%wA!&z>~C! zGEx$P=o^KbB1aWkm%|0bG?n1e0eAegb0E0TV#M#ZY3;s zsYHI#H2Pxk3RHjDIQC_17LeX5T>9SWJu*KkP5I{FU#ip7+eZTrxu_&-CQBJL12Vgp zH8|_5ZcG)F_!1)y!y1gVBwr>brl1_fb0hbUoI@(eAkXPg5O41|h`=y*iOB>^X#w9i zb*yK_-~s>MJ9w+CQ`N_qTtn!QyI(teg&tUHEzM@wW5eV!++B1*_)w=FGj23(@uK24 z7hMl%Oytk&SidF-IV~%X$l1AQV0em7W&vipT#GYsTfURieqTF1y-c z4UGso;;~C;B6rc}EBW$sTN-3ufC;mk8?GK=k2eGEoGTH#nW^c)g1Wx0re^-N!W_Hh zN@@kgI6f*WGfnCkk&vH{pI;8C8<3(CqUQ2AOA3}{lG9pv)Um-IoR2A({rtF13(JWU zEkROP%`*+VdJ7vZX1!?_xwZ77Zr8Bh(#2)*9zAx&*Ldk~Isvzh`nw)6wM^F}u_F|} zebBxijzINsugiY!j*iiB;z{{dzaj=sFxb( z+8HcB&csa!h)*Zq?&)T3=By3pab&4@`3WzL6b<&DbTQIpvt?u# zUAVuZxM4&RtLv4MLEn^_-a``2!n7D~`|+S~equwG?Z2RsXb;H_Y$jMWjJT{-0 z#32(ZOu^J-e8S))qwGPrc$&N@r&?p1GboHaWtXzFiSRZlt4y`lXpOo|K53wc^77gC zP*8g9!3)MYgpp(}91@Fjv$$!6TAbT9W5q@yoj3$CKk@O=v!R&8o~D=vf#iLqoM16w zQosMi?lM4&5=SW!LqKhISR>wEe(lhw!EKSy`L%ZTU;hL4pP$hDsgGcdrB54wS(J%0SSI?+1iH5s|thyaC@p>G4YN!BP_5#j)1Jy)6`4{=YR1z=fMonaZTes z;AG*7yYoP*3|8J(Oo3Qugb%=np;R94LvjRPhp8a(I~klu*hZlSla9#FF99W%4Yx{v z8B=7LQlsld*-V$&(2c3(@I>;MtR;!PiR){c0@dA_O&DwxlS&{y(Rj(dxud*9G}-nC zASElg3|&G5Cm}a|p0Jvwf^!pxpv(?w5sDk?(|{$QcZhE2ps)WNt=ZSxsBzdnZ7f<8 zk3P$S{IJ?0U2$Hmgcy63L%WP352Peu5)8s&yiBehU%;9D!M=mk2l;68^XJcUyj0kt zpNY2hs2C7g!`h%Gp6r}m7=0Q^o#)>NpsDbrj-|*^iOiB#I9y@o&Tjm-ZA-oc`06%9 z?B06Oryzdxy}wxw z9C?G&C>xLl%M(?qHhtZDvr4uPK>HnYbffV`0`@}UozSkSserPsmvRC6&0o?bxE@%k zZ5G?`NpKI;No14Z2&2uE!Xn?t*CAG9Ss^2*?|}nN4pHL*!uH?eUqi+MALvt}N-U9W z-a(mtC@i4-l?s~<=H7XDIxG?r+&Iv+Kv$FfC0D>(EnPkgi2l&w$0sHrC6%$x-P%F_ zXav&8hg*~|OHy8bj$|2qnGS1$(@;v_c!~1e9u88sY==J!^57E9i6}Z0=Rvx zNgc)}({g=*gK+!V|M3gx&Z5WlCBG(+L*QQPo8A%LX|mvrA2{teq!EC~O;>Kh>+9?O zRn&T(fZvjj$qmc}SOF@$WiWD>4sK?A-PmN9_RVYEslb~F2BYGkNYK>OZcv{7`58dN&M2Z5v%;w)qaeuOpTLg83ZI~dlhv<05G9m2 zJ6OF&`;c>E%J#l6ZPtEyA9~xL92xNZ&+p5WA!ZwwpO^NhGpJ7z%$jrKu&26ZaPZI3 ziHT-(jVLew`wNp`b0=n9J-t9Y@Kwrlivq*~^X$^V7CBZZ0z=7MS1 z@8IzthxJyB7$0({-1mnQnmf;I%T*8|vJ=UB_-qB+Xw^)srh_c{5_8hh@-S4OCqM?; z-;i_pGmH`J*Z4{AG|qT<&?1PiblC?Eu@W`ld`zjJ@B-%!n$psI zCD%B?B`9m}8fff+;a$exJHmaB>yWp*K0 z7gr)I#y*28aIVdSfAG6JU9JvQ%d>?iN0MyA(l_C|7x<*Rls?tHu_5oGwA&68WU-2P zu?GKF+Lgvb*}iRC$r6=9n6#o0A;~h9EG@R^QCULSvS$xtNXb?b5wc}VS@KLq)lGxt6B+}C|w*SQ_Xaq^h9M4a|6tU2$4>0?i*4k${Xy8$ zd&gBUd7}BKkd3bJ;o`!p{4Hn0758yQXtTh`DsSIzBr46x$jE4krq0S8Nl@G_BZcS8 zfbR+UONF!#Wi@|)Ror{ZFWy>lK=)dcd21wK)*d(hU02P~1z=|$lwS88CbzJtrJsJl z>wPexO-N8MB_-uu!-2_vuQiFRQR!=`D*{SJq6mZ|k!?a^m%TGWMC7QrmBBz z2_UCfyg{PfK>?&6EC#k7lsDOVLk8B>)fH$L!NKX{MG6_grh&yj=j9LDM=50(Ju?5i zip=I;;&w3vkeh`VNk|<~T4r9l&%zS`%%X&wm4Ie&Vz)o3xkRH@yD!-HVw}T!2KEH! zVoxY5qH^xdl}>-^x?Qk0_DyD)pQHZ6^owsuZ<}g2EcE2NlVv1Jho*}*Z|Yni~PVRw2- zB8k}R3-_vT^kX8?$2g`P(z_*;4lQ$o%+uwQcGH&UdB_=n)_mlkni=)WK>MW^Yl6Nb zYnrT7{0#$pah-sZk7r!c3tx3QUVbJPL4pE!@eS994-Z$cUSzumV0eUv0CD|@;i3%#=?7y5@su70f_AGU$X@T{4`?=0Z4 z3>(gG-l0LKR>yJC&B2CS(2ue& zDJcn8fxjXvCr7a{49k1`rSYJRZwbcl&BjBmmn;rP17`!m(_VC#UUR9mZ1=S!Vjk4- zy)z0RB8THWQWN$bWwPL_MuVl%M85$e;3s9{fp+)wNbu|i!OMA=#HqR2WJ_zY%|CyS zN({2&mE5DizWGs&C_Tsaw!xxFVc6ky>fY){yN!(oj5AdW?u(SX46cW^-NG7xXonW@ zIox?+dW5g`XH1XRvo$_@C)ni&=!=#DXtF1_)5s(Z*xw^g|@x*s^i2*{CbfVN^-dU5H#*z-GB=wf_DJdnh)lg zD#Zl7Jy2f1VM&bp32O@2!>1V3W*)iF%`f6Rtrr@!uih!ODA3U}tD9EJ4n;C55>SSp zmVlLj+x}j@QO_AMv^VQ7QsL{L{JlkH#S6puueY_7g^)pj!*h!{nvT_1TD6;qDC3CK zzW<5qiH?-jsRJ>9MEHH^iMC?^u~+R&`GCL1ftcQT{x%2@6-?5e<@dROrg2{*K-40p zjK1GI4N?gJH_J8M$Hv9@iiZ2>m{On{`H0+gxSV|WO-e;{h$rMN53;Lh^dp8AVrIeC z>xZlTove*oSu`h*&N`l$jDs5m^YHz_)a>j#8ht!YZZvqll(Edu@P?|}3itXyJ3u>x zxFpT647swoxml!1p9`#;K+K2M+6!kKxHl{p<(pdleQbAa8Zz#9tQq$wAt8R*mmT?^ zCya{#JsR6GPNS)3L0jy{UjTl5i6Dv7`ATfri~t*v^i4)qmTO%6nLYsiX7B3x@K|ab zG;~yUHFtYuP%$tk-{#pa=3p)(h|ktc@Xep(sc=ScTv9~^M2~&GeMusB#FJfrt}vZY z;O)uT&-eaX#jt)R6+~&UJ-CLI4rxh~ELsL`D}&&Lv$<2Z{r5w5&^Xu5P7{CFi*F7G zV!o!BtZAilBsAOY5B|3Fdf$SSylU4FqW_%k&68F=y}hPNA_xScduBC970832_j$He zLVMu!an|wYdbTBmMd*msDE_H4?Q3^|ofpO|%I=)1;eFd`7v3O%nQnoqAYQuQvcfyE zf=w7I$TGj<$BjyBkA3bXA}o>T!;qua$CpqD%VF${GE0|6HXgT{Nvb2aiu&82H~&0+ zWp?4W_oXwhwnvEc5h@ACz+}@G2*jO@5K=wmlKA!uMATZE_d@vo0An2&M5H>qJzq)G zIj>I!^MwItkMic}LPG7KiTaW3tgOP-J#tWc6@9i_{qhyji1-MR*%xfIKa@w20yR1! zi56Wv6}r5>vu?olTC```<9vCg0(sE^Bc(ic$hlJBaiANgOf#1?J_4P{+_&t~0O!rN z0V)MAZ$1~-%(_}IPTs^Zs5tbvK=x)TdMj0J>GOmMW6h)rw&H$Wm%ApHzm9W848E$K zf~l@*A@3MF03bS@+{Ujzfi^zLGFz=6X|}(v^JXuDD^T=kG&|J5EK3XLRef~XnE ze+HD+#>yLH`mL{W3dAEUfm(G2T~0bY)h;?@q!-KcF${Av2;=1Y%|kSLuU!E!0l+ZW z-dfErt6i!oN7LsCj97Lcz4BiPJa}_s!@(h=iNe}<`Pb6wR?q`KzfS{mGIDZ?mre-t z{(G)>jRV*Fmt*LN_w$Z}xlh!Q4t&8t#WNhsBPH|Sx!ecEY#)Tp&-f zjA!bm7J-zcwZB-PSkP>qvK9KS4cKs>MBTQzkhp2+ICf?qd`%v2% zSJwHbi!QR!DJPnRf;gqUM1yVxA)_JR7TEFR(>K8h5%*(4&{w;;gvV zt-P1IBFvchJh2+FwpIuC+OF<^C9KDAiFw#qDW$%lfoqjRTX<{1DN{|M#a+_W^YtZZ z#rqfhl?d)?c21fsaOg>?lpjVks{SKK6=j`QxjFB#gPGSlrTSOJ1W#X8bE@iAc2o-_ zVC_CSK6Z&t8ab-AD~2s*AoqjUjN$7uyBxeOEn7M49vuIOstzRa&k>yz`pKZZqQI71hv;4(+!U?1m_a#dV z4upj`))nRW-|zTx;1MYk+%bzR>5IQTn1}!Gk9L^*VhD;)sDgwdh48B{H$oxf`4J6Q z6FcGLLvbwz;;6MmgCh^Orcxy(C4t*GncYAgAtBd#FG2NHEnwkwI}R)*eL{0*BFO{^ zQ6E^ZBbn>kAI0gj26*+=E`Wks6G&(V6`bT$TZjPi3=%q|KDbtH7s#RJ$Zg`{M~+|* zJ6ZwNp91$k|L3WA7$~=ac%8iP`*#Wa3|=`uGCKd@vmG3$wU(F zPn2j@=*pFXK{(ETW%9~s=*r}`qO9PKkLK^X34sl(nRhFswqBV11%e?w>0lU>qGZT> z;VuL2jK4)IQC;cnUqN>e_HMAgqDms(sA7c(ALhYc#9B z2?HV}+iA{O$27r5vrq>z3pC!mVxhoGzs zAf1iLPn<5Pekij6rK6X@1sqlk-0ddUusIH5h+D79L!Z3NEWH2Yh4opLFC`BXH5WuH zZr8$WVT|$b*!lRZ{I2$08Gm9CM4XQlx$S>D&0g5xxmZ&XQwN99Zh-V@Lj<~eKk*86 zpDb`s^_$ExE&}F_p1Ec=9*}LK;C!3FXj8(b6|)~Qs6@QsTBN-Vp_aqWi!y1^3AEgHV%?;(f+j~(q*3? z`IuK)8c8HE)?vh$Q)+?v15-Y*$%U`CfSg4_8*@Sq$j1Z1FB?w*D2s3unK{k?_#v$a zN7;w2<%!cPZK;(S7iZ{h^>;{I14lxawF?IG5|A~YKf{tDPqZ;(Dp+UbKY<^S9N~qg z5`dldR(P{TE{yy&Mj#|)huVkSAtx}l%NeR@&E-aR$T=zV=9v|9uthLnYdXg}LEBmd zzz1xoio6r$JAca|Wgsyc3jXv?4~fD(g7)d`oQH!#`V4hrZMN%RU2ZkZ==#9v4boC9XYYw}x?IBkp*n&YnG zHF2=Fkrsg~-{H^+ci!z4rYIOkCyO)4Fv-x6^}$4fFavWPekbp4C%=q7TKAHQ?+=yQQGKG6?kC79w7gL4%DQ4Q$R? zKp6>6R#<${*!Xp?z-$ig1-e#-c(-!4fW#Q=)zq@U`fGx#%;1=5%;x;Ie^_~ef>b~) zeKs%Qtc(n;qny?O9H)(?P)Y^RUfYg@xI?{~X#yd7KUuB`7l(L(5dxJ2O5Kdc%H0C9 zhiiQX^XuENgR@y+h#tT>23rb7RM{=nPy0L5uy$ih!7Kegmi7Pt5ncSkZpC*&KYZ`8 P!0U>hv2K};-J|~iAP>CE literal 0 HcmV?d00001 diff --git a/v3.12.3/beetle_example/4f02a12e.svg b/v3.12.3/beetle_example/4f02a12e.svg new file mode 100644 index 00000000..d32e3455 --- /dev/null +++ b/v3.12.3/beetle_example/4f02a12e.svg @@ -0,0 +1,55 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/beetle_example/69122e7c.png b/v3.12.3/beetle_example/69122e7c.png new file mode 100644 index 0000000000000000000000000000000000000000..0446d3a41501a7442bb756d8b8d3d81d65c0f69a GIT binary patch literal 81390 zcmagGby!tf7caa>Ifx312uLePNl8mL2-4Esp@ejcgmiazNrQwmA}x(HA|Ndx5>j{Y z-sgV*e*2sU5oEL1Tyu``tFeO=UP|7=CdNh(!q{ zd?6`@TwVW{*<28VAQXtSn6QdV>UNs5I=LCf3&5@c8*tBxeL26~%AQ>R9RqT(6eaY|ImRna6hvzoc;4a9U3Z^{sDh-N3-O zMaEZe5K&QGeG?mdbEdW=z7YpOUcP+U-rg=5LFRdOR4S6?gZuCF)MEdVx5cl;^Gv|| zQrlH5sOzWu@$XwiY<{s8v!7loC@7?Gz9v5U@O%CWr@x6o#D_J-`2uM90AR zyE*aVg$^d-qfu?z?0u!%FogO}|M>SjADMiJ{KyC{EKyZe6@}l%#s*wc`g7;sGqqMj zsXWRW8c8uRqQTR%v!Yl=Mn(^hV!bZ@31c1aE|%x%q9H=Iwk*W5_6^$fahv!CV+JRC zOXimLYv0o17}UO{J$F7k+NrFp#P&Dbnk>zo^2NAG;U{=;sN9)u|Dz2B%V2k*xpsVO z=uvTQ?#h>-dkku2bCpJtnwrFZ71`M$1vgV}fBpKksHh0H1Mb7{@NmQ1wab57<#>2_ ztE;Q`@88c&3<~Q~sU<#Kgmd!#_uRcrcY=ic1*h;;EDVbE;3(aS#Ja5m>&+D~+SDOtv z1Xl$47!W3F4kogSuEyr%@7xj3R!WmOtR}O?Zz4Vo4Lq){PEJmWig2&dkono4NlHRNG;7R-%g}UNz2t5i;dIW_*(_#>-r(nN{`m2uR^1yq<_DH} z`JZB>9``3O?=H4_*S(o%KQ|lRcOJ=m@c?Oq{jb7_(Pg*~_iu!CCKVI0ZP2!NfNRPt zD9ABVR#t{{?C$P~yCMND9`i6!gy6FiC2^ksked-z-e}B)< z&df9x7jG_g2HGsPl-8~F+3<tG5Moz z(M!~9D4joKTmLa^DWmRiYGy&FZS}!^*v28>*pdeL-H&>V*$(i9aRcv=n^vlCdSlNA zS8V88S>2?>4-%85i4ocUyY-zz5@ROX&cR_|U_gZj4jhA-nc0E8F^*dM%nWhb>yhlP zu>yJ3uPZ0}%MbVLNJvPAS8vt7>RxQGwfausckju|+{mQo&Tj^n?9NZ@960&-w3!kZ zGJgI!RnC{CWL~VZ(Hrbfc&ZifZFJ+XRI9Eyv`x9-rCq}urbjB2qscQnhx487ncABo zCzlszOgfE)jI+|PH8@QN2(gy7zL%e!3zxhq9iD#3_2wK75tJjxw{QO(9i)5~#m_{|+H|>Wiz};*r!e*WQkj#_#!$-H(Nd>CN7c_Oh}v&wqyv?#E1i6~Ekk zQPZfbl_;!+g6=)Bwzl4k-k59n1HYWo4+_X*Nq;z;NZb7U#Ym1MT>A0xv9puY@5$0x z_&cRvZ*MRAjM?tiLbH3$gP%|udiqCJdS_;M1qJn(5_X|{zDQtt^X3gK3?nTq1y(lP z)MT&t%uEWbB{;kf|3zep_J7oCB@;`}XZcud}Cqd$4;~_H3PLz~pu;hb9jik%wI31QjtJg(OeB%)o9N|#>T>G55x;kwp z@5}QB3Gy%P?O8Q7_##sU^5kJmEXH>;^N{Dn02-5Z4KlWjlzzw&JH)w zDEZ)4PAh#UGe}_4q3{a|3hJX_AnA_6$kzGn^jE;@=a(S3aCs>yT6+5EUgM~!C@2$~ z4ocmNAyH9^=H}*a-jp54TuoP-y`KF7~CU;qvkW>gt>w9BLG3A4|r{(mc2Q;ggeZi^oIH7E&dkh=w6(oMgI)e{E_~9rF=$jU!Ozc+QZ&Gpn?z4<5nA6JV)mZJ zMen{?I;gW3XUFBo2TnUPPt_~h`uqFa+l4ipscsNq&&|!%Yrhc|Zij=a@)BzLJHhkA z%^l=@JGcAM$JSPF2L}gRTifOXUgCQK8Lj3c+2SDt4WBXToBg=a1kmzYRMK=5m2#Q~N>QnLHU5B<@S zyjM6lIAnre+rNIr$HqFq%c!biD^kHm)N3u{c%xX?=h^L7dXhyenwqrJ?22;e9^DNx z{NDrCp38I~5jM%;*7u>IA!a6~@SnwS`t_RK?jyMO?%g9L4VydF*3o$)mn`-hZxVx8 zF+V?FSXh{2C_W)U`STvdx`UgTn3#}I8=QY==yVDFTg_tKYLq6w{~jLa~@R)U_F;#HhKCxz-ui+_E^g@se~b~#W* z4p#dU7&VmM#uY7ZJ+oQh!&-WO|0^nzLpO7yJ9-V-(%D*5i{Zo z$-R}{dnO^yI{Au^^M6jU+5Hs5S}N1|+!L=Um!qqzyZP{orN2Z@)-mbH z_uf0V%`y8pWF+2X?R`vsMpF|(h=-Rox4ycX_j6G7`>Of)CjOK+I(uPHXpT9J?%SyE zpI*;KM@L_`Vy@^V?Z@T{McV1n(NqK>{Cs@GzXAf6PoP->G$noTfXlcCH%e;UCuRMF z-u$pnEpwNaf31sN0 zs+t%X<*=z1pZ0aISWgtI(sSi{nfUwpjn9?kk8RNRzKJzpOX6UL57nlFsK~jq{rhpU z-GhmskdQxc#Daqxop*HsnZ9p_L)Zm-3$~P&uI@sa&T}@;0VwPq9v)OwROx)KRCj}v zl$6N$TySx5Z8t{qe*XL!85vn1pP{LtF_XfPUA}$$2It7h)>grZ zQDtc@!&{ZRIW$cM4Gp+SZeouJYotAT^eBVhJw7h3%a~0^Tbo8Md1ZY)F(zgV0Bo|WnFBi+vNb^+7YHDhJcG`hPq}uWwevaNu_lc*iIs44j<*}eZ zM)|pezsNqcJ_ZJc;PlV+_2b)|hTY+$nirCzSttPk0dPV@mYn-Oh-CwAqx2Y?RM9Srm&4d72Syu8UIC0GI(^873Sg%rMj z@Wq`BeLudhn#f`G%HH07keOCMpaqz8Uo_x5;2JBlK?97{hF#dJYOh|siihQZ#@{Da zVD-HW7!zez&oC)YCjpbTx}sv%xq~mo&*kN)UGq{xV&WF}$8iEj2C8g-dNCmZV^!M!*RaJ&8gsQ5lJv|6w>*Vxiv86dH%Rp0e2D;^{ zeM3ylJ-e7!NZAqA)K2=S3*xK4UJ3D*M%PW&N3M-&iu6rLJU*R~ZU4NWi zn*x^i#fujc7kj*ynC9%7a71@@c1lZ2SM6O*O@9FfwPLEq{rB%*k4t1mM#QI8Taw+m zhU$`%5|J#I%kxtxCJowUz&{QO9|5@%b{ZcTkX?-qgzYRKAV5Py1K-ln&|ubW%3KJd z+*M|P1J>93($Pa_duK%k>knHMjhw4d%TcWY7;;RNL6QOES+W1+8X&-L~e z!79V^0L_M@rBpONGJ@B=pS;UY5Mp9tBAzn>TrKw54t)Fc^b~qp@9F_uAPW3mY;Cokt_lss z(LtdD3CF`kVaFH9b|b!lhX)@$(fef=5s{8Ng6G4D^JDuF?>m?D2{{eFe1Px6ae$kv zm|g+g2A_bSSlLM?FkB)hh-Q9r|5#Y(b6Z2r_=dO7+4i-`k{e=xJ2r`wxJ=Q1}^tEAaJ2efTh?e3qK@$^pLC z6RU&U(a|9?pE){`Ykv3srrEbtC>_&3e;Q&Fk#uhj78Qo$1Q?80t35_TG6}}wWt-Wp zOm(YWa5+>}v!m~Nb&>^E8UExhv)>!)7#OgIN(C@2pI~e<)6$Y{oRF|$aL_eb_wR;s zX9+GXKK5#wDRJ15Jc&vl&O=T{etv#d)+mvDRy~eQ!7|+>W^(;cpT05@h~~U7W)pYf zR3$ULb0-3DnW$)IPft&>V-Vh=$DhGM#T?Ks;5KksPh~3JNcN)w%;vHG6Qh=Dd~9s_ z&z5V$TW*pp1*r=;_%ldMObN<8EQC0Fl6c=6GsiaAiFa;>Xwl?-%pYOb zs%O@5@X}fz4B#)z%tSg_UcBf}O(lU!Q~Ott^`Z=_q2GV^HdXyLaf-dOaX50i9cCIN zmp%1v8@avDNX*FC-P#HXw_s29_xI;b%1mK{7b*vLyq3zidYUaM^dCouG24H>LaR<& zzAp=wxnJ%y$rX$d;b8tPyAi%@&G~sDTSuGe_@_o|WshPP*N2V8_F1P#8nWrzm`N6BxYf z$sVQViXC?9#S9NqnD-{;%K-47vlI^FWhAeDXm zlbHjB&NvQR!(ZY`7-OOk`{vF5p`p5(n$Ym@Z$m>+jd>7#0O1A(22%Q1r z`c6F@MxYLGDZu+<-O|Pn>6n?XW^~LOaqV03b3!83l;d69-I5Dv= zpk_q+R9C-sayo+6SXEv9*>UR=&}U%6oHfV1#CJHy6d6@ZYc+2A;q&HayWybSRi9`TD* zv*K&RSCP7!`f?Tlce4Emcm>&TOWuFfgP*mP5zH{0$%rdK6SC5mbJ+ z!w(-mVBNZffq*K|~G_HUoz)%GvH(QQd3~RFDtw3$5vt_ zc=+&P1ktnn`uY=4J75!E{{Fn%(b+k%>q8)$0~%P9k;3v7zKZ)UYzIKKlHJ!I@)b=$LD#rD-_!G<*BBJWD^hZ~ z?(f2sHf@>N^?HAP4L)OIld=gV08U#sIyX)>_1P-(bNUy2Ev4hr z(stI@KZKK#l8RH|H3*3ro0$CPFETpM_Uzdh)ae`nD+6(EI2N!Sf6q1CyJ#@(jRr+~ z)Vu~TIMFjx?N%>Xne&MfH4ut+0IEJb^c(7DyiXruMwEQ@YO9Dj*ZdPv3XdXXH$~*& z!m}GbX`9-$S*HV$5iJfLe29KWis)~*oS2d!);&7CDI#qpf2(?`SnRF;lAiE)7nhXu ze!tfXa#(hDHemR~w6x|o^Slk(--;+uM{_d=L)_fLA}KD;KfJoC>ipuuj-(Dwrmbx~XnqJH z;sO;G`Y*c*-ep0%F_mmq64gLoKARE2g9i_ZiL>FZEhp1#ftwLV!ef81(u??9b9Hg? zs70F`17KiH%`MSMVO0*oF!0DG2z zQN6;jD;Vqsz!0BROI~Si`y?~!G#-M`V?Li*UaqH{3AGDY&e>{$9=I4FP0Ru7g$gFI z`%92amgZ}2vIT+c%hgHSotfI}df;`z%gj79Gm|{vSPM%Gh@si@>=jMSU@FfafJOiP z_a7M<8DI_3VoA@M%xjj;WBa3RZ_gHMDO318Ax;2Pwz#PmU1T7oBUFPnV zW&6%mdmbcIxdROuZqQc!%v5zay5W6^7XHU`VC>GCeS^|}fxUN|L%p!w$Ud>(WMU{O zcI6RaB=}A)^t9}&-5|cfi|57V96US?04;ks^5J9cufQg|Wmq9D1c5p=1o{^(?QkKQ z-Z#*tdi5!8-VB+VQeT<>^Rp{tbJKDq(|ffqj_2(!cKhy241H`OrhNO+u~-m;*sUf9 zzI@63_z|bG0{ph^*#hEwH2BzRrJDZXa6jC4W;mWY33)=z6~=3*)Nl6%+5z?F0Ww@= z(hrC2{GgvXZ0fW3e~Bu7Asp@|21>=W(!La5Ly5+~uef(FCV^QmdSn(26Ne(F23Qt6 z=WMZR3A8UvKLIOYyla{YbRTYsVP$=8F1iRUF4p6_K?nI1F}=B1M<0ue8$HjQEG;bo zl$S288CE8?>(gfZw7ujL=geMrv=sj!qP!(--HrxeuebAI`7}drn+ob?6k)iXl&gb+ znrt&K5eZ8X;g|xRAvXQneYhkzTMHmmVP!=`4At8$E1W?ec)+B6vOWC_#PZ&lC*Vhb z&*0|f_AP~L_h!s8yAO1MOf;NMsDGKMFS3D=Kzp@bx%9ZdKwudeIPhUPD_jR3@u9;{ zJPe8ED~tpc>E6A!0JouDkwrX-lY!HC3px3fV)GS#yW62TA_R)>zvJEAU%vuK&I4|f z7I)n)9Ezn=27v^KXh3S0%HE$pk2v&XWpPf&hO_VzWrL+To`oruW8rZOZqN%e0#5-+ zWMsYJv8IBbtE(%>B+hnrc-a2H@1TTFOiaKRtvP4G$l9@-nVwc$i7qTFgWl@|Duxc~ z7xHm88S&76rE+#9$%fwNsxQ7#j%SaCUw*Oh{`8$bA1_fo)M9h=ae;k2-P5P5w%qWv z2y#2{{ah3Z0#M2vV|R125#&y&f35I}*?cCG^6i9#cuGfeH%c4)_s(dMNr6An1eU zZ&`Qe?_F?)G&N-k#-KDo4|_;RSm^NzMA)`ApKV(^J63TKl^Zt#;ojaM;jUDnfRkAygw;mhpAsyphj8Uefy9`!MbQu_R`Z@_P5EKS^$X1l$g3k<7wES};qtrz+tp*x1=g z*v*IcmO3BWzQq~dnBtzEC!i6%toddVwyEFvRkOV7EpPq>-NRP5=7tUWRRSWr#CH(| zEiw`$qHK%-ukB7F_%2LB7c!8Vqc1I5+0z{7VI;y zsmkz z%5bs2fBuY)iRsj5Q4pyGrKcOv@R5@J5MnfY(6Qla-)nqXb3r>j|o(R^KDrom2 zY4}#y{=U2^kBB+{ntJ4pZQ!$Q5(cs);m25-i)N?7)j}O&1z#Lgk>cWF;rEzD=h>_{ z%9q&C37=U_GKQs>V~B%Mk|CGE2?nFPt1I|G7vO{ydhY-1f){73g@L3V_7%UQm0hb)wYM@gJQK)?$eW$0^Hpq_(Dln&siwk9(xYw6l=2Wzt` z4?30kH-XnPHPBvw$6sGg(=bpps2sh~)VLiW;!NZ*t8%7K#NuIn`S;J-GKtwWUWft{ zQTgxHjQZ>PVW)xm@j|!VM|WA@F4R_8#*``07T$Y_ium{ z;izwn7mdM-j57f)&aU6)6Y_w0b8E|aXC}^p?TUV7Wd$D}pPQSzkhTMu>+|Q&ja|S* z8X6od-MZ}|a0N|5s{Fe@@7E_BCPJRC@-T@SiJ6q|un`Tb;Pn;e-vo|A%xdUYQeq`7 zE$!lR0yR2czMT3`X;6^#`)8MM3Sb|)kLF5)Py%|PNYMiBwdg+ISX*9h0~#q%(T7fN z>FhqdyYcDP9_mTP=Pk2zXB>-tS1w)J`A(BdF}oW)cB$Htj%%276#IlE`H@^dUmKot z5Y{ZLW~#uEkQeC|7dLYK*Ds*g(}o~=RV3&L5~OYW zT0pHZf^(|Q$i&PnsZrH}4TR+a1WFJ$dkIGE?-LNf=97?@muEYUW`nLxF5s~~QS#vL z1uISom!i;XHix+QfQ164q@h-s$K~Iu&Dmp;qaCvqkRZ-utfx<(#w|BmlB(Q%z|{11 z?RLgc!Pv$%U~tO$DhAI<6_xonskOBgK!W}2S^!Uuj?M7T5DGRn`+-DOs8YZnA4!Ju zIjk$pACIwgcO_6pji-ua2~(9XlfHZ+Z-BfRMAHaJOC*p zBO|vaeR&Z?i2nOwYpiu~Tp$!xtDhCq+sQUVHZ7;WK$JZ?IACLCorbOl=$I$hMroPN z^}v`7tr*+9Q;53kRiGxW7#imNu8UYnXlH|_C66x=B$d~Zo|3X1d@K;Rz?%x&4V#7o zlbV`(9p-3s+yaFa7>ZC99vqVMow~)y0iX^yZj-nGTZOU#BxKY!TlASRc9>*B>So;P z%8J;(?!5ebK)Tmv8~zJv>7v3ym-Ca#z`($Koj0Qm5?w>jS@(pHw%N^RB&N@h69gfC zLl}Kj@b;5{6-pOrX#MMr6R~|vv?D_SSD(vPq;JW zsq}YFIn-+?>_?5wn>5lQ@=@+KOpyXP=Du!`rvZ ze@@|e9xr;|xqVyrvr{R-nF2FyY=cRE{N13(baX+XLSfZOi*o%V5ulOu>x-noJYZ04%$wM@mgiEv%)5 zrWDH&K{8dw=w*F`Ek5x$|JK&m*LQQ{MJQNU_5d3fUIdbReFzHb1vX7b2jnRtB;=+r zE)YGyLwb2`sYyxG+tbx?f$ku-%hH?yf&5~)4~9BagQ*ic(ko0Xq_#mE3-n?P)OI+J zZ|&`ENx*$=0^uKNgN@qRxeTC`Dyp!l$>T@cyY+d$gF9B$H#YY{O-+8s1-Pbfb^zdu z;|{G=Q0q!>v=n}*pm&+K=JP22duRwM&%vX176QLuL7a4Z93w;dST?q1@l>kN>ohuSK-Y`CCtdu0 z5}z`B8Dv$eC@EL)r+@$Wp#Z3>L{hZ5{)mMp;^te-1I8m%gudjeU?@rc(>;ayaj&Ds zZJoXcqqd?LivJ-!uCpSGbas7TrIGEL@#BIB*IaGCavE2QG#u;23F`>ARq9Ce$y%b* zK-UW!6d7B&`;?K&a^--sTCAtp?7x8nzV_I*_3H8rl#D-r{($fT+f|_jlQX4MftFY> zlMJyv{;d;thzmOpQe{@>>F2Ww`U;&m>VN0tv$!2M$3f!-AsdJxlU_?`J~IRabZX2; zK)gahz?{#@%7R2mw_R$lF=)q1A*912xjsrHGVHUWwIhMZxCN=_-%VAZWh0dUqya6^ z_T2<%HfGK)7lLjsiFX862OnQ*yZ*3w4fLwZljR7+C;q9{b=49vH!!FKhZOWNt5uCF zj?CEnA}T*@dU3G-Pkywc)kuRwm)zDSWSnaW`qx3jOq1&$_*rm{<>ch9W$oqKm3t>c zN~*P?;quX)wwuGGARy6{3stj*)jJYc ztPiEooyQKeLy&8vV`#ungEW;Rh`ka!5LW|Hng=pPpgV&i{s*!_pxDAG)@k)h>sYRP z1w0c>PO3+bp2#NR-oKB5P>gwjGPK&^e-l>c&E&^v=v-hsocz{#8uFBMTnR>A|jDgV$}8mg7_WK96)Wn_6Qzwengp{9C1(_&J0ksFWleX zhXMmHs%J+4Tn$wmSiW3;Pmjydb`rt!;gcVP7j5rsk#)iVQ7L3^ z+NIF=C^tkb4ohZz{+5DE+TMi1 zj4|Tf+KXIOp;+4H03%tP&e@TFe0Yj3qh6RY8w%M=vLU1S;Njf|qvGyeLu+di0s;y8 z4yb~Mlk`uY{@vdP!itkI)ar3+kLLRp?g-oq+pEh9fb;lHVX`?;W8Y)m5>X5TcLp{G z`7_gj;QI{Ytvip$cmiKso%4PA)~yg2x0C%LMcdO)&T z`TaXw`>Pa?7gxRoz)vF?#zmXSKYa4L?W6Ii-oEM=v15Cj%Q^S5p~FQAOYs9`_!gc* zC<-w;8$yIDbXb))hO>%o%#vW_({8N3!8-7i)r>duV!N=8vV>0#f2;qzEQ5MWJ!tDI zft%4HZHJ~q#j}qU>`!+*Ki841+;58zakVq$6T%dsAouBfU~&l526^`WP; zB4OQlv60%@z<_=Asl{NnscwhH=tA5-#CO!%DkJ5$XVPWh8o5@D^SKT6TKw$o-s1e% zNiOLYuk2h_>k+H-&!5WGwMXV&2&St4c}`JrsFk*kbDE^Ks8vDj!Q<)n!y=rR(?vw) zyMvFg%%fM2GC|}6KNP&wot?D!_@gm-!88F+&;c~2m+m7J_}FxoGa6c2%sP!Vjg7oq zT+RSn3+-(7_N!Aa8RN1+Y1eIdfarfYQ(Uz#xaVr`0{8G^Sv(=(x+qrZfLf0MH))C# zffk)kDa+2G7(_MtS8u1CHMd+wCC?9=Jry~CU@TL@_rn&|mvmtJRNr;eYS0@qdsnJD)Ni0Dq?|WQPGl<{Na!)&4M+wpjCcxw#=I4Z)V{1a9o_T1e?~yB)4W;bmCEQM&Q;oD9qtkZNGTFcGYq zH)p}SfaePd4tC)qBhoZBG|XzKVB$Wg7WX zAi8IAwz79>`>!$sdNSz56<*(ZC*)%^*VyQXpQXaf-KJ)F(etJKXJWX9Lu%Sd?vi=^_qbMn6VUN#S68F=M}Mn+f1tydEn zFJ&cfQM_ZwozcdFJQ0`-KmkEJ0iGZz*a{&3JATgC22i6kc8h2N@_82P*RMfXw|Xix z2@>kb$q6uNh-;AudTE>8wm`6nbjDC56kcVpu(Ae4Ln7_>|PZ4gO>fGz2BC$U`(a&mGx(tMsP2IU>AdBp(- z>uiz$G%WSQjJ~%4`_>V|l|g+S%W85MKi+=mx;0``JNM3%UTr)kU#v@QxNO255zT6^EFl*TsjC)sQtOTBx&*Nkd04jn2afnXhdm$rp9oNLK)HgTh2H!R~I2d~K+qG{| zpH3ulAj<%(&jnmL#79;c_OvtHOn@AV4R6grn}d+7^+z|qL(?>|YftAyvW1@~&GhKx zu$KJmkbq8>rh9q$td?kX;5GRW6N=)^Qv0C!r+O{l?cr221`-?pa*1g2uHUx@m&M)b zC6|FC|HusN?DiqR4$^(NX|sie1sFXTNGOPfkUUuNGi~?9fEMF^v<<;nP&`jHFWDFg zw!n&kq)T~H7$sC!T3T9u{`vWNes*>hdHD!g-W*?dt7A{5`M$gXJOTL*^01Hb%hhgk zi}q$elZuVq{gnxxdLpxrM-sp6@XbHs(^A3r-if-56@q1c2n-~A=&OB{W zMP>@{RS4bPX)>&~CM(xAzSmt$%JWm7zaH?-I98+K9FlT4+fhw3&?4Twg;(!u@3K&0}N z*k~mE0m~HR=VuFv%8hjFF7-q`Y6V3a5>Q|gG=VP!7Ez`#HK1g7h_>3=RzTbmSd>GQ z=q*vo9IM7_%xOjhsP&!D9wx>r zY*exFLy0-)A3ZXHe~9>Gcwh2>8VI5fN44ulCg$CGk&<9sME}hjP{86dGKQA-L8ObK zqXj+%iBhRdP=+8T#{*#w$Y{QP{knCs?yEk_%M1Y>6%}@Gucxzhpuv~}^+<#l&29Jd zOC$agpv=(Ag>+8Eap~{bkz?$n`s4W{5YEaru0VX?DoMC)GfnwPU~UCe{*%+wsA%FW z|3y*IfWd2wXVL+#eR8sIWMAS6x)%KQX;5>3u)sG#NE>f8Q@UCp?0~=-M^r?fsJ@=6p8M@=eO365Ps;^VS4=A(sb;z3F; ziYOn71q%*1U`lo+I5%%J5+Pt7 z|JmE4Wng&5#ii!7!obW72LH#u_P{kD-f?&c2`l(vXRz}%yABTzH|Nnu$Ho}SXUvRQ z-iOPhBatuVT`}H=7$*BvR1ZX_?>+TT7OHI{Q zQi2d{<$cdn`w;ZX-0!^xrI(`xfK*tZo~$Xb-R-U&tlfh;iMW z3nG;5r1YcEYWo~Bq|>s^RXrHv&VIJ;s5SI%*5v31gLS{XS3qrrlJ{m6kyha16wkJ< zM$75WacQ87U4lT+CSK0HY3)7vy)gQdy z_M?m#m=o0HKAq=k-YuKsIkhMnNbj8E{8i;%Z`86kT*@tv7qxYef3Xu3K|cRmfcLa> z@+aj@-d62qp28Bc7AHtdJ{D9@jN2D#}m4b3;mV*;*$y?(T}XTB2cmn*#ky9+}7;6y$L zZ4q({_5ploXzv?od_Y=(ZYNZP9Q^sSHG0c3UII0vxorJMd5b3MI|N}uG8-F{e+sO} z@(vZlP@0=X(OYs$EYyVFnhnMrzH9`66qoUlg4zw&hDEuID2SH232eN6SwcVqmN&sA`HdUyi z6u!K>NT9^hR?Mhtl(=@N5isjny=3x~qNHlT>W2SOkn4Cm?!bT&^Ln z{Y5D8v5TI?S&`ljy!KdYPQRC^l|w6F(x^g5aPjae!SaTe+6rx^Aj1n}Kmu{R_pX0L zY9`3>17XB+!msGYSi;ivL#Eru62mqt>(Pm7uUd0 zLhDZ%5{hd8Ppt4QT~_vsH8ESv5ep}&g9Q@!0YuBF`9crxP@Akc?SK$h>wWy z`()mJg=7iPo`^|E2286_5HO{vk8eUc&=&Nn@$qqJmhg&RLslJTEujGes4-s|?X%`Q zgI!xs*Jfw?ir zV;}Z2x5A(Vj2JFLuI<6)9AeCdSvJAn0Wb+dFjVD=Ftw;838o9c0U23SEkD?vW2tEY-uUI~*K4&B zB8%<%bDy2>sPpo+@F;%-V)(_EbbiafTrn#!rSP~yhAbV=0v zIB>~Qchz$(z<r1p04TYWRrUG6Hh+TO#FO}Z`S`UW%Bqe z;U>C0;$xdfCur6rBvZR1FI*?-_^*j|uPuK5778NLOAx0lQuOt2DAorKeFeoi1$lX9 z78Zy}e+SVEl5LBN+yW;{{=1A6@#=f`G6GsrZ8~H<-R! zsmc>oHpXtuzru@kOo8x+_r@r7kQm6a*J&$obd!M%S^-!DFP5r0dh_JF5U$I$8+Xgo z!^2Nx3EIqwhnI!L22|X$zgud`A3_QG+{L&`#<6m6 zcphzQ7#pvE!~jl~RDvfdG366>G9BzbV|BzQ??nPI6aXJE-kbLEmAs*a#VG^|VU|W) z`~3I(bNhRWo;82uu2Zlu$<@6KiAAiZ6d6>-oVfUAZOG zcyZ%CPP_oNS(HqXeL<9T-AD!ob*pC5MHiQ9TJ9_xhTP|TMVL}%8*$RrO^0k-FyhDZ z=uwVds~33EFe^qR;88D==R$gAj`g9prcu%yvS_J|{GfyU$`pB-0&@K&Ow)i?ig}B8 zya$DcFyP{7)&?eFvG3eDJ~(iLLJ6@v73)j*66^|M0T1rLPFG;=AMl_=Q&~2rB()?` z2%OQ{g1*rO?Kp=whj^ zxBfgg(ffD3#_Ms^fyj!=VjzM_Az99v)a2LRW=oPFwc^c}$6dlpz@O~X^O1V!{+#3u zY>W(ceOzx(yr10fwzH)U;?@Vq{qLe62z?y780VV&@p($4=KJ#yMz z@Ptt$FcN~rs8+(?=~qwVOUHpX1PvuQI$B9XBgpB&@Ks#ah&jhY)ixGcTKvfpX6n1W zpEP@X{pgQ8vv*i&b^vg*}C9;|HL2jrP!0rCQK~-g? za1a^L{-oGgcHrlr#544VlJWD>(qf4~b|1o95CB?l#Lv2oy@D8AcnlQou#!cVE6H7}hUy99gbunCYVFd<}pLY-h`BA&@r<~1kp1fN{*n znwSlvtcc3kQ04gqAX{S*0(dKc#y%FxGJxceNv#V05blkFj?UKi*dsYQBf|#fPc9(| zegDA&wS)=Eo7oC?Z*|W zJt{zX#d0hd*oq=&Lnx@JyC4fRHC1nl9D*DOCL+XC8{Ga{hSg9E2UFF+LKab=AmDL( zTwU@bnegrpu*?9)r)n%<)PEXsmX`A&#rM(9BxHu>e^49;v@e&nA!w*X@88hHlx+QA zc*4#Zwz;IzItn@+Iy$;`gFOavJ#P2sm)!UQ%*ev}WhoT$CCF9Dx)9j5tD)jNJPi z4*~NWCg+C5(n(Ytc;~-=he72WNTc$uZ)_AznW{`qnj87Y7SUyfs`fi+Xk@?v0T2w% zr*4TsQ0Efh9_r4!a@Y$G32nhpW|3%ZMfJ)}N!q|e7bb1!(PyzGk#uL3InT3k;7x1S zSNOcT%>B)<@{+#uBVB$$fn;S613}1ESas|@;yWxv!heGyFHLnTn6^}@GIO?h3TPBWdDfAj@1ch2lud$f&|J3@M&}OPx1N-W3) zn0V}G9?+k2bC?fei)uezM_*A8a}94;4=_rL7EzwkcKmmb1}yH5$;nUk^(T;uUU_f@ zy5EBb4{U69o0^*7d>6ac^#ykYNQAAF54Clp3AL_1`)C7m_%0;ED$@6t{=B|7>BX|L z@1^>Oo+zu*LItI0CZ72g$+yANRp(3)0EW&9^HLqvmVYX%T$-5gm#jRYao=4@Yl2Wn_ z9=<=^am=X$TQfJQ9Fmh18t->oAjoM5=`a4Rnu93yL`HlW=eJ4Kmi$(27h|G*U(Dr8 z*}n2k)PHFF@uxRI2W=|}7dNJ8sk96a4D07`XTdUa`JY9`LlQ3aI5;SXl1mII>E`Mx z2V@8#=BV=OmDf_qCzQw3)YDT_6o2lAF9Y*;KPvQk0LnE?snX^}m6tQiEN6-;ulRjM z8%Qimw$e=ksp6B(A{i6LsPfMwAv0z55JWlf5 zEJ}pI+m}GrPc~H?eWxHKTdX=(2;2m^xQC}_l+OOFP3tWzEEu-8hBrV- zlHY`!2^=NZDe&e8J;WnDkej=9R{-3?P60dxR&iKRkZ^Mvzq=Eh3w$SR`3Q2a@Ryjw&ETBHZyygPT!OzSJ5E4x4Tyk-D2XIc# z>rgmZqRto(Zx}OEgevWdAoga8MB`HFA~zxx;)?!i2A>sXDtNT~_rBdnY{#%rC(W$a z7`Hd_hIhjqzrXP>C;kNwcXd(o^QX<}KtKydMirx$_FbUEK~3MDtt%%WFU5m71JE@# zz$709ScOCAbHw=P;GoCv0K6E3N_C*PcSE}19Skhg!|#%^eE_slm}UYgY8J2allu&> z_FS4EFbNdcyG4dc^7l={NAwYBP&x57OwvLq#}x8%;Mx~g%|!)yyMH{vK@=)|r`<~RGS;{(*fsP24{u)@k7fHsdmBThgb+f~ z6Ox2P<{?RDQJGVjDwPm24>a~53gjRMl!`1W8 zpQS$Na`1nXpgkdeB5L1F5o-U?4Bva&UjE0^)z8yu-lZD3HGl5WhS33izNhw-c1Djx z)zsD1zo+g-hJDrG0`?+s;nBZKrch=-PWp7b(RvMM>3vR#&dk7+PEY^lsRLeEr}!$6 zrroqDJLo?H3Wq-$9P3t^Z|zD?RXCYiSfnH;KOEa-bSVB{ZLjT6EKgdA=$I)tXb0I6{qXlxve!{HJ!kx)yIX5P`N zAiG-D2OE=kH#C&0XuES7tk-DfUVq0gwX`ohVcoo1GXA!y;Ai-pSV{>yoYmSZf}Rf| z^z!6glktHVtLrd2J;|g^jSdDy$IR{`dN@+z)iZo53WBI z+9_?d#b|m=n$j;@2naa2hzCD`6@(Ha*uu-rAtLydv}tgz+t!FOP_zqkb7W+TfYrvs z+_ia_IzWAl|Mn6@(=6or_UF#YJ`pNMpBdO9@D5W~_PHSqmX&R9X>odIwWfeTq4wj^ zWAt?IX}d3jqgE~L1wIf|QFVl_g$3{Z1ZgOMAm+uMmDgOlq?x-+WHYCOc}z?MaM9b> zw}i76@xka&t5xa){Q}sDHHR<#Av83x`dv-j2#*8ESBwvJCe zpI}1k!otE@2ikB5&@!vQX>tBB{JMMjPK#g89i=Cl{Y~AG>&k6`icWtx2KVf_7t6}w z5xkULh>wS|>%)hw1mxfpFLHr~Co$e4%@nYJ8D~4pp=4=0uh(r9q@M?q+~>w zb>{3a7C!V}&=zY7bz$F?8W7Z?g6dlg^{e&c;^U$DrRA{#d#=hNq1wJ@t0r5w+g6_e^6Pi9s*0Tu>hMoNQTGOi9^!&3dzhMciLXSeuH>$?ZWiP_dT0b z-e>QLvb3~>hX^cY#5tihhV<6XdCx91tHV-E>FC{Kn>TNEIP=b43MPbFx433MTKnyZ zKdP^vj$*cH`m-`Uec>F@@Uaz27qw(sLPb-PCR}4=)-zG`*cSQJm+)E=U())!Y!C>8 zhP!R&j7jVyy_s(us0)iNs^$=z2?JL(S~u<^rV-S+O(N=)713&Cocx*}7qOfBE9pyL!B*70}lWEAe>q0kUA zyY4TeGecS1Y%j(3qxSiUrK|>eDCsS#-S;XhZ**qlBrnZ-{bn!`Oi@OJn0FU7=H6+@%BNZ z0+hS6k^5e{y19+cdLmEOnbqEphJ3)>E@#f5LUV_WCG)n|sQWa8h802~eyXy#-8RQZ zc_wPaZzq>CyY&m|po<>dD(Ps9f2|a+Eo>=T`k;_SlHtAT(xqGQUvhCg>)=3&ZT|GI zsM-DsEE(f<7XJSA3lpZ;(c%OG>mTq`K=XeW76xD5s4gh@ajAA~G2qk6`JHzQ{zYrn zD_q#SXV38b@(e7vnl8^4J$wjpQy6+-($cJ0{2uDJjAn$y_4B!WFf6r3e3 zO}p*USx*=4VSjI7DmLZ2cz5w_rw6x*TwGin*Y@paVk^)baz02$Bo<{f@)NWckEO0g zH=qef=Tm@VkAU@!g&rIqAVvnPOt->l>enwtn8ASY&d<*W9_QZ68j%G&o{5QR@TmXF zCH1V82{pr-y=24^tiaIS5rk#D>MHrJhJh@dQJaoj)ax$>vLfRu9hy42xHC_;C<<3A6m!P(h+ zyq%BmzkQoIwpm(A3au&I<=q_M%%i_JbP26USN}{H=0rxUCL^eks|aZ8B%{Tc{ni#f z0+CQyEzim#Tj(tH@3yH7d%W|@wfGy97rAH4^i_`U^W}z?Qh?5vn;_zKem!ASGV0ls z$oTXh8meC6P(ks1?)-UuoO|Fyf$op71q|5ylNuTp^zS8_(I@GW z8>VPT~Gib_Q&+}*C4)E=&5sZnv^cO3#Xa?bT~RX4DK*$g{T923Pfv; zZi@L`E6VsgZwF#j)vY|q!xDTRw(dgWMpuYFx-S00lFM^RtG#WFH+w4S5{KuiVKI#a1&us z;|ZIl_pe?JA+<*MfI>vF#o_4DaJXwg9Q0Y?;#Rj!1-#lODP^wNJE0|35qRdi_WXV0 zg9pM(l#{Pao#*_1Xa?R1e7DwZIT3a9`;{KP$=T2z;10L>6&X@ak|_2C{05sj)}H#%lO}hiu%KY}@87T!#YnzU`Mv-6 zu@;HDii*lA?*#RrYG8{gpUr#yM^`6t$rlw$se-Cf8!yzXGBH^u}$@}a@J~)*|ick@6J30>T-~Xd%27>lw zpO<$jT92p*#kk4cMYjpMp@*gb3##$0tZSR@u(2%E80$!{J=@C3#1sYhr@dA+&t9CI zLz#e1i9ZVqpzVwDSAL5q3eZ92d{6wO9RLD$2K0L3Ih|bEt(s{73jh1JZ?MR%0)%vN zbhC)hZg~~qgo5Wg*;{7YpC{>xoHO6W&VU6fFCHrJ7V>GN)?exr7O3jJU*Q-pc=JXJ z`4{ssy1Ss@>^!`7)$rci_MXZw)*G zto8w=)O*jLuR#6@Kx_TtmKHA+)+<#5WGwpGW%XmnoRMOoqQxVjAzVOh!Uhaw0{3B0 zSHPd(_~8ijrMAj%J6pyRClksUYFi`_39DcKu*=KK!#HgGg}nRE#Gs&{^mOZlbC-5R zK|$PT__&~;KdDsr+O-8lBG_ZiifOPuXx+a&+)`efllQ6q2(1DA#L?q%BR44t2WRJ} z9YD3oGSi5NPcOVZw6(QaD)l-)-=VB3q|%Kz?F)AVU=0R;@ypWCXI8!~80ZiUQ4=Jl z_+S&YEh;q5-GQy&)mCXl;~{RN+dBs_1xRZ}(9x)HJWe!c?{3}m_CveU+QFTaY^F4V z+_ob=_ft}S!d94@o1U1No2zF|;pngSC{9TD2#&`@N_D-{{`~pq?FX4(%F4(fO-Q_* zkg@tUz~X_I7Za~ljc48XJlJdCzHm_k#N^F#7$?uf#02QIG^HEQHzkWqgxm~>%NikK zhkgq{+BfV2rJ}z6_^c-&O&l}RUmD&2yyF&3((Q#}?Zby;sk00}_osItjQGxt(u>ca zV+xih-{{l=+wTY%#RpydCPD7`;pgLHnjhlg;qjeq+&1F{k^y@RRT5GtWaSCyHwT8v z!*dGyzhgyOaKr(n^J{8q`?hUQvCV;?`@9@u487;Nrt0WqQJlHF*5q=E*?|6iZ1q1d zu5ctB9kqvBkVq`*bz7fLIGl>jOY2eOsNTUd-OqIkH6aRdX+(P^rFE(*wviIQ4PWtH z3kYfow?ve&e9+EAA3`<=bxWL2$~gAmrfv^~i24jQDy_y7qn(Ocr%$hLrBmaK?6LiQ z6T5W6%hB0+b!J#yMy3LvE?0vc3FvwMqf-|yJPHZXJim~fm}tOS4Dmuu&EZ|G61V)! zJ1=NI4ZKKI+HxZMS*sW-sTgf)me0>DBxGf%H*IQg5kw||GY2UJN04t{(_j9py&anm-8uTITI1_0Rdw}jFfxUO5pCzDCMWM|3s+gBrKU19$OzEg zg-J1fQ%=rVxMjq|)Y(XSRZe z)|&V3aWxzm`2{2RV1DWn>A&jYu?6Qc*!TM0QOjUWGDk#~*FK zSnB>F?;7A8KPDzj%*@FCx@LzS!TV?PbA8sD15yH81*c_1;w29pm|s|cXWzAJ*XRO~ zG)HsoAHkvn64L3bFOd+H|fRy(y!=xoa* z?Ti6P4RD`Bz?du1Rmfs$4-I7Foy_oBi4kYiR=3?((YvAEX~Z-x$(oe-aMD;b-oJjvVkKQm0hCOiZHBjfuw*0!A?gpG?!&bB@nE?A=c zx+VQCBC+(1hiW!AO?_=|zX&o00t&2N?8l#yA)8~He@gX|-YEs_aArT3{_2n|h2Qz~ zR~>GuLNQ#7S_$Fe^7DCtbRqQ;9Xi7KbVH#E7o*wD;#ZKg;1EICgBAP_p0nnR=J0jU z^>~4x0+R+H=P+-9DF_V$;2WV}w=jOz;IB9S4mw-fgP{0tMgUsn;K=HE*vizDgLAnE*6zfH3GR1kB=`U=+L2qzUM)cmdA55^x+<$N%UX+kjYb_IYsfvD~7WCO1=k;;0 z!19H^sCJc1QoWE-*Vd-Hl^VQf1KHh4$Zm_Rl{NRqsR-O@w$~l=+xr-2vTM5?#E@s~ z>@I$(*%PBJ-)grnw)r`Gu;fES4{AYQ0T&Y8tfe-F2$+ceGB_tTo3?()NPv>i7k+xA zwCjC!DYSzlgg& z`Hk0n@BQe`d59D|^2~4CxM69Tdb@o?!zW%R2ii>Ju9BNF0q1iLR4J-uB4*!_Yx}`k zVDZ3-&9tBDzF^54Hje@%TuSmEA{Xbpyy;GEhI-AjCiTK`x;p ztDi!)S5{vB+KV~eAHfPLiH_n<1;N;6pt*JXf&^|xMIBEtt)t$&BkxvJ6jNZ0neX*O zqQ=)Wj$S^)q3E|>lb=t=Gt0a~Y2e*EMlDYAzN~QK5QjVNAztR7x{NLdUgo^A&I3D` zafFI9cR@#2QC<%6h=RalMn(|&5q=nzHg%NLs<8KfTd;SofsB+?y$hd$y0vv}*@Sk4 z;FKvBEoH{0Iz{+-AdxJd+eY{w}F(<`UqVuKr(uI1!bWj*}eU$iMFH zmPQPzy%ict>s}HZgd1YBdDP$1?C9*|^xPr<(WrLZL{p@owjraw_(MZOHi9y~3JV!N z-=m?Xw$b-Q3U`fRXtZWc1>i?zd3g;CkRX@J%Cdv1V`io3WSOMqz5&Z!E z&Ze4T_Kj`M3CV*jZIJ50MIGrZSuTJx2JIDz=e`3XMM@epsAc#Et>n`KubX)H68?*2 zg^t!|j~```4Wo)^`C@A@92*yBZ)=;GosF>p(W#zfXOF~}aEjfWSo(Fh;Qsw&^bvlZ z;+z-^VRys>3GW&Tyy2<)_jx=#Je-}UDl26Z?U!y$6ga}y{BL1F@iF@=`vdbi?U>fO z73w>*Sl69nT1_jRRjRkVtZCxA?8OO_@S-rVUlbG+eOaDpq?Qa|uB#5ndg8%lVkwl+ z>OIOj+91eE2f0(cL<>9{i|yDo%bw81hWw?})Fk~rRTFet>Dn6_HP%IUgFk$n(~3!_ zhhj5GdGJ5YY927NzR}aymlzip{Ehp#KNW-hkR>e#h3Zok!|=(1;F~_d1ky{mVY$@@ z)61QO{tMv;KNDj72Gj(6?olAiowcyA=yR#W8KuV!a|(n@u%{_f(1FFbeqX9Q1iybI zA95>e5d7E;n=4Q?9^W+^eI8jqJcO|cLN7rS1&G94ycZH6-=*O&bXvK2CV=HlP38Ne z+t%D1V956=VZXFAMk@&D;c?#QW!_ZFn5uVPl56QKn&<<`{U?Lp_e5Mu)ExtbJ;N7( zfg8Yn6s~$f)}rA4^VPwoO)8&J5R;WQufpLvEJH{L&7p?p^3@W~9+ls?HkxC8mr z+kU!z2gzfltrOHkIMcLsa zq=?Y4u%{n;{v9)io4)rja#oJxXJ}zzffNFXEyzT%cobUj1;tfxA6764>=@rbR4_ON zqRBn~Nw!e|fT1P+OZHOzEiDYzW}yN%p^C$Xy4*q#u#T-3hu7U-9Nho70%T=n(UYIr zNau3#B2H1a1PT}WFR|!$?C z{;9CdN{k4a5($ytwo(!{l3aiwmG?GXG`-d~< z9z#ciuMH9w48XE@>EVdb1d!gbIysgrdRw5bVP*BXhdV->&A>)7AVf|=5_u`|-E_!5 z<>a0L_`Y$^3Ej4V9vNmSTi94h!!X@UeDe@)&fxp?@&MJNdW_J>LP}r%E)^*Le_um4 z4EJg+9f79^3<7pd8Q^%s?2G^v0aiL`85yt}$OVz^z*Gd80tN*{Wa)~0Xlsko$${S_ zW`^LK`S?c)?hn9Q2Lp^s- zh|KK1*K8kA8Alf=cjyq(zB=nBh>JdbIwj23_2Um{W}wnbQ=kM99U&$?mScqXg)h-~ zh)O5N#@?JO%WNybdWXo$*m&#MPms1iSpeh9@iOxYVk3e1{oibzdN*ZOIrt&-jw9YB)U2Sm?MmaGsH0!( z+4JXFq)!6_Uf)w!bwL0_Wf}!n^Sygv-RF+n54Am6`~i~s^l6l}Sk+_G)7B;?aWI=U zF>#w6(d1gXjJ$*tfzrM4%^Rd-D@#kl!ov3U_DG1xT^d)a4kO$gJops785I>Ai?(2% zpcz2jgQ5lJPg!Z{QFz|AwgzeaDtQMQ^xL;@P?x6OzrO;J(7RnW@Eq#%I9ch^zuU8A zLkf5=>TN@I+(DxRkUk8~S(?H}3E>lvZM~jErS6qfV0*X>}=l<8A3h-@dX$dbM zPYwO5=!8Kw2k7R6nHfB`(6(IHmj}cMHfx|3MK8h1`M|{iIrChsdQs6ru#U`y_(|BV zArvAfM&lb|WPL7xOr#nXW@ZT~DPXQoVeRA6|1Dqj^Ybf8lW|^8Zcoq^!5u*ps|0u*sbS@6g;D50(u_oZ|313>jg~@nb5v+-#!a`8-AMhSax!EFR zrhoplICW|TQhX#6Q18udJ^bBoJC-qaI`9q?_F#k))M_Zm34h@5CT}Xl$kvgNZjj|9|G{I6PFFWB?jN=np}GoPt7LP7b!aLu4tI z6TYB!19vF!7F1Kl8L1GpJrWY3nZf9RfQ&Em*q$gY$Yx-pv$4K9-S6U#=LpvVg7EeA zMeTr4on=6x3&gAoaxWpFA`%NO&!*fOX&YXx1Xah@n%(%;!~Dhh`Pzo8aA@IOy$1jE z8_vBcD8b_B+0lAm`S0rAz1;f*vhJZoin==G@t8*Wo||Qt)E| zWD^(ARZ(0FS21gB0f^B1U1S3VK%E6ju@N>GE(~JM8kLd{NDf3_$;=jj<)6k~b}qT1 zo!=XlVymlS^!51MItyOhB4xlU@{A`kS&r2J|8wFMC}yA`Hn)u7kBwE!m3A5-U4T{k z;K5k!2iQ&rWn{qf3eka&#Lgs-pLp~LrG9y8zbzQ;Q`WU z_miAUASF~>C+I(A3)A5l0pVt})=!b!vhE7iR&asr5FsWi>b3swka)wnvR!QS11>!u zKjLgvuUiC(3=g|{DP%;C9_xQpI~!0_kAj@(~IGOcD}e z#4Bzjs|KXkY+JT*Z~zi)_~_cGmEDCrxxcoAgiWoQw<`jPe;C9@Z7v zYWy4RzNF9!aZyn+Fot<|uCrM5YNJ1+D{h708(Y!%cjN&}VB1L48 zWGlXpkDs}LyQqJ>jh+3~6!i`aO55sUfWL02y^6UR-Q60Q23ThV0Ri3SYrOzh&CCvB zLK5-`#4pH1Iy((=`=fR8JDdgfwiO{}?Oa5D1Y_*%%dIT-wi{HDGe4+~HHYXxZl?8`eryNQ-%@faG}Asu*Cp^$RAB;!EIJ2btc4HC>N=0`D|7o}E}oX1n7M0JK= z4YYaB{cULOcQJWoNH&-veSzi$NdW~R&BK)Z#9oR!Pyjw{pzDbcH5e#gQBms)D?=sv5i(8{76unRK&6aHD!Rgcxb_O5K|eajP``xMjCrK-?(OrDr=*3Fk1GY zey26 zy9c=QV^5!k=x8gdvv3WzaO%zH8IHVz{lZB@!#cZC zm~qp6e{3Pqw9bV|UYR*3u$4wUxb0<-qS6-MziAw5)}pJF=P>z-wGwDE}g}@SGZR0p*+v z*T_P`1?h&fqazdQZY&~#VAte0LK7$eoDe{io4ln&0#Yd|0^$Z00spf@H`m~ujW}3d zUJk$a;nH;cGTH-S4T3S+CH$O`IdT>5oQIaL=HdOJa6^u~bPPoo2mmlaSE~kKQ%|}= z5CGQ6`RsCfLc+FpdTHR&Mn|bXenZ|6(Q=Vm6-0_0ub#R(RjOW?^A4OU1tt*%VquKj zloj?^!Vszn#o#b+2;r!73#4}eq-Udi{jk-I8;S|7@JZ;~5oD)`_=Ela2KZv}I>?K}Vw*FVBrSr<`dv69X*O}C zcZ5mo2aNdm@of#E%W}L@Nf7+#W*XQqP_l)?uUB9x8}^S#Y#SU}arUol5JWc&Y`VLL zL`C=Pal}gn#`@^dadefdvL+^{X$XPz;CguE@+ka9+~d6hhZ@iXi)ELgPZ=nH9B^!Y z8Ln!u;1w>vPeFKIzmEHRR$blj6#D17Tyakyx{p?fUKf851S9Rv-MhmYhE@C+v5;Wc zhq4|IC@(L}G&w#Vco0Mpr!aU2*}>Xt>`&RVC(X^tt+di)?b+x$)6a48>allfSZ3 zKX1zxJ~}oA7iV;R!X(7W&aQsg6^NxfU?%xS}2n;Dj z;tla~^8Pbg7;OiPAFk3MqB!~a*PC|uVP@k?AOeDd!}vCUXJkccVd0afPeHA3;164< zFJHa7eZQRsQg1D-H*ogDJP#=70S$&SazDZJ80Z6UAd^ISwo~gCWNJ_@P6Ag#7d3P$ zCoL_>z5)0iKoppgRRR?S3I?QA*h-u9V_%JC~XXu(bo7G%M>>RLIn91 z0y%i7Bi7cagdjyglIMXEkuBUFBoHY=ii;5^4z(≷7i&G&4JIXZIfC7ttqFQX&cY z5_Sc~k}6<&kNp#ncI)`<$a643jFN!&3Lm^@KnemY+|0tlLPrO&6CDG?lZpy7VN6}(vmoiBW0S-^E&$&N_%Vl{KS9p5(0bn(DREUNIpWZ6uPz{ zz`;5(XO=`wi$*!%{qSkR$S1Nb6WTrsi;D09d8F)b78E$*JO#6T!Nmn=l!-|<-Z#!H zrsFE8+akUzf2z4&78Haq2UXO@Y|{>;pfw;P*uwvS&c<_s?L8ny)Q2egaAy!~O@Dsc z0Xt^_0TmK^n*6m%RI%_Onwy#N*8x@=gs_bK{8?2MhDZ8C+lbePw^_26HmLMm8xKHj z;9}^EvGrY}-f12qIGhJ$10D4J&$ zW@eze0TKgAb}@bhtiQl?)UHg5;hjKzrwG$y^bjE1MoEP#TJqpQvT;&!8%i-*Nl6&_ zV+H`q)OFycn;5w;sJ8_Cf^PgI{9=&5Awz`}g53J^^T@w_ZxH;twm(CFL6t>rc7^|r zsJ?y&-ZXlaa97(nJK+s`?HVfH7jPE`_CdDPzdDA{j!}tSs2y->0Sqr# zPhhe@t_jCB14)L-FVHYFNuzVimYXwDGw%ag2er3HA-OHrfP{ScN>xqXbBy0Rn^s;C@dYa!FfnV81oHC?_hPTt1Avqa6@*@F7!5>X#`jim^Fd6&@Yeh z<{oE|My5FlSFuX7-E5EAhI?DnNeBril@45{c&s5zBC2L$$>3OmP(jpC38kKU$p?ma7 zln_S_TIZa#w8>L4uQdZPA zs)l&}CuTqVukd|-rinR)PcXSn_TWJ?W8((LkUAS!KRP-%48^IkzD7YycE=N`ZP;cQ zsFMQ+7NmHMk%)dsTQDT9H3s-M?t4$%M*lCAX#kRN^Z(rOV6GqL4|Kci{>EMke}n#| z)o7DXTkJ4{XDIe3o%c=zDpCaSsgZ5oXy~-GOPphi9WrGKAM_u8GB9FF0P3!56(?DDMCeFEowe`qfMz4_F1du3c z(ba$P2f-7Og<^WC5rWH1{wIK+wsXvQK;U=?w(M3`{JF21+uNZ#+wWeC*=1mjfqh40 z0T-V6f<&;$A0j`j2gzN20Q(^Pkw2ZYM~zO+M^aS|2`;-PG86AceV_oKe21*%hP%LoOdOCo(7QmX zk-3QtVi;o_GM4f2Fw5)sN8}6ehXO)_Fk`?DQMbgux1F6c*wlE|CE-9=ffT)Wkp5|f z8SelBzrA4sn*oFtH9os$^8NdmSBd2j+YB{g$kkj630PRT6raK~AQ$)GOk9w(*&&yT z$YN)nyK{#X$0d@mzF-3q8Edb+HM6+b-qwa03Bbx%cdmSkR+e8~W?wc5EIC-H1x+eM z{s94Xh+Qar6vP%`f`<#k+k(L_c1&HQE0f*Di!af)39bW}bxVtmQo8clmN?wX{lrAf z?4pFK2nFce;$r2KCpvn1kBf?epQ=CPhVGD`pRCuylflsmku=%M2^ckw8~3YM8%!!v zhkyR$WoLIoI6#VkaeqZe(&+2FF;jzz!2CrXlp%mo6~s8VZasi;_1@mAh!DuDJPifl zFM-#virI8z<+HeW(c{PM7%qt44g-bvJw0So0RqVcoJ?VJ2a*cD1PDvqg#XEb{D%)g zBOsfAk;o)qJq|i*YoFOhyb`i`Co;YF?*qU3K|#dIY6Be>xN9jXJmfEJDnHZPa6w;d zu9G{!U{e4-n|OtxE~xqtN~pey&Vo+AH1MnxgD{X@!?_Qu2UQPLgY&bq*Z)jx5kG+7 zio_co9^(+KVvB)@LE_59%nZe&9I7L6=yB$dC&{Ps^YDNH(GrST@*$5iLADAVHW}w> z!`K{jITcV@NPNWqUWOrp6KIbu=pYywVcW9B@Wct)ushHQ`uNmfl9Yu7`T4)KpM$Oo z-b5ome;&52r)JlrfJIP0eqNjtJRgQw0{=sm)t0#b3@R7IWi;xNJ7y4XaBMXJ0(a`p zCwCJd3pW3N6db8KswBKroG57YB%2ptrsj(mFiQAf%gqpCXKUN_{yp2aZM$Q%L164A zUZD;`4tp%S3n?`{0jA-0M8th4Cj$kb*qnKTwx+*p*ET}PTE$&QkxirL4v|^D`;=QQ z4`%Ej1V@-57erEq)f^H+<6e58X9C?@2JB3mHyaPkZK9#cBzXF`k%%w7nQy8O^pK*PKJ@gM*4WwGn^;+W>Fv$UubI@9A#ai_ z5&$c1mm5(6Z;{1(p0@e);fr~0QIQMa*};D!8=fV6f=j2j$X^-NUh2Zj%y`n>+Ir0K zh#VGbmBl)kY|Z6AjoYjdNwAa7oKnSv+Xu8zI$d;d$S)|Ud(%O7h-0@z{b;uzEe(Sx zMuW2^@UY{&d@)X#T@y_hrD6#EqzF*w;6NMil4t80x}o;$;{aY2<)5pYL|Ke&`D%D} zb-MP9f~Fh|XkzrrfrPJ%6z3$5N6|C{(BMg!`Kwk-qbmfjjUX4<70l2x+)NN zU`D`h?zTthiU27_nm4lJ*Q;7}7yGS&C4Vyt3K0JslXOFw3ISZ=M1sVm(N6Salv;z0 z%Y7o1PE9s>FDo6^R{ZT3C&f>oZnCu%^c4d%iv9~MM)a^^ap?K@9FE9h3)i@OXycNW zAuGuK*pjD}`s>AHU<+WvDeZ4c!n=W`3bk zG-O8-{L*MEst^ssKbSWibSYDSJzPU4vL1C%Hc1|4gFjowchPxgJFycW?R$%@YmvpH zd>wRaLq$6640b<;*MT9<2W$7#9m&SgiOL*@!x|=yp}j}ebw~v? zKj!cGF7%j@RXOSM%xJBLJ_Z#C(h7sq#NI>Iye1(27-`9lH<;3(vqLp11x0gv5#-a> zHpOWE@m>C&0QXT_%tb?NHn}@Ojp7iy6fh)CGIG<&`}ZirjKX$>G4qKgwBjHqyYzbU zdBq_evfJGPdJ*4?FhNe7w$b?=`RNfhw}Ad_ghV)7LEkk!796n!ozLCybw&kjWCpar zMD&`Qn@Nqig+-A)jir$hS`O}|q!hWqd}Mr{Bl&H6`w6E&4WUd@VYddztTB(xdq^aM zqF-g%2@Go5C`$nffK{R;OXo3epbz2w2KWk?`%r!TlG-s2Z{wyfU#x^;$jxvcKL*wE z9afNbHKLZt1;4IvplITq#hw4UsD#--SLJWFzCH8-K9bkKE6N@E)Yq4ybb|~7;FN(a z(j{l-hN>>uD-_qRV{i-_auD(jE~-|jCXBTKd?Ne-OL)lU&(LJDks`?SB>EeWrl9)O zF=nen#SNq%yBJZHJwSz(hv(DFThL;a-*T>P3$$^M$2$Ulh^~=KppV7GAb6uBRL;sR zRs+v)#hU>;*$ zd|cgF0+tNw*Q(agq0AMe$lxaA#mN)1n2Rw=7o{jzcwHzFVUk1;7=?vqIHaxh?zv_$ z@$oWHJgE~=a&Jd02#D*b{4ClTi~>mrQXzo@Plb(owflIdrRUV z+#v1S7bg2VSiocij(kW_kXRw#V4$b}(fOI}ej~;xf*U7@`0o$y0E@#^+z-1BEfDHV_lk>)YilmBZA z1;YPKn$1KYTqJBDvFum4wv}BIb`+o#%9{cJjpSi2smcMhKr4t>)Y0EmQ6VFnA2%jI zm(a>5Y4ZwFG-m$8`JR?JsyS%fn9P`Dluu=5alFau{0qwr&5PSj-l18lv_T4^V#>?A z-@YXw+Baojel}T&g33roZv|YQqxCcVYH@K!{z#D4vtVe+iDV!v!?(qj2N$&jFxj4l z==|{~jYm0EMm5LCyO5q;v)WDlr=r{N-Q}a`vf(S-(eF|TxN6D!6oucV#dwB>ynXBp z9OtD)V*A%g+a+@1-Pe$FL(?!c>xn02TJRYF#DKfXfe5_at5p_4C5^i^jE&3G8_w`Y zZ`vj?$ZHa@4f|X~FD2i^HY`YV*RCAsJfN^py!PNAunN)mQ$|LC%bu*HIkGW7*(@Y{ zt6cRzvaXFF&fIaQbvtFYG6+4)^YR?>X^l=ZO!yfx;_^}jfg$#MjjUTqTOYwxVF;UF z0)5-HHJ)EsNC@2c@%z$8oBcLY3m!i{VQf6*+WL9(kEp;q9ph*bNk4r3J@6r=BLIGf zhqv(aw|~Ea99go>8x~N64aPPCWJpF?`S^&NrWUASNksZe$%&*;NWs)K714M z0_2hq9x|A~mf3gBi&_=L{vk|L6c@R9?_Mu_B4-*@keyyeJ%dxnMRvO?E08U+1p|w$ z!_vnf{U1Bjy}VXn9(AI~JYegJ4?+q6cn~{ZpIy$zzOF%0f`kmj^FcWdq*q`okdyFU zJpm^@CVG0qPg6yf)xfk^Palraen3ufCnjoqmf0q4@BolGLvDqLMU}@684*Hq_OVzR zZFnOh!8*j-4ln{T>(VKl7dZbnmOK2OZ`jN4Jb3Ugpe`JV(7OOCuX~L08F@avJYAuN zo*r|!26-e^csPAnLqM2Dsx8{dfE<7OMr9U(>5k)W*Ag2fa4gb1CeBcQ^_V3dTQe};!o_CnnLH0)!XjS z5JHB{S?>6|Gmv{n{f(@Iq2b{G%{BitMv!hVL5Y|R6rqL9Hd9NW(-S?iKW1hyQ&?{A z-s3_sXrKa(y;ZYo`sFHf^&n=8mY1_vn{^TA5zk$PH-}(Gx~}->UwrmuFJ?YgLGyGx zJ5;e=>-%q{k)G?jX?g#pC;Ty$+0bx{Pa2vvvG*iR;7nJiF$j@>t$!i%Xq3OGO@X11 zE!tL&k*8d*O8^VOCe1G_R5L8EtUO^z0dRtLXCr`_x@GdB+pU-4Fs&4jsv@SAX@IE) z^xp5gyW^6Q!mlS>#1p?4@OvwGZJobrET@pHHAZ5pnL!Q8tn99g({vG82+Bx2&2MtM z1grlIU!?HLn6Aj$+W}e6(BBZS`tFM#;L|q$lNEex%69JvtHK5d3dpCIk`I)V`=gs6 z;sp1Kw+tf+9VZ5C!tdWPn~o-)7D5L64?)1`9H=)Ya~#WgkC1^n%vCN0u2n$2_c$E` zO9JKqVIhO=Fa}Y&ix(9aE1z%YMIjFu70D0EIONMnRK%_kJ5a}hMTOt6HIkjR9h>V` z$?YjvJNQr+mm&-zi_ylv;%87A$IrPM7IfpRg=3R?-WW>#hHN>=0J*+slGs5*kcWd| z`#}?oNplgEKTwjn8WcQy2+5=7-atV3fSSk&5~hzLRe~Z9dkYW)ulFY8;vh~y=mE$t zF)u={j1mW)G3Vk4Wi{+lNgKS0WW>0^ur2ce>`f9dtjEocH8nP0}0Vqw5( zFG0f6NU9sX`eaHM(mZTZ6!|cO7{|X44+BkRa=@G%^GX-)C@lpPK4D+$fi=V47Qu;; zHXEBtS$T(-a|S6wF>JA{4Qe!uFvTTjI~*Jx8IeNy2+V)imhZoRV>%Z*2w3@4D?>x@ zJAhN5SGn3po!rLE$mp`crKqTgv=XU)(!G13mfasdAPD19@gYS;;?UWaSvP(DTwP`y zgo2Jd3(b8eGTs08FV$)C^m&AY{pAc4sw@CFzMSRfBFlDJ>VZE&D}sc9Gc`{UH35z? zY#IzFfW_%j;^5Auf#u<_9X2|ejWw?$Fg+0BR(OrzM{s1bMefD#h>i*hYJg-P=C6H8 z0&qNl&QVgN8SqHuIB??VL68q8UPP$`H@-yf1wBbt;8NHa(q&k z75&ESo5vp@H)m&1)*BEH^kXAWg4Sh)Bc6V;EYnM?N|%#vZsmpXf8S($CX1Ja@yu;W zR|yrsljtyu2@lEGgzy|v2ZwIRs;4ENdxZ$V_-EDP$u(9VIe=QwnULM-&=h{{1T6IC zFbEOqF7Rl4?TMKNBorh&a+9e=v$2K}`zv5apuA0W8VHKUo)4ULd6cS<*M@}nUqmi^ zCDJ`Tja?a(BCrq&k1#W6RxGqMMqbX- z^UbGD+i@Gm2Plp-wM;59N6l8%U>AxM-2sw$DBJc*CuRF@uHx%_9utM-7F-F30}*PTM!jSWxbh==Le8EOA{ zyA%#>m0vkQcNrm&%b#7x+;&)#^XcwTu zFklr@(c0-KMX~LzqcHVl8KKytx@@AmViVo&ax&$_8q$Wm&bpiUc&$2K<=?#8k+2`# zW`_=rZ`vgz!_oT9;o?PfMlT}?itZ2K-?aMScY96uS<~tC=C!rzF5`HDDEd{Nnqs=$ zh9+eC`{E3aG=xe7TvlS}#}8;o3Z0k~b9vT4GeRmC`2u1bR0dXPQj;j~9 zxa~+P*X;4Ta=mFYGnyQ#(6WW|1jc#2GL(Xth-y{c9Wmq7UP~ zxL*2#=!N`8r&Ozx&%k7bIfx+-bE}^M6osk?cIM;wVOVhmenjDn#vOX%8Rq;33g95a zECQ^}ml%E;V?Ms)mc^&sIU@Gk_saRj#V?4)m`{dr8E(*VEtyUK`n5LNyw#jM1_22W z?gob}w116c*WF)NJLu|>H9~|J61K7NDb^zgkr~ZzqT)*&EI7;ehkj{ny z_m}+pn0t?91W5?Kpq0nz6wmMuAqwyn3UFxjcJBNJb~~MvebGCx?b`#nFb4Ox_t0G&L_?0MlXCYzNtG zY-EIrac=*$2dO|fDP^9sCgxN&+=V`C+dlpzm?aVd7*JR6(yBmZt0xn=6ovx%)&k)# z4dYXPtvi|Kw*rN6cC??Wo49cHxrzkE-MiwTwNPGcKdh8Hwf3!}%H#Jt;aJ5a zmnYgk>FvIr*;8@kLQmGI9Mj3qlc96Yk&g?@-3%`*8$HS*X+A17W_!&U9IP$0subHS z{`bpOU%wQtok;_uZwyx2R^t;srY0Zwn-+86@1gNS9rM?-vTVln^3OU@HmMd{-AQFi z*!OYZ**!Yiek$F#Pv?6aq|wjBg(=Jg#sE#CI!i;EhDH3vXa4vn8%R#DFZ2)3QWNOL zgOx=aB=I1wD{5=07|G+K|KfPXU(-+z3<}63=~n(&gZqiyu__2=uyPL_s)C^9xuw|c zZ%*P&9Zy`M>ZBMO65GajE{MtmbA9+#U%hc^yUi`k3MM9w-r}adNo1aP0NUx8P*{De z?F1{4bc|K(11p13b|GZ%y(42tX-!{5R@$1O4@@*(R8DTmFh48}y~&jqPJ6)(0iC6o zsAKzd*PCZGHUE&tv6Om5GigijEbC^_mjEP&S`&~7;lKZOWMuY_j$T@xs8Cxj=j(rf zFyh7(N~kub94gL^w`cmR)C&ku`}ky-isgSF`dVu}m=oD-7qG*3sO$+I>9g1gBM(nS zsjE-E1T68K2!_}*rwP^xWDkm*XZ+|;Do}ldSKHijmfl_-RWA72Bj0j+ZcDAl=K=3m1FK@8 zRuqCJ+nsk)Jc(I+F@M@!4fCWXakLJV(5{D)M;kQ!Hd`BPv=hJVDjgN1G9wasO*DL1k0DOvGvTWPOj~?K$an6cso~So~%Z@db zDyzAC(x9XY&>9e+rc-UbS0NQ#SJ(L{`D7-M!}i7JgNYS$@eA6nE`znQ=duD{ggyKP zRVQPh$~5z7Do{UiA5sIbB^7l*i$LOVb8_B86G;8$eW1@LWses&P=t0qe=xJKpa`Q^ zBynh@Jz-@9KSA>R-F>Gk-!(LxfiRP-@YwKPW2sNPc1u^?bLw8V53t^^_bHJm$KWFh z>TpV>L9h)V_KA2k6kDh}pt(57m%p8gmJv_%1y;3aJiIFrP9MB%Bf|r`c74ZsL1t+E z#J(AU2Ouzd^5k3+fAac!5rpmLGrfmq0&!}ghod)vCrT^tq0icQn)mHDZQN0BApe24 zDOTGRN2DD1+%MkKFVLxo74ixef!WbYlz`k4(|uPQQIdk5#?gTepX$rsLW8CUA8nuP zigfu*`LS5x=l$W~zcuXCH*el?DmJN4u+Dn9rmZ7YBA&?^cebvdn@8Gzea&`Za`gxE znf;RIu6OPJQ4qpb+cUM$OQH3*R+Om(m*TU&JPt*Q#GXA>K#9@eZkyRn^KgVv_k=;U zmr80nfX%GUx3S+n0R91}3P(dh+4*Rh`aJ%V0$*-wTn{Zd2|(;8-umYX=cmx15Dtj) zIGuZBf$`yg6$r*1N{8XrF#PT-QfP;%yoxc0mF4A=YmBg%W%B?(YMt^M2b5 zHSVqI+<2$~Bms=GT4u)QNr=xYFJFy=YbaC^lU;BN?E#d-*GEyMdtcfSzGq*3=9vg| z@snj;(1x8WTYmKP%L)eM`faRv5DpkOh#Ke1^>Mx1qIpqwf%k9&Fe@`wg--fFiW zcQG9`?DcIg(yiuKl5>oLY!BZ5Gb=JLg>Z+bx*IP8jmll~0CAUVH&$x_-J$^uteyyT zuhP=xsH704;}&HV7}CZgA8J$(MATI2-GqcAPqQZrwrh`a$L>^5hh1c9diutj?Ux?p zHxl!jp{rPR~^1Ny`MewWE%~sw_W9=`Br;Nwig8cm%YV#Mo zPu;K=B2?U@B^d>X*My+|egW!Wfnd5fop~&f+pYbfJ9+EY(JwnAhjT2l(JW#Pb{Crf zGdgc>K_2@+{{aeE!1KF=g~?ZW9<(gJOAh@tkO3rzp6%g3!lP!${^+5)j-erWbR4f| zX&UuTVASh@Efd>YnKAxq)s!pon zs{XuZA`vC_vEBb*+~ma%SW>!TG=sgSY<8_c!I@2#SZKSX9ud6$LuFg zb(~>h)3h%T{H@CwdkBm8x8>bZ_Nn;bP*e}Amkfrcbbt*@^_ z2YUsX3oRyPK^NQGI0(8|mSS(8sB{RtcKK6-^Vnpu6eY)Bl?k9yVfVDN2Nv7*&C6;3I*FA|2oB?wBy>H=HStD-a3!z zzIuL(!tVdjxd=I6N8GeI{3@c&y zmC{=~IB;O;=%6{Rx%nsp?bHHZgI4yIGet%P4%^XyhD$q*c6Krr1B01RTX<-QDPR3u z9?+f|U>or5-Sms|>+9Zx|6|L#rcHtxd+!W=*DUUs|F_0fA7LsWXd_(@SJj7RVx}pY z?5*nRzb>geNq0VpXQSSXVzk61#QINrkH&2=v3+5ybhGN`4oEehrW3GgVZF_@KMPt} zs0GlGi$)r(;A{m2RJeJDdeDM#P-jAfiAPEsB#7)2Ms81PvKK;U3^$#8cZDhQPechg z%@Z3Pprjy9e5k{Oq+1zwgMNM+kWX5@@UjH#^Mzsk;VYpha&s)7a*k~awOvFN@~aMl z1#+ngEWSVV{FED-J)~A#>`qoXNw+mQKAA^m_Rb6$$tZ+M60(yBWriX< z>m(UbA(2Fpk%-7FQdBC*Xc5v?nJJ`F`Q2Zi_wD=d@A{*wTi2Cy&g(qK<8go72eq+@ zu9N7hiQTGZVY)X>Qs&x+KYyvbjF&IRt)a4~@^|!IwQ{-fBGQ?W&e(Y7-hbB%ub3XA zQx7^E%-ZlzE|rN&fB10OiM3YJ$#*1DEi!UH4#$ATjoC&?>=}}z08WXfz;Ls6NvFc* z%}&?*Bch@_(q!e-kC$(vW$5##`u`Pwth^J-&%Azm0vi!XPqxs5hYvCIlZWF{W22zQ zFeptI?^NsI*%s&oOLeM&*1HQR@gOsnNIukQI7Mu1UP3GPALlaeXA_rq{?l*!u-0%t z?VB|MkZm`fi*|vGqDA;&J|tcd5x>xsl2?q?MK(-!1zV>eD3bnQE zOKiw&#wn3o4eVmkVHY1RjD6**+LxIAB_qK!;re@o7C7}mt7h?IUym(%*)D7P~xabMvjdOjfRxPNC`$EP2ysd z|8o0+#4GA|n`6shx%!EXgSWQ%4BU_E)5lt%-rg737K&jfl64w<`pF34qYNYBr#D(~ zF`rywiKmZG*c(n~7}3O(%AU~j>+kM!-^n*J%bz2Y z20Wf4Cb^z-hE;TN_FWi+94MW<5gZ0Xb+8r>E(sV|!7&(yOh?f{;E!2MlPwE@J_3h$=vJ?zEov=Qi9TOP$&yU8qOsY$QbL?`}CU`AD)uD zGUyAaB?GJ>Xa}g&`Kik4mkV$#f)F(ZR2rN`b#-+}4zs#YDb2{uJ-{j@amB{y-U&5d zUTOkC#l=KVoTNW^aHh4u%l)~?&;JAj)d(T2goV%FE(Zkt(|^s^%eICtNivQqIluDN z5XQS2A=yp}*AregEf~C#WF!(TSrim9bGkl$N_fo3&o+Gcy;@+7UbDG*iI@}X$@{wP zUleOz631Y-fN4EWp<`q1@wmMad;Uhd@VfRuHAOr^IbnFxyyp5qAU;ZBg5vG>v#g@} zxEl5~_!sT10skNzPZQN&-IL!2Ia#(>jjcll;x{qI6TusRIWI|h{-8H3a zt@=EvMn$*pN!_kmR7gqoQk#XkBJ*s=%$uvM-o7#=KhlrPj+-_q89&{%`IbLRF4%>V z*KCYm;eC_I8{pCqCDNbA8o00VGPjnd5)f-1U0zrOzqjAijBezCKA3(e~&fXJ!i(>M)r za9q6-_xq>h2VHi>)6)f;kC{~tYWuuoBybpmqhxm2TDiw2z|lB4prmM}S~p}B9$rX} z{1BNPwAP49rs0MuQHbh$CpKM-KQw7-5?8J2#$HU>xihoyz_?DmUu6;pgMffW&Db>C zNHd+WAhqU3OyxQeb{f$u?HA|m?EG+dOmtl3hiFz-`ZPKoDxP#1;_)VyuD4a?rv1t?TDXV+I8;NCJtWuso~ z=aW*nMn=No#&}r`7ZLk=FEFkzjGQXRu;cvW0TeqJ6QrqkqYTmIZN9;ft*u(gT)kdK zCK|pfxN#wWqZF+#jIM2__&`ZwmM#?Vrk05qy19Rs$I}WMVcF&GN{+6^PahfC9~9Xz z;(y0@aw~ArPPGIHQWyZHG%=6s9~`z8jEWK@P`{J12vyY#FDKk}kYe!GSV~^`TEybr zx8HB;ht|hy*C)<@XUV;G>H`4w%bNmSAx7#{6X|xEjs|x+1f*p!olA}_V|s`C70o_m zWQQ6h&ZU^#{A?jKZjH#9WFymag3&5J*cpQgENqa+M0PJw=XH)#Am7~F&##wdHX z{?+7Q#WAUp-s24SF+9wdz=^;^0yP)RsLj`ogr?iRZM~s;C=$Iu?CNqXL=sKlLIQYP zMX(=Gh1Yz?HVLw$IVBO`IGq3QGtR9{43^qA?Uj<+$XDYFCZ8O}g^i)p2-a|b)I#UX zM8uX28|KdM*;2#-1W*@A2I#6Te};^p9>eJF<73wG6YUR6r1&*8cy2or{4OqWbG2;r zmo_uV@tAB+G^P{cU}UD}W9avF{}VpHbdq01af2zP%$Cn@d)oLJ`>Dol^tHsR7p76Qwl=ROXPfs$xZV_lWauPAfrW(S#ki&@bBoZb1A(E zankM54J2z9I^W4}&#+HN2`Cl$2>=jmS z+E7t*bW6AAOX+JejQwwUDGCIIs;BU0&`9~lAHJe2N%UDWNFWp!7G@*xsmaPQ>BZ1) z8H%xs%O#s~v=mEhs;v@Ve}tB3=U>2mxqf7yb7K%mV$}c!C@^C|!Xv(bK(Kd@0hzzX za{LM>PzuuO8IB2Ff`@RX+78;6+md2-tlZlV4>|$-00qJGz$PjB0bk3Gc{2?WJ?3qv z^49TRx)e8|mK}ULHSxaj&)!&*vvk?4zZc`5<eUzm~ zCv!J9ZI#&Z*9kNU4Xsr9#hPMsT zdcCEKEZ}a8ft#K0dN%?a#$za}&9l6Y>RNno_wleW_&$6=KgU7f-TvmOzMKmNg?rL4_lec~x150!ahHeJGdSXo)E}-5AylN0W?*?5SMzddjVf**l zrl8@Bii+y)?gsFuy=4o8$1o~pnx-QX&JJ^*j8J%W7Rttesxh$G#Kpy1R1Ea>laO$B z>T{My#D~-Cp~EWOQ+OF?qO0qXDwg>Vsj3@btBiOzT!Yvux1P*Dxw2o+O^}`P^w8@z z;U_&x(fJf^W}`!LZtP7>nT1@*amI8;Muef1RN3fD`*9{Jhmw@x!(Q8pDE=TA{yLU1 z_nqE!|Ie>SLopk})fDAz3FgbE9zAOLEG-@HPEg(06%_1Np7Zj?)oC;~#@R=0eQzyQ zQ_GSo;YC4CMioQar{@lv+FirPK^$UiN_jW-+HD=IM!^{%87Tyu&egl_%w0=`@XO%F z?;SEHjmeH?em*F%V?KzUS6sU0;(1|)?DgeuNnz%s(^)rIT-lAphJ#Ij(9TuNU3*%V zW2{grqcnm{PlNr~pP#|g#YH$K26j7JSyB1;AoXHFC?kYUI(JQ;uQD@gI360Y^#S?D z|N36w@PoUpE=SEZVR`NqpWM0w5<|=n01lJ1T9_YUMuS#OoxQ&?*uzgf2jgDI2%p>y zxv=4i)qE>@AS)aCH*X$vpE7s$xXj`=8~-PIxQv@%V_-3MlQ^A1Z)C{IROB-!$1|^g zw2x}cXc6aDVyuQ{_lG2L+kef54W(-hcm+Bu?3NdesE@Nc#UPy&M9*Iq`;S{T^l$xXp|y6 zUFg=olJ+ri=G^=+jBJ}a^i>qk8)UwHb#J0k0AL{TCcxvslSfIl8+lY{`%5=9p%G=@ z_#x-ZtJiMS$y=U3YCNulLB3TTu_xK#krs_(B#RhK*(oO@gBuL>W*hOM-p`?8#5Eh( z7fcrxC546I?x5B7^!NhwBu($emTVJ}(-twg0P^AP?mkpJjtSvlNf2mpr?-gza{>#3 z{2Jf-RX;;(0o)sI625P5mrGDYy5HQ?mr0SsKKxN~!4;N7g;3JtE>XH1O37woe%Z~7 z6)`jA{CuIti($D_><~AZO zA3id2bjZ8nguI>W<}CB{POdpncT+SD{Lrk(g9%0=YjHlmtK_ zgW2v4tuy|Un1w>m>YK)1liGQg3q@CYai#r6l^8N6?k}l;5>m!Yi)0Nw2>tOF^aG$16vf?t*&z#E?25W25(Y#g5SdB4=3o&!_xAU<#@gV`K~@*`6$b(RLY5+Etp(ep zsrdu`ilMkyR^3#paNJ?2(X7>oQ8-F|GAI?WIqcS&zXyedRXf+ceF7Gs_hyZBvt!Fm zyi}_qca@Y6eODvf#5QW+xWaZyaC_VG%7kO~Wyy<5hm$=6kJoHEVqtPt*LsbloA$(| zODRkuouG#|>534H2S!^qd}#X1R3P@<|W=22C(Jy4^MZt;BciRQ6r=g=G91o(??OdKWOvZfG7t z5sN)+u( z+aY7)`zX4da`+hIpN!GPA^ZXLkPibIAK>G-;`w1V>i=dVTr@xjI5WF#cBi>{?b3tf z;vJPgWY(|83?*+)4Py)QADkiKI?qHI&#x)-nCRW={xmmbREjYSsjoj~GxJmb{PhX_ z8Ku9U7H7#KE6Ycx%FeKJCsoAd?2(RIiIgi=aat_jET?7-T<&oSGIY`tjV+zWdgD)R zKe_YMuc_$E7DjY}>0@)&*6O!zzA!M32;>G7f%79l!XjTg-CZ!r9VT`=dhZ}Q()ni~ zVj{4=-qw0SK7yEur(4}9AdjrzVz>uvLG#x=sF%?ZAF7KOtgs_#=3rVQBeD+-v|n~% zq^BglAthre^C}8iw4i2kT%a6?nym+Is(;}&NsNdBiH)ECM{f?L>@%H_nzZf!6^+gA zT(u&65m@Yym-Re-nwFg0h)57rHC4S=Q5BJ1r+8zLI;NLP-e6gxboh%#5m(B;i-#|N z`|+dn09}Pv@Rt{oRrV{mxM5o3{62Ksws`kpttT%N=&yVedUq%BF{7^*mHzSLWzDkmC_dKf%#@v@Ye!@5WIfZYKLV;yh>0 zMI`7#nTuv^4S~}(YP#x9+4Fh87Q2Meg^(hRN12i#-PbvF##Rg|Ukt!tA0m|(@Ot{jN`gXX~DsvqCAM|Nndqet*-Cg$Q&iuxvX&qek(=vq?1or_qwz zR_?goPd;wU^~!mhFyLJP-DB(0z+UGn%<$nrI2bRQ$=17o-fIP~05Sz&d?X56O|fB# z1j1Vnw8O(2FY+rpx>bc+?Gw_fNM6tsQYyA)XU^3VfNSo#wc-DMMF|ydW{CMMaYj0% zj!GwJF+aFbCz{GBMvEho&m4JC;`MfJBk@wlVQKl|j_RN9Y>X_4@<-#IF*Cg0 z?}!tmCx?M;Ztg`flegxh=DCp2lfF{BzX&@?#Hqg)^10~dDj62HQ}{lt!yHwH0f~`! zb;WD9fEQK!Hnq9Nq786xjewU`Tx641Xgl5LsopIsPv;_#dxJd9ivpE-K9*6A!E56a z;tcl`r%cT+I@Cz2_L4P?@v9>2=!%+O}zW2J9?0o7|&Ql@h$B zoBN@~>7>S=66s?3`Qp7aRSw!LI5*h*`ZUuQj*Xg8aFC6L|P=ZT+ej%IvrptGeD z&De6hT%!cIL_(M5XVcc2n6>&xG9s zqxy3x?J}JMXF{b+W;zX;_OAw{uSyqR$@HVF$=OJQhG%HwFpz+Mc4pC#Vc_h8nh^(& zE~Fd)PBAFkLX$~>G8E1se{h`u^22T?RX9n5*&(N}uwnrmlh9ejzc+^qt2WU>6&4!fV%l@7pd8q&?yDFEG)fF}FLOO%)TuPa|V{O3o)pw367Q zZ$Yikh>*@rlR#8SH95ftnt5k@Pe=b)xA=u_Br5L184j!RvFqZBIetz~RM7%ZoMmNg zuiF-x@w?ic7zothXdBIm>)1|6Y1ef-#6uxoU5^v5`rpT8@37&Ynfx#7*29l>a0=}X@> zd&`)%p)XfCdyhGmO13&HXIHt{+aId3{s3c{(09XbYF|Q{p$0yf1{x=v)9^T>S_bJv zdtfAiOLq!Cg)Z*YscsyJV8ZNw$BdSYl(d_e(1s6sEWJ)p?_4;;p2N);e`NDs$DFF) z?8cPY_ig#l)8Gn%`^(`%$kKL^z^|;EZ%--xe*e%dZvEx?KR&U2sWFO&nj`-jw1gE? z9zG<9rY0+wH2wW?nXDPIDi0+nsF=g#>X!{ES=n|2jAEJ;c%#%O(&8lA3wXKpK7NdQ zNYBo&%)L&6LKeC`5`6m5W{1XEX9xK0bX7t(1==&(PFs0ieDlJ<+w2@~$Sw`87Yj9s z&tBpABxPp`HN!|=|2i=-*TFIvyTNMbg*QFwHCtO5?(K7i(DSzVz1k4jinUYW6Rv34AAZ45G!s{EdHzv-Bc zm12>#^!zvO2)b~w#mJuvdsb>UW?d3-bF!-J=wX{FaU7WPSc4u)NjiHAR7_r?Zur0n z61J?HAv#u8Qo0(i0q_yyv!W{2Jt}1+8j4CFS>~!4j!+$R-zbud9|1GFu}}&^>?{mR zrKLRp8NtFT7#W!m7=wIJGUzLA%&ckr2*(CP6D;kIjG7B=hxJc-W+;|djw5&75O48}(AE@UdKNo~y5{8+A0eDRi{Jbd0 zL%0yc^q4e|4vV}G0S{mxp^*IqGf=y16K3BzLxT+M;zw(nIyRn*q5-LNsd1xwwz$?b z7+uTaAI#a1z6f_7aF~FpdmG5rJGY@u^*^m}ZK7RppQr?Tr|n3#38kr}^vm14Yl%6^ItfIvyl7;Oleoagj>slVlSY-l;p;HYo)=a9)LKg z+)?t)`FWx@Z><}eq3DRmENT??a(tCA0H4AaS(Z>a^Gi%jogM2!D7 zfqf6ffQ+DWPCCunK$iK>PwgO+?rw1EuT6rd%+H^VG(AZ*5tW&=FGCxQX>PQE$Tn_5 zaELF}i-^lytFFj2;s5CvK}eciW&P%$d8})LM$DhukVKi9oHe5jvM#J2q-Z9HlFNjA$dxrDLQ#9_k`kvmUp zf9dd~Kl-*i%iz!H>*rI}gu0&(X}!{JJ*Q|aF%q}0JbyC$k@EUc+MUJYtgHHc)7QLI zjlWF1_$;g=EZq3T^7Ai_fE-?G>Q=s5Pro5PS)C}vNgYyvYC z<;WSa{SL(jaO;Cc6+dDFIikDPCGh@RAqo4(u~K1 z9RMS#v-u?pI|T1X%1}-0Z%Ssla-$~1+qt`A=T5pfKxG(#rwSSGOYBy&2nq@c_?RW~ z2v`rudX@_}@avHgRm@8bRLt(7A_x7wa?tnuW8SrEKm7M!_Q6e_H^p|=Ty>zKe1c8Q z?=M#~${a{Y0g*(%X77yRx%&4c=311Z2i^LV+fKA01`b#DhreSmSDr}27cHy}YN>gW zBs(W_+O4yOJ_^1;HF zw_1%0$Mqb3E;-06b*2jV8UKC4#^L>5f6}!tHFGgUPI)Z_PAg^RD{p7=SshUxpFZc# zK>|tiIe4?cqM+f z&Vd5*)ATe!~ETO}#%z48cl=jgR>6_BbJWyicct4K+^_2bRTHS*l94Wzmf1E&9J|(EG++y4ZsOc7>bfR|r!q|%V2b&Qy206j7#Gr^Lhuj90Z!dgQ7UZQ^ zFg`J{4y1lBvSpi#svBlcnC7_~p3~q__u}?82MaO9ewBjl$1+}e9hUCT(6W;{WEfYY zU2i{{qkDt0yErRWfBpJy=V!Yr2kl2v>gIS;ib>1~5O$82xTW2F3{62lwAJ-lc_2d@ za560yW0m7{Zx~us z-njAf-MjqXyJk*k-2huo8Z*tCU$oOd+sYFj>Uu3MQXXxr#qtN!{C)_+dwP$)QI@4i zNimyVLZt{lC}O^KJ?b;Zv?UNPZKT@ioX z9=f`tEROL`Qxoqv)u3x2%AEDj$bA+}??MXzCQucy;08NC-;Z>kxGfQ9njd(VH2eYX z256`&_{?zO>S(;cx~8p{SrtD21LFx5Mqnh&a7e$!eZ|4}U^rUEoCDrRiqYo|cvknxwifZg0Cb@Wr@ujcx$e}Ya%c&BKI-`R$=H(fXES{d6eBy=?AXvU{k(i{do68fEhlS2yJ3Y3tE}w&=fe6XB7^L< zGjX}+Kci9Mt7V*w8or+J^z~KD-VIa#S&Wi#v=0}XvYj-xKJ}rO>k0Mu%F6Uoq@S)Y zZXVoqm3}kh<8)S)OzVE1BiH3Le)6r&`+01?U|Oz=q8$tHB3&I|kn; zQmKijj_+ z&<`L7(MrCyt_~O`*?B-3AigC!w;=)(Z8B+c_U#h5rdX)M@nO{r_>uWrWABa}m<3mD zL;i)B--I!Udq&|_NmRmo*V3bPg3MXwL17p28xHJaWiz_&5#6f(>|^OtzPY)?CV`5X zr*BN#(TXMmfkh>;C1{Kg)rO4u*H|K#{Y{rO1or=y0MJ2B;!FQGy80K_-wI4)rM5AT zbK+q+EAv;JF(21?E|g%MZNRdm+V*Fy1V7jW2_BSfu+uE?7*Bm0wHh;f z{tiJQJ~>u@e^%@@e~{*wI_LX??ek&LzC6>lj~cZ+n{N+(Xf%E*IYdiK52mfJ)b)7s zt^LUCNI_jXZT+<@fdS=X&#q}mY@=(gQVrCS!bN-Szx5^9QBschudoWux~o zcT3&M=L&1%ea>r~%XVYKmOh$E{qbO@>+haPG)TVtk>bPECC5m)sIw`wbD*_MoXtGV zA(^TBBJCj2wSBPBLO+lxEugB62N?m*@VsXO2JiV9mhc|1ydOS&jXQwT;b(UD*i%6n6IL zg=d=}Z25I%i;Wg(aR|F%KgU#2fHt{bhR&yB-m;%_M=nTOM z8GP#s(J{invy`Hj!VP(PO|8|O#^RIiAMzThuPvt7O?By{{S4pd#m@{{4tzbUS@(Em zZ18zihQc#6u5TvMoFUCU7f|(G;B=vmZ1yfiM*=I)!v77humMR-ADf!e4WA#|>i7A; z&FgFVpFaA#Q^Wk%MfmR_a_P%0C>EhFa>CLY^UMzX<1i5+fw#@?-I0Z$}_7cdxV{4Jns*g5Pp zsE_YvXZY@NmCn5Im{kDNJpAimS0<(#LLu_B1Dxya8ZCmKENjou_`c%CB2tJYMl+%=Bl6bqcH7!^#w}D)rG=UjJzlp0mDNuw7oa> z`{VT>Q-Ga+0>48i_4?XQ9&2>OE^vIdn!K%c$}n5&2Io3!-hky?1yT$IZ8MTVT?WnU z6DD*{8XFlb;IbHee7r_^-__!7Fx#|So=X`Wdi;{O3>N;3U97Y9edMlbVFb**I(w-vM7 zYuq%S$hX^WdVcw2od6*go%T9gNo~?gM7WM)Cry8mC3Jc|A^f0Oc-o5B_#2_5deC%UIuaNL1JK_|!1U z)|s|gH>MbcASl$A=USk%JN3-F(CT z3Hgn+B8eCG&7`LqH>8BB-}*Pb6e0A{$&6L`H6cZ9-@rO*voKrffA&tXd-S(;>n+&` zcAG}Ew>FZM!{@TkSZ+-2q>WyfeadEP$SA*!qA)QY*}9IR&Jb^sWtPlsXk=(eQ&PBh zj&Pt}rB9$!7tAMU%3DqmbX3Q#0we#;2i{SYo06!z=7zqGv@BOv-*vtly?MWZ<4I>6 zTs4Rohvy7Agh6HyrhN95gP`w0Ps-In&B@9VOg95lPx13Oa<4)+{u|mCNNS9?{+Um# ztJ5H&;f6-~e8@)m?2Bw89m%yU*K9sh8N7EKxDAJ#mVTJ$0qO*rKiGS>g2U0%5ckacKh18?x@#9G(2cxb8OfN0?WdQ#XWzvfY3`20`4owB@&Lg_a7#K`V zxq?RLHgGA}au&bPg}F+uZQcRzAYob6Di#WqKe-w(jTaE+XlC4Pd2K|&T&OmN^S z;y~%=SAPceFRF}xEaK5t7jE`^go7QN>#muFp{yC0$e?~-S}K{+9(sBD^5x6D2Ft@B zhQeB2%((lXS2E*8(J3K2d0yB#3WAo3)ZR`tR5U-9mtm;x1XGBSMJ6&Z%DS+su5JON z4ERe2hMMY2AwU!jxL=HXOG!}`Ehz~>>m-y<%k+_y)bFP2N^`Bwy1LQ4ykw|MvtD7+ zi1T3g;dI&ii#-Plm99Nw{@ zSb3j<_%EQUa_}BZobM3H(Ipg-xe32 zmM_WuiXrWXv4N3=0-_>xM16V0`}gmmnITP~cJ3_tkVzO8TA_%HVszlk*z%xH=|12x z`RpfPtXp^cV_Xk30=Tr-Elf8QZs=X;($lG7;EewqVVpcDsao)@^rh*1WUzM zkJkgn#ZJEq52Zh@owY*`16kGXtpTKPMOXi<4>R4h_5Og0Ya&HK?ibedwyIB0P3^&$ z8?GsXzR-rHJzaTq7SC*H=FKro(a2HoQY2wm{c2C1X8F0UBak*JRkunxSk{QKGLMPo zO`)U@S@{t#eRVy41ngCO>i}WGn7+TtxjrQ$Blg8DhtT$ew|M#awY^`&O)0%OvAee8P8YsPyD|6s@;k zX+d5M#>1kHfx&(l6#f2fUvNd$rLhJJ3a=%kaVYJ9OxK2tEJ@yqsMELl1_yUmzY-9t zc8oPmb{pBwXnaH{qnbC`=F*!P9zpX%Li67pYkYWmKH$zEqu z;^YrXca$EL6Hb1_W@@(UW^&KsK?Qo6V7=H8Nw+oHYu(h`43+tNzQ~DFB^Z^m(;go75FD1K2D9_BFI*sL)m+zit!^<%cv>v&KvT?q zqHQ~P@Yd^RcR(^4xf6K6)%88v4;=m0lU#r05ikA&OtIf!Qm}WXfyagRRqHO(CLj9e z&y)A^6tRo7?fFQsvK9TlZ*+Y8)(qVts`A=<^;IIlsckOkN@S%C@`q z@9aj}(rcs4dr~G6UI%e_Rqb5FX!p3^v*hCNAEYxqDgG=gw(Ff>l9SL0G0iO~2*_tE z8uW#lCgCVCcZd#&PE(aBnJ9wyjk_JJaI zIsC(#$YE$>@$rFBajrsaBm50umV=t{%uM_QJciE7j-8U0HsW2EaOF1doNCp72NES>fw0bklKq)$ z%TL%!K*fL|8O#zRLAO8hKh?nB-q?Q{Knb8r5t=5m9-XbP|Im3#)zyQ+{HF@x23Yri z^Ly9aut0rRcih`;nIUJ8tbyo@FeDQYY5>5&*axAAp&c-YN$SKUsM}z#1^Cl*Bf$0< zNu@ZF=#4@W?6BL@b+{jZguoGLhq?K=eMfJIrBEIy8#tWXV`cRM)DRHNX2-|-U{!k3 zSdxOG^FEBpd=epOK6h^I<Os{29OM-H{gF`+7Z z2y(zB3%KP7hVKj1c9H*DzTRy)`X4I+6$}y@N4zz0ZGwgH_NMH)F1n<7SP?{EdROnP zVhrU&z}`}eBI_yu#31x@a&aAY!jQfRxOv&M=$w#sLi+JoQ^Mqil14Uh#b0V;vId)J zf@2ExeBj-rTTZ;8ha`NWwIy@Mjm(@x_RfkmstKUP14~GFW0Lt+PN^^1N(SKTQ^sU<*XjoBjUk5e~ zhk2$rv=XqV!2<8mUM$BW8TtYBCk85hHa6#^^}c1qQP;3D=BTKrxCQQ8jOC$YP+hnv zJGA%+;T#J%f$7{(3xKBo2g4V_4S(-;2N=p#rn0D}!?85pWwyT^i!-io)&}n6 zeIp8YcYNOGTxB1)=h;oP9VC#9ZR$B9Dk7}h8SG+V@s#9>5m)wx=H;;xD3{=$FxYn1 z>kYm%+No0)va(+DYge)mPaU)Jx0msh{NqA+@W?R4hj0_A%CpHvJ-LWm?JXF0r{p~N zMMN&a-aNz98q#cbR@RESoth~3K+=CHnouFn%L*-Bg&9cpg|6wYYMpAw`{l()wP~3` zpYIDMuNw{gUatbG+0cDg^6NQ1;`&FXrxx|5EDfB*XC%~y_HF2F1A@Zv)L%}ZQUwHh z9X(w0cp zL`L9iI16Vf>;>#2J3VK$Ya71RZ7n;uf{$@0CXMu3hA&6RsmJ)J4RSzi)~Oshd;umJ7Ue7qv13ETYw(@UYY{%}DWoKDZ)0MC|ZrEC2XQ!;`AHA-yO5cW(8 zEkPpPwKpEy`iDtYzY;FD$_(L(XorfMXF@@p6VimC3Ol7dtv>wP(t88DDux6bli16j zztpExeDbQSv_2vN`+Ve~p`UOV$!P>>>%s*Al~X>q9KTnTD^%E&`|_4Xw!VcaOx8#K z`1x~N7@CHW+k+$CKC~Mv-LcKY-h0xv%3hdk-hoUC+W*e5 z&Sw6G7I`^FO`+@#H*Kd{f|4C9Y0|L}5hwV2tp`s}BjLes%EpmibfF@|=OGa7a$Jv{sOMJM$e{X)%6hK<7Dl%*xLd*Jp=BPv9PtSWekGsD+gA1NPbqcv zU|{SB&+V?TtAw#vxve6!?48_n*h)SFWoMU4>?`Yqb$&nK*+VAJK`Om=#R7UDOq2z+ ze6tosopP$Iug{VVCbNIi%3#Uu|1i%31Wb}15p&Q6L!rNaCxt3;R_@vIOJ;=n3;PuM zmV5s*j6qR?fzZm0B1w+!V9Y+NBezIO#&aqrxg&+1CEctuczCrg?0vAcNFYP(@oM_* zUw1PZ8Kp@j3+A1Vx&=t9f`iK7Lqm-GN%O6c-~ZxIQ!KNrwL%cfJGsYh7f3f)6o*#g76z)iNnC; z*uo2%?tS{JiAf@tvUbQ|EKeHz;FDoB*eV7L-Ee~MPk6YFrP(93G}tI0qYFUbE0i+L zpMFKr!Cna9u#LcDa8MzTd-3d<3VM3PWTVgu-@hG0(_5qV^)@#;DwnvYcQ^1bWxN^v!B0ee^fqniI~HDwZZ0!a(yCJ2jZqI%kj zicbc#H^oWeBe%fjPvFAlEnCET)zHO~mh5U57~GDE{_9&?{S6W*jV~H8jB6$;y4TK=)_L@Dto_Z&jc$0K{rj?ZJfK1 zfQhg`-u$o5RX@<=V?IxS-`%|Q`KYk3~I6Ts4$oAf~iy;me5|Wapfhr^B z3n&iqJd)0u+q`QqHI~fi^$1BeS*K;P%SQoQ^UTIW)a9wcX%tG~Nps+wLeHupwrOKl zM8~fLW-A&9@}c!m>i>r|6aDRXWqbAWcl-h=@+n4-=H*?R|MhO@%o&npk}Ev0Ona&- zAX=hs$6af-wHj_WO~2k^;Yq*Qe!u|ny;DNJ(D$@LJLg~*z+-W;L{M}vQ+)xG0ro@* z_yQeOT5#P1237>JJ8n5Xogf3m@r@>I{bvskPc(QCji(f2-y|jKyrR8*xpu(!Zf3W4 z{k;CF8Xd8im7{$taWeh60#pF|VRamcANf*q_QQvlHPfX#ZuGqpRk68PL8-rSt2!{r zU1v3FOX2E=^E|XoY|NAOWs(aYKIGmWzFBT$;A((vhf1^>7SEM~NoStmvtxN~($Me_ zEVX}S|2d1dreR38xxG^dzRt3ne(g3sr5R_@uk7qOlkJtO!WpRfvy9K0R;{P27U9in z-SrWz_GTqSvei5HTHN2q&X&e0bQA`8dhcE^hJ=Rx_pj$Ve$G4_l9?X5)BIxO_{TUMlP$TX)i~;6CTv?6iS5R|2Pp9r|RZj^5916*3mlqO= z;tJNJ@13QW-UepUsl;=F<4_~y1N{iT2q5Pf!ZwC}2yXB7UAobAZ7cse;Z0<*1bg9{ z?FX>X;hhoJ12lg4=6=1_7%0~9gc;iL8DNmGns8x0^5t!xy_XU?Dd=|UH>@BB1LjsX zRo5$1&+@KYciN#wkYsIPBvxY>hc@@Xbuf89vOi!q0zn3KEoYH)3@>+=Qu{@- ztzDH5!>f@hZ~|P|`IqfbLua+T1jaC~X+hM$#4Dw^CiRowmeIX|a1QoOf1`4Chc5@e z>e|y&2bZA|svUZ)fol1dqyO+~6$pc{FNshctInYA&9L;k1a=J4zbk=bqR098?;iQ> zZjvJ~>^OF$otQsvl3ai1PHgZU2}~g?*4*0taBRtO&(G+8Y!x<~NrN?6K4-lghhC@M zFfW-x+9u>XcJ z54mA-?Wyr)i3<(?o;|D!zO?bM)Wa!-HX-;x@|NtSGo>??&QpCFVcz4V_<8BcpWae! zfg|b9+@Fam)VutgQ7^Ici`IKlaS)-vYBgQio`D-E>Pug2>yM(tGq?YWLbUPH*`#;0 zJHknWHgbx_o{R592}JKf!tYrALaoBg-~;%IyyMfHJ$W;);w+wL?D)wQPd*z{i2-h! zW?4hvwjDV;($%zY94nlm^uwiy}At8Y?%zG6%%Mjl}5XcC|#_!v*@LAunr?um65 zI*@WCEH3mP?4kGF`Lyx5ZR!pg-#4`-_4T3k+tJ-tmH(rvSruBE{$#o3i0;<|U@z!N z&H9njjj#ZBbZm8#4UI4m+Ah!gQggqb1{~_yU!~cz8SC~R%iiQ&;oYyUH8`?s99ITv zp02`TBqCeLX>7nX?Cj#=KfLk=)I^Y-)HKZOW@cwYbql^NpGC60@uNneIt1HO7`09g z7*YNLgUCKt!y`mPZXB#&gb%EfqEapu6r^Xo8fSFZ@(R9h#XE@jFiiX=cEc|H!zXRu zVmu!}ie1@W&|Be+`R0*EfRg~i%(g8K_jrMTfx{}Y4T(!Xm;@vcty-(RuX1lf@YMIn z8`;eveVA4tN#KX+b7N%bFw(~x{{R2$3Q7son7H{!mxDmZxvyVifr6FWMgjnZZ(||s z!oVE?sEsph7tGTvEH0rFH<5aCH>Sl_5q0PhJW#~yAZ!<(5%<3+nx1TPz_wi2511Rt z;^`v_74+`L@0dW5r7M1}O?e2w4H#q>#{P={%mu+9VpXIrA43=O<%>67AEhD21u+=w zfmRC?0F(^`ApN>wu%OT?l5^rDAwueU!bWp%4p#PfraJ;b24%Vz(w)f5;ONxgoy3Qz*mM@6H1_61n)r z8b1>lFjUNErftbl1^x(G5kQ3jv7LYf2LBzu;s63M3jj1SnsBxO@dF+UE3&5MX5^1M zDrUO^m=0=th1xV6j}BUHwADykaEOdu?L>~X3^H3ZG>)NS0}y5=1EwZIU@~D_nVDGw z1K=YZ^1J(!0@qqzj+z+Xw6o+b#P(u{H7&E2ZdKxC1wLJP_AD}mNOyY68(0;b1$0q{_2luq4*>?_jBT-TNoSXoYB)jM0sNSrrJNNF+SBP?f zpJN%2K_F&kNtV~y@ba9TxF2y5or2pu?ro$*U~vI70{n@vZ_vrAfjpn0(XdD`O?}nT z;SRYaLIMz(h_)sa(`s~}uxLzFU5|uXH0Ah-U`Uu^;#aup%%~Zj`UZ+j>|>3joig==$1pn!uD8L4EWY#oPbl96vQYhl9X;}E;vPW;L_#E~ND)guD9KmV1@!|{&Pci4*ZElW9 zBDv46UY!632!ACw?g_p$VxNty$Au!3&Uj0*!JQn0H6X3oRN)%g#~D&MXp-M$cTZA45Nc_ ze+bSLa8^V_L?GhqIq3{mGE@jj_wL2QBg0k^Q{E=3v$0hGLTWk!R*@QGePrQ^*Tr^>;*3(xg% zxB``N8JhvQQH|XrFfbzwEp_nnd)!Sp0)xkKu02*`*Zzd-#JmJf6ZCPgsSTP%+a}pl zJA578rvAS_2Y}Lp;}|p!4&>YDoB@Z8InFY$67>+(uTnC_Ox_HCxQ2(8D6ueA+#6ck_F1iHyDn>5 zfbyT5n(E=iPk>|(E6q7N{7Fq+T_=~Gl2U5#=kA9O#|vRK!;JA63k#%%qe$=qG{F@2 ze~lDAz0O4t?_u`_ao1b{0s~J|&pq}GU&fcw_!(43$0DmSN)Sa-ETjA3KY10E!O0Me zAm71s*VI~6H-sQC^6Q^$9Mgh{uuDG3{*7_uZ}Bd|A1`NEagcBD^y!Xw!~NfumvM~& z+i_e)s>6o380ZsFM1qolRfdO-NQLJct_}J&If}tW8~+wmA-m_iZh)tN$>N>NsGDb*tQSwBY=-e$p$T zUSyU_bnclK61L5=INw4o(p~}QfU(n9Ky2(PJjq%Ee&&q55BIJA4VB8J=lSS#ajtW?xNV@H*4e#o^fBzuv55n!xp{|K1dyh@7cY{% zvwmss#5ZJ@?)cX=ezvDU?iU8r-2 z0>dDQ_DBs)`PrTM;H#`vJnR|hemc%r*tc;LyI5`2lO8tLOw~aag0O6%F*u&(6+nr!re7E5vL@=prv7zp#i) zOeDD)YNGLXw+``GCCA3asUueml@fg^8Xa*eGb(R)t=%MYQd=#L6nM&%Uz+>;oT4fm(lPWt=T-@F+O4;ENk#m4pkBRkrYHu2$u z_JI7*Hr8pMlPB}td9mPTZEGGz3XGO+e*fqx;BnE~NXEqd-r$;Uw+kOegz!Q1Ao$IW z#V?$t?bT*WfBqB|7LqPFP#Yl9N|Jlr7b9x(Dv(XlnW9q5^CEwj`{&8!oEih1UT$ew zn3J)FphcnL#9zMb_UuNawh-{Oh)iaU?}$(Zxu;UDS~6Pr@c8kF?N9MvuyaR|oLoS( zqK=7Ow$e;S#1Pb1o@zO2xw~=IQ68|^m&p=uL_>!jB^z!IXha)Y5j5R)^yn|mc^Z9o z@6W}>_RWa;1!Gr9Na+24CWerN0~$Oem4Z#APZCJ@7PDNKH83?asELV1PV)ntYPikE z3?@9dON@T~S~W0*3;1w+J_Je)^zy)J#eIk zhyiKVo3JNID+IiI674+bYB0~jlnQpniF->-1V#Wn5?Sxj-MEr3Y~*%NPY;f`0jLek z%!&-tML8&FgDk{J=>l3!=q#O`^O~ER3knYV`F)3WY)+x$;X}v!_pp~DkE(k8fc*{V zqtBcnpUEv6{ON9lG@Q_H+z>(Y6se7pPrezP75E@$aGIe>M@%HIik}-MDeNpU0J^6+ z;FL$tHP<$b_SvT5--m<)yy(w?PFh-$%hRa5WGVZo)nj9gEJS}cP4sPC#)ZaS01qdM zCz#5+bWA|nkdTt<=&HxDj|LJ!%)R-9bW=bw zD5~4|xS6qW=+GdziXgSY^Vx*Dh^E?m_;gpI7%mD*K2mK_nIHCWGhf78N0Z1Dioc(s zKdt~BJBWZt8XXxPRu5T55uIl{y+TnyHuq&J!_Kcgpvqy`kVxtR2!|dbb-gi-s*-7x zYmB_U$Ag0kh+ix*?{clhtctK0r}zu#nV|5-E5TTX;}{(dI$W6-z^$NaWIfaSFL_7)8HNNXxq<$w`-wO@|j}B-IE*PFy z*gkoyUO0aq+uv=HH({lB{JJ*&|M>g&iF$`oR#DmitvIb(bR0gn@`j$Fc+U#&ZZ+xKpPk^ zqQCTxiJmjPuIR-Zayvu)>@XnH%O9{8U{e*GjFns$$@)$tqZQFWav|fpLY5n_^H1`~ zr;%x#FewNa8Xo=)oK>%&wz}FI$6dxt+=@Vk67?o<8~3bP2x!9Jcs%h94H0&efI&yU z;bpV`nco%s>&i(}AX}JvI(kN`oi2`mpxxu}xyfs$Jc8?TNPKi~7YU)g6ty#A)t=G3{afcX)JlI-VIM-qZ` zw(gT2Z%ukz^Z$(u{r>=u{`Vhgo!+M~rGfJSh7>G>O6C{PdM#E3pFImOf^HNi37(Un zSB4^~%<-Mm*k7Wj<5fCdZdtYkbXo9!aICEO-^F(wV-pk*Aa-5Sf9CcG_tsqh+}zy3 zcTFn-!Ri{Q@i1X7j-G>TN;Khd-+eJj$xX7ZkGhX<1K8EH)lmnvFoNSZZU%|X{=UA? zJnDbZuvcIT(+uSZ0z6|Mj+aqtObfxP8iP3+{qHlc7SL5w;9kVHY149Tx*kBY6AV_I z9iU0Hx8tx_!${wjkNbD;f0iM%)`JoIqpC5!0x3>nu913;n@HbnGx_sh&BbmS!M}ng zv6^+GH`=92ZzM>gSb=2p7sGw&zlR7y!MnvUfK=+oU0o_@+AwW?58AcO5qWy}F<|Ql z1O_5?4QUnj_d{?S&!W$ZSkx7{CT3Px=Q;GWt!+=)ATR|W)6;nA`1Y`roc?nTmbBg5P z(=eO|=?0-Vj|M*?^B&+JjwRp>WVlCP&Tbr~z_H+gfXgdOV43NI8VEHF9#W_%D}P&S z4){T9hu4Lpv3y_(^ZZY2I+4Z4`?eBP1T`>%@I;U+M_Jd)`S~t-dZgDBAh`2~fd#_) zo~{L;3wDAH((3B>L@Q3=>?yqnAI-P?~>==@R19K1D^^%Ef%FkDJU$&D9FwJgRIGa zo!s4dI61>?*MWDFl@-Twb49nKW!*_rO$u6<-ltF3vit-k7koDe zLfhIHQXF-P2R(3~VU8t23#WkV35SDBX<}|3&ZaC7wl>;^ z){{-}If_u)2SZahRG>ZJi)sdH@{3-=@SHPSo$KRuP0?JrMnwxhe@?n$zf?yuDUo>- zaetTpXR1~)?wNqw_=S>-6VGL~8Fq0-20zStemPj7S;u0yS2f zVEkfr{KScOxHSd$L_kh}FNi$wQ8fjg45l7P@x>|~dKCEx^jmjfJ`EEbdEqJEK1;TjgL_;4Ex#p+<$J0S1&E3d9 z`{4_dC}O^ziA6<6k1f%@ME3#RK#MLM4y+YAGgCNZwK{wcLRh@(C zfajP7%Xe{M?r6Fk_|u}58nkR}^x+2q6tFJN@Ht$2Ky*G038cUg&8!vsSP%-EI@S$% zV-QP{F_EZ$G4b(RfI|Xly;|t2u+bDXP|2!c~iS zNbg}X!P)m4MU+F!PFYFyQSQJL*ur>ZkEay^{k{vl6;FM+?d`Q^-b0lVPdLh*I;Qd9?Mj$TZp#YwOk`E`#f7`rp(}pXZxA{ns!5yE{ zJ%Paz1-#5sv&0-JeKuBB0886-cj40~IJRs#w4cRSUDU$K`Uf@(q&0MREmm9&9O>3* z?<1~#{P>ZSj(1PMC5ne2Ie8n#e)m@w^-V8&)Zh71DFr?gC{Va^Sh^_LF_33>cv5zz~Tc5U=kM;tgi#Qx*XB%xC(fkS(at(>d9!?*Hb8{l3p}53g8iFE9vTV^}&}oV$kaAX3 zu#6|@V9>`%gMtQOnKbLk`S+r`ucjOd%5_7IB`m6&tcz%8y<}WoPL%dAfpepsW8&h z`;9ByQ1JJc`ly>n1gHU?^1R81*;wGPhI58(S0uJzeSosyl;HucV}M{j{+6z;6~b0s zT}6_`F!%@Y(P@e&?Zt3IWv=`H(~3Ym<9J$0M-wlv*z#_q6SsTrDr>#|oNV3$8s`Gk zFw9@ob=B^8`ZTV$s+}L_G|=L`jBaVSZr`4y?|aT3sqMThxg)NiV4_=n6?qE&@0R`l zz97y$j}ZJ2pcF;eD5wz?dY9oNaYI-DjLxkb1Bg#Qpm zwrv6ej#xb*Zl$MZc2MyO`3J*O$UKw!C@cYS6)`-Iy}K@M=8= zAYwI?yLhhN14{mS%VY5Kxe*ca-Ij3Z=>FP(wH+X8pF?PvHlGY4iyoieg~QnaoTTLw zREk@-Z5xmWy6$j8{HiXHakhocFBl*=vn)GwBO;=dk@y(0q;8o0quKY%%-_}QveTzk zplBVa!_o)sHi7mU=iP4$9lYcdj8zwf{7#>~T~m|mKKxuM#Nt=*Jw!x4&|{>35ItSZ zRKiHyvsJm$DK~p7_4>e~WjLTvoHav38z%ES&~;!w{#!~u+)C$%v^dwrw0zR1yIx4K zwsiSWjDS)M*^P}$xPP%f{!b}LKI8H6y+Ch)cS2M09SAQ@lqa2?M}f1V`3|m;ATQ+* zZyx2)>5ZB6R$Vu;1v*l<@?wjNy4LKV0q+eoSh&RxH3uOw;1;go3O*EK6x8uMKn(D7 zVDmJ+2zY&mA02t!gZ5+`c2Hiswy%IC;LMPP!$Ie7TRe|>{{lph6MF*?ysM;dB}fH~ zp;$M+XCpR3yNyW>CBfCjMGoXlEV%B!Tm{g&)sqcl7I#>v#vi^^X}UtARqXM1md`(< zrvF|YlysFD-|!qZ!A)mDvcw@{z7FfE$mnR0A3f?-L`5O_dHCv8V@QfV-er}BtK0X% z_a7eq_`>YWpP1NE<1#m6U2#9BZi3odmunIw^D%Jx%a^Q#gbTN^mn>t7gBXmBmG$8W zR;~nC?Wk=>P5H>y*Dws@TKA{^8PyO?6GW~aKJ34=s>0-%sCa9}v5QypsX9L0`W#vo zyZqrGavEg}O#o6+$j}x{u&Yw?$=ht2)g+uv^H`O-my|=XeO&LQ_UPS`OoaETh{+?@ zeQ23c&IV@TLRm7+NeKyUZ2or|8UP#~6$z&l9TRNd?9I)o8{8uB48B$8)#O~u zBTE_pa1G8cVRA*|iIW)`Z*1??*Ba9kI6EY0w1D}6W(P(_gg-^-i}c-QkKt$AX0&nr z@nLG6O_xCo2Z97YE&3}n6j+#nEfghVxqzw?N~ z(c$nTq%l|HD5Psq{n|7>HdX`nHJWOD{cbSVF_e6rt^0_%KKH>S1uwDT?4MJ|F+E_X z+}f&@e3n;W&<6$-_*#<|DHyd4nD0O!zY zIysHOWC6-uDT3^hxxM}Tn(*nsk&bA=Q;cyIBNO{|vM(Olx2IAV$_*g6s_3E*$^s$8 z^8r|yG=imCjQ`3qrhP{Q2L8z6qF2k0CT2($8&Z#08<%K`mg(#iVLaxwTZpc4)92%k z?)9Q8GBHpgV>xB;Wxb)&t}fs$@@ z-4g+)(fVP)8}g{f7#1HBW1y!8cz0jDhM$iQ$*MsQ1j5QbY_)~Fq?ME==K~_f1Ga7z z*VmUzK%o`!=QK--Ui?RAX-U7eo4$==XWyQjtY9fbO+GcHl^(gVBJQY@({cAT1lZ^G zBVD}pCD{@|6*AF%9UX;$O;6x$o5$v0cHrgVA?*|}R|f?KqJZ_(4UmO}Pv?S|7O3Fx ziiOpY_f`_C9S72h83=voQNt){5MNMoF$u~W-p`qTP~A}>n>;Nxu_?-{pz+58jMmBg%=7kk z9g|7xnurh4J4WBWn_K9eYh9D|Pv?G!_h;(OKO4M#o#$EkR|#RUVrQle>!~(KwncN5DleD+rk$Vi& z1j!U>3%kc9VF@p*15#vfcNnD>lc!hl$-$%t7o0$Z?A#L;mSg(h;GsduuGPf@&JoNV z@vHakiz-CM164qT^I3s7*G3*Qoy+u^k}S-tUf;3!X(m`vVx3Cx$WfedpP*SgHdxA~ zRg9Mb@4AL%7%Y%M0MJomKcRe5lz8M?i!OG4X&Eb?0UPr8Ke3iApVIT>2^4Wq6S`Za zLg5GWiG?K^&@VUx7zz|0H5xd6bIox_N)i9}DHn6jw9DG`)W!H$?X~<(wc#_zieCv* zzJ2@E$h^5C?ChV>rQxnSq4ISlQ5@epK7w<$9;`~R!p{;o0pTt3Z~_HRjh~%>=nNE} zNjPO;i8bw~0+g6rir9*SbW%P>$h^cHut9}+1D;_#A43J_&7%$! zSsvSh+-juARj9`AKi@X@CEU{ohdTBcq~( zIB%~($?F*@retP}PFLmndvZjJg@@*ev)YOUHt0V;lcf!dLlUky91SJ zNpp)r4c=>CRFqxL`KxyP=;4{!2Tu$hdT3TDS#x?Y7K*ouT$iabiQOw4aC{T?c>Zj3 zKD4MbtOzkg7^o`!&-;wslmF)ja=hm5o?^=7FrikLFZ;+QCjL^$G!Nvwcw32a)n7TG z;j#mnpKsT%I(_=+p#xWR1>`mpp?UZiW@cL6Y$i&Vn!J7J^t%}^DpM{xI!D-Ab}B9Q z_B7quJv!-n_;8@wp^szmI#OU;Ux*e9tyQO|Vab0rVJDj-Cxjwo2Gr{>;5j~KD?B^* zU^QB~#K*4W^z1M8)V7{pPL3(7OsRrfa{Gf3RWY@VroT0Repz|AWLL|mofqX5MSt$T z%HX?_^|~TKIlBdljq_@1`tny>*@Wq>TDx}i^O||~e~SrH_AULKZoD6S6YTcVh4wSI zXh$1s&&O=q1&0?L11`?agd>6ic5YcuKn}Em9`SYY6l|4Yz67Gj;`b@D4!0+YWOI`5 zPDJ;;d#52O`Q(T4>*^5zm*mKa?CGONCjr4k?@U@SeQ>nMosnuxjdu!j!ViAv-0_Un z=GO9%P*iB>xm%p)lj)?7S(iC+T}7jzmSLyX@vyb?nOllK@z~6rz)ip{L9>J2~at>s>eZ?K(PiCD;LxG_nIT0 zf|d~HV(`^$qkN=aJbWLuPJIiji@|`rTfG34UW*#P@71f?bj1e+`i{Z%nkiB(@faGw^u#Amc~rCib5A(w3=62D7oxXUQY34sUgk% z`)93Z%39n4W0Fri+u~`?i2#Qnuxo%pKo`4=5)HA{#cmMDy1TjvM`#kjJi#XLq@Ujn z_dEPoZO})JvE|W8YF*Ug6z>B( zX71?Cn>V*X;SeTv05{o+1bS%DaKTab3{V9v8q#_kVdiCnTDeyeIGHb&rlqjas8LX( z7Zwy?zn9juG|i}kAR$LP3$1-q+31R@}5Gvu(xhX7x5~m6he1eda<2V&+1b zYr}Tz*B{e)Qop~Lx?sVA&p^c~G1EnJPcXj>vej_7;gZ{?RoN|NiaSL;y zb%J3nZ?cU-o(vQeO|yDb>ObVpG-^pJrf~7PbZ-N=)mUa$HfV9u2u$%)pj4x&!s-U8 z?0*0;<>%!&WLB*wOQj8Oz-A{uKl!+!q|D6ic;A~gRc}B{@3xer5^=O`nEW5Qr#jHm zQZBCQslDtJS{UZUsMhy!qGtd89P{%Rw^AewByJcBq%rN==k09_7o(I1NfJ$!Z+IL9 zC88}#V7OnylO4jW#=nX>7f^2Wv-enD!uppl1;Pk7X1^fgGV3#cqVzH{cMI*-q|5FV zPpUW2v<&NCFsP?QKkvv;!zy|vYjrkez3z&2t^!I*KY?`OoiK(14F-({b(SNA2i?#u z`6Mf zer-GM&$(>bV-T}F-*0@%SfXaRr#Ij?VPB{63{Z3e4wEVoJV9wtM8)^v{8x-|p?MuY3;K@>DR zUSvdI+1kcS@@X4vt3Hl~N^YN>ZNKQg1WrfuWFXh*$caV$l=DSJ!9R~j+7CosdG+8y z%cQ4Y@aTe|l9EXX`}s3r6>I@PysA2Z%8AKBQRkb_>@NCKwEWxu)2oC+vG9}I-RoCq z<~17wnzktu;#|*p>TKh(N`JVR|*9NP*$(Kj#x91vV;*<(d<6t)2ykQj#I5kfP8*U_s%}V>V zcblgdQ+V>Dj78Q>Ee0L?fM05?V!A<&5KDMWK)-v+s zh#`{kMFqpYeK|C4+Y`i3*x&?TBLI<_gM3o>&-Y=Q8G?)#IJUisl8qG zl8u=@mm@%}x?0*YknIysR!LM}gU(Le(xB={+TWoP;7`K=z%Rq^ao?fa<>kjf!!A@z zBCof$LyA?t`@&@YEw2Yp<9KBHp8ZzSDVK?n)J8hgY}o@Wo1WB}}H zu@J|a(yXv!8C<4trKlktPFYLK00z2?YHvmnU7RvOA9^6p6+C0_qr>G zou1Rg6*gz>y09-Ei8JD2bej?`9^PFM@ys;f-lK;ieyqLEHOBYk1EkDY&0#heOe)nnHHLu`1#zI_w?)5v@2QVIao5u!2e|HR)XW@WA^fjnyp2&42z{nK|#%d zsC5d)RP)%|zCR?t%|}St=M)#)k94$*Bk5fSw)CnFw{nbA?=aJwu}4ccmUmTG(_ysz z*t=m7+|5-R&MzzDKn5;O+I1omLIo0K?Af2^zanqd!am0+V*!qhl{rdW(Z2#h5=7_J zvZ9Bdu`ZW>I4><%Hs?V{X#SRI%h{iBE>7{pT3$A`%cf;x=_g7xVr|&y>7Kq|p_tfg zo_T2^^Qgo$?EX2mmn~<$%2e3w4hUF1y{h{7oBMSe94;A|2qf@y7vAWn3Ub!oVmf$` zgZaU0I|ljG>lQ!WmGG%VC@xlAec7Q)iq!2ynn+?NAKN)lC@ad#1Jqnhn#d+1wvdkM zgz*Knu?U9u~lEI9Od=60TfnDOlu;ZU+U`<9CKuM%x=&UXq5lkyK*#xrrKW4Gj+F zzzD>vu0xAvW|T0mAw|%0;aO}9LU0=XW%mt z>hDcl)$KMF;J)B=+5G5a)bho>l?68#H||ZgXQYJPR@$jNf6RWJ+2NL29Bmcf`nU*$!uMTy~ecBsR8En11*nLlR>o`?1xQ74y^_mJ535q z;o}Up_?t&n0cu$g1VUGlnYmfgijdS7WRz!#b#U(2LcS_D5fRf z|AsN>F9wOMqa#)_lj90r1+myp4C!CwQ&L>?iO;9`H%4S%f821V^h$Vb{ojMXWWs6n z!^@v7?iAY9QZ16RdxHW52#26MjZ62PeLuq%Vy}yYuf(bP8*aRUjFJ+5KAhGz^u#sY z=MxiOf4$Ub2tH(P{;*8hzM`o}n6f zFXtl;FN(>H%w$YcdAa0I@vDBcC|LWC0AEG>Zm6<@>|-P4Q-wAG?ZiX(XK^|O>I{8; zV4_Mw!os9&7aVlcs7^LE!!RB3{;?)@FGESm=;Uf@yRmuPMG2zi=Q~fE+aWI>ZXt4- z?9NTD{r-hbOVFWs-`HH1=ZikCVU~Zd4~C3K)HuC-b<^pK9ZkYT{coLb*Q@2=xgS!u zZn?OH%kys9Z7adyR+FmB_~M1UKt!j+4qEY%CB}WhYOI?m&T`dt<;G6b_SEZ1k0$&Z z6O#JUDk;%^9j4av0cv0VNwc<19{j=ps|-N%%IE$y?cYXXRZ58wCgE7qca*Lz$|{c1 z6?rze>yDKhO)Z#0Ts8w_79Jt{@|T>_r4O#323AW-5?Q?)9PY6$Ob)2+yVqdn+4Rk& zGpA5(V_cl$(ayOgiuj9zMBB35caIb7!Rl-Tt6BH4>?AI@8`Uq~Po5nbny=;O7Tj1* z!TxencKlBjRaJDV2iK)yoQCQFTrF}Jeh!;I+&g!UrFvW-TMZ$!cBei+p90MYG6^UL zutnNHAXz^0@GGEl7~^e$N`84A2&OOEyb90Q_$?O1_U9fsw5U9q z<}oMECz&in&|Xn`Y=rmkWttN=-8HAJ72(t~Ti(T|gbCc3rYS<7-28{Ox~nVZ`h|wZ z7cVpiLf0z_G8PngFC6*HTi_&S#+93@m>eO7!5PpS+EXGF)H-io&;npg58??n9?^XA zS+KV!>)niX&+e}z9LH8fN6o!^_YZu-?qJ$mT)K7_sBX37^wbn-GovqZ4XjfP=F*N6b=c=22Y3$ zu)ZP5Cg_g=pMu#0MM#mm3T*IRHJs!i@BYW~p(LRRUsX2h5I+4rn3lkhoZMO?Cz4Re zRey?(<)r52BgQT^S6@_Vd|LFz4gQs#kR+sIY8F}j_vMF84>^tg;krw0XW*tWrzu=e zJ&lXJDZQe&*f*zN?_uYjQ;HK~4o>YtjCW5BI%~g(NiGmu&z0*_)enOr$QDsr))ORw zhDuGma)ltk(}6e4YT~+qB3csE-e~PS{I?xe)uX_b7CqI-SN%`^#*iCB{-DRouae@% z^>t}+9E5RslYrNI?Uw87S&LrJ1v^{-VU1Us_{6-*(&h$Z1RWnAL7X`wEyo}y=a_0E zx@^TgT%Vtp&uO&(*9^~dK`|f0Pu5-LI&QB$zmw1_?%3NQe}f28e1f9@GY30??ZHEO ztc}`Sa>bLNA3sb|{0?>h*M*EKSca!IG(^?UhK4$YrkCG2RUtGa)!o{k&vxq0Ws0sI z{gy+TlG3c77IOwHB)5KFU{F=nq&oM%^7=7v7NZ-!nm+53a;u5a_cpRSZt$~wN@ zPUefFNIxX~N;7QVq;Ajd{R%-Q@@61U?$Rq$CV%wo`}%|7recnrY%^iszPsxzB}r5V zDJTTc)EeR)Tv>047a5u4cL*@k8CrZ0_48jvRNrEXWukS3>$*?wAe!8cpJsEZ)hU)! z+3)7**` ze$d@G>P6}1jdZHRB|ijzG1fhI_uSX%-gzp@LUntl?(0XP7aCbs@Xu*c)#@ZbqW) zuSBcpv{z-eqC%ir*FTbBmf3zc5F8D1z2=BX8Qs&h?ujEOl{!s1v_2_Mybcb>KnmfL zp{c3qrHxXj`lfU1sO6S|UKbfw|DLfHI2tc?C}fSqK`jd|Y1X+V_JiRfCA$ny>byQh zpV0FqC9yN<)1Lf(@aL{g_w^ZnS#@at{zw2Ksy;&DebJqf60P_+z1}t{gG~fGNyG*~ zi2nJoV)i55%aLNs&vyBmY*;;(`QeK_NAv?7#yywLn=?B&u$vvIyY*v|R$li;LhH-; zdh7stA3YKfTLUWOtDa_T4jw;x1eVM>M3p*(EFDIWgL<|GcwVrn;bDz<%f>Glo^|$V z8bvJ11``SN%_OUagMu}O8i+26jj1Qt8XvRqBUiAN{>INYBaXD0`8q zA#tT_+CJosgPhM-y4jedlW#zcxCAaRB-jK;q_#(WTHUOwz-W_Zl4Rx`c&=;b2cV!p;f8kDeYc&;qlAzpV+h zy3C=qL;Pq31^iIV0zXGh42&|3I@MExu0d-8*CH2}{0ELN(WndmjnWoM?|G5``cg)0 zYR{2AkDl$@TOaU?rhSx1s=IV)4WnAFam%>L2Y&YhykoA4>327mUN4;0Fzy`$*VA=F zAZT)=tH32@uh~-~k?qb;c875U)hK%k-EdFqJk#|0!+gLdc8ZsxEd&u*8>gqG-7(aE z?sZ?@P<1EgwY@p@TrnMg92^9wvSDFhe%W8(5m{H*czx=Dz!t^#(kw1ND@^#j&jvTz zJ^ez(HZd`wLNgO0LvV|HpxDX$D;(ap@X&hw7*nYbWQttkO~ZbX9i`zFjS=V98^ZC4m&@q&GrMIbq?Ki?w`t8eIfYuWfz0Gp0`|M zXVa!{2_+hr9O;JNZrJj06Pri9jUrDK(l-;_Q~#r)LdOU3#=~k^ zO74cN_3;N_K5+`jF@P>)gBMp;O3`TE4u_ul{+55(9{A_Xbh<&`Grf0rSO5Lj@`RE5 z%)xNh_QjQ+v9?QCa-zRxBaojcf-QwXmRch`Hr(W)gr9?s0G|>zq0_U)oLZk6#~v~) zLQoSI69fJ%HYph}YPxV+B0KJxsWh*B3zHBhV>~o--u|yM$<{i8ZS%&|7 z{w!WOxHv^cMW=Z$unC4cZ0rp#?=R|hV+_-Lr*%OBBYrds>z22@d!)_094EEi3L2at zs8u=vh#d$SA&{hp0Bmj1RuqA&%=ic@EE61GXK7I zU&|7#XbH{h1$%gAY;%pPc_uwQJgCe%Usqq^(CXF5pxhmJ%}TULQ*~qv4XZ=WYWzHL z#AeokQ`YW}&DM2m&bZzyC|JedAsqg%cTD>wgBpLIyh}|>rMec@3(>;!PO25Ia>Y52GJpt2v34thl;d3i`lT`*RmJ-Gp@N_)X<^||0|IoFT* zG{=nrei(YJKUtnR)Djp>YWCo^B`}0~-Q+!{bw7A5zS-Wz2il*er*S;00z-sJt&Y%D z1mk5Uc29gOEiKiFueR>LD~piOPKJ~4A|0B)3^WW2Nk=$u%VeLXDO zS|p{kAz5lMDA27fN#aV%(8}Ktx4Xi3`dNo6O^8SEtyo!Mu7TBqQ5Bw__7?+@-T;#i za6@)tncrW10-FGwk{FU6kATGqrTc{kb0B_vd3Rq!QSnw8&GUaqQIf=`#ow49hkvg5 z2b$L9cIQa#_qxKw=od^b)VK#N4?B1};*v7d*|=H0mmh|K6My{BtTd=_ckEB}%MU$G zF_OvX+{U3rsUI4MG%hh$x3)TTsMjbQ)LpR29bq8?jhF7@seQYx@EL>8jf*idsBL9$ zpP8Jj25zj*O6fVml^NA38Be`n7qMPK8oJRrLylW|n=PRn8phhVtz znIDCBreA~72?{GRAnx8-S?W=G_h`bmcIEwk2qBK#gtyAKrDdGKsF=W=3vT)ztL6%37G41Lytj4x}?2KmULI^7q~N=|csF z09OQqWCUr(!1SU@W?VkvQ76$Jk!c}o){Dw3DAf06tAk7pdVMU9Tw!hPwOzXfll0(0 z01FOAdb-CgZ{NbG6=ZWP7kZOHV?}IiERb5bSvv=AECUyDn}ULZlvHI!1-Sz|cKEsh z=@JXN7kD}5mX_DN@?e6dXJ{B39}kw0!t8q_7IwjZ6zt^BpFgWBJL6b?z z3=pOoKS@7_Y?76QWxTiv`V0sxJ398Vv&Vxi0`}O|Z(#Dyz)iTa@;Hd}kQfPFr4YY@ z$>6qK5R70hBPmmx6|2_5Z5t@nUyyQNUPGAp3}|3K9ZT<`t;NFtQF055p6qnzIbu8AjpCL-!G8 zjqed-O>m+%+`{WaCc>3zlGcm&u_*~s<};aBulm6HjL4yt*4E0Zt7q9ALRcC!9Rvp- zpRI+3j_LlU`3^pKIJgYx8B_fs2E~5i)T?d(8Gk%(!H*7ikFbLx?1TUBT(eU}Ipg#7!VoplX zbQ$~4pQpzvm4icoI~vp9frz1mUfcr3@6^_>&$W{}x@A#8QL)Qawl?a$BD@J8f{eeR zf;JwEXULsD?1Lr+gjxd6)XQXSCHvh_{Yh9A+EO?YXWu$;#r#PAv+7vCjr?M3D3l!9 zXGlOTX;iS=r6eR+)~uN_e&s6rruoc4sgwkx$6s%q;1LY(GaKr3PYvqysAuLc_zgH8 zR!<@7l9E}@m%cTAC?1*nty%JRwl z{!d@OzMGO(k$)Bf#gk%spc=o92|T6tKpIb6*3OGp|4ma?ZXDo${N~^-&Rd7^>>hX{ zS0mKqGtP8Z3%s&vMN5CU(dZQ*9Sh&t*xtzn{00ag`hnZGl_J@Payd^0K*z6`Zdf$nUT+iOgsH%w3p=YD z#x#}hn3?dc5dAXcr*?Vr5k z&{_g$9IR*I?J7<{0SFTzTPVYbP&}BhfT1H8>39DUCS4~$xMpWZFygkN&9E>14=YBt z_EWgQ5(0vPV;ELk&qFo1h}L&^kQx|ZFg%hRxygVTUKf+(^-o1YazkOd!@+={$c((7Q{9fG22%y7~ zlw>b}2&)XyFNA0qs@~OmLRFTHPWRFahzwuZ=M(Um&Ka5pCBm(mfk^FY5m3 zuMW))Tlo2nx`c&<{8a2Aa7S;Wz#D5IDm;O<4E-1W64M1i7&TBME?wedjet;-%=?BD z^+l~q_hj*LpS^M78>h-sNVr8s_tL01Fsjcus3>5dgUq@1gsqJYys{tFS5+Y$0&6kw z(Pqr{M&&_~Y$vrtTs%m2_A2~n!Lb|JQq0cG%&QTCZOB=u{cJJx6&hTBKQ$Eyf%>Ul z7IF=1cwKe^-2?U~&hc|*2;b(K7#}|gC%1?Qrd!`&U4Zc7WAeOsgJX`j#QrZQ$^SZ7 f{;&V~{OtsZNV`(Y@%;Y*wS@7f literal 0 HcmV?d00001 diff --git a/v3.12.3/beetle_example/7e6c2cba.svg b/v3.12.3/beetle_example/7e6c2cba.svg new file mode 100644 index 00000000..3b9e6438 --- /dev/null +++ b/v3.12.3/beetle_example/7e6c2cba.svg @@ -0,0 +1,46 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/beetle_example/90f3f2c3.svg b/v3.12.3/beetle_example/90f3f2c3.svg new file mode 100644 index 00000000..b1526975 --- /dev/null +++ b/v3.12.3/beetle_example/90f3f2c3.svg @@ -0,0 +1,50 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/beetle_example/eefe127e.png b/v3.12.3/beetle_example/eefe127e.png new file mode 100644 index 0000000000000000000000000000000000000000..84d85ab4828b000448f3f4d9729c172571d78c9f GIT binary patch literal 53317 zcmd43bx@UW6fI1NfCxuGq~RbXQqmxKXrx3ubazO1N_TgIbeD8@gGft@2uOFsefZ7X zxqsYyXTEQ~e?A-s2H~9decrv-UVH7e4OWnoc#c7Yfq;PUTuM?@5di`56#QjCLjvDv znxDx8pHTHaNQfdlJpRdQEr>-xpg@ok6;^Ui+ii7;`eNvEepkvr{^=m&#y%50icpwh zOf)S>Nbfh~!;^^?J;K;;L3uBr36hEv(z=urvq_hT&=+sX^Yo@aD2j*EFpDAw4Rv-W zH_2nWWnBC^sXV{vAHQ=?UFx3qaJ?YB=9?uiIG=AlC(5Xuxmz4}(7y06PnVORd;HjC zNRqoi|L;po@}Y*ekKYoaTQASb%Bn=p4r})D@#(_yW8KF9AMYXmkAEP|bN$|**&Rw2 zY1JZIGtb9Cn}aa*HB+w;QLvZ$73%FN@r9Mgj(TWlD6!S2l4-foK{^DE)dB*u4*7Ru z{)mEieVW4HLw8Hzzb|y3!U&z7JbB_zie|X@5)Tj0ks{7USwTTz&ijA+f#Gcd?@?Vx zM@JWzEBnk|9+Z;l>k+nb4aa%If*VoryPSbFBMk+LMP{}Cthwbbg45nQ-|c8;j&I6e zsDj(KAPPzN_nnoWMUB>@Y1xQu+b9CK=8TU@{2 zX}{kgby|G4=z#$>tNj(Ptfg8p8`x$Hj)D!vSQTe-yXzTq%i#|ZY)#kgyxZCJBN9I6 zA9^l>Tl{BJpQ0uIIC*Y5$@QbtgBxo>8L}hCv$L~f-uX6RvS>HXAD}zXPR4D$n!0lP z_oD5h)v0wyGxPqmz#kGWzTS4Te>1vrJ4$TXu-3eC$CS!{3f@NW_Av8yFjK>Bl%xH2 zgL!!4xIo~nXts6VfosM6B+~0vzs{61^#Z*5TkWeMb<0NTXvtE6*!cMP1*`VE=?c%Y zvsvwjJZ6vJ$pHh_1Fwgh_J_NJ_M>ns_io~4ipV*$T7jGS@wR`TD_k$Y+g`3mu7E4` za5Jx8xLEOeAYQrb<7&Seef$)_ZvmpR;OXOS$qQT=uqNZdMn*<<7wQkH`pMWZyA7_- zb{ni#+Ui?27>}H9m)#C(7xrL53zp5J7Mu@vD-Ry5$?hvR%dgN-v@V)v?`}5*ANsv+ z`)>}~AF%INv1w>%EZeUBeqe4rT?-`7$jtN_cUwO3CBI#LJoTOOX3z7QO#b76*Uz3k zt6y?lc&V&0;Y2fSc2)+0yFl=6+n(3sX0QI{?q1!hwN|Z6;Cd?u7R2na{UH#G)b+q^ z<-MSwATRHAN3Q+tQ97glo~d`>DVoBDAMwT)^$}aP9FCrsVI<*KF1;Sh}4~ zNF20YEPGuBdRvSDQ`elUEwnolojlJa6jT&dQcG zKhwv9fGU|Vu{SUfMYEaJbb5Rkk07;+fZ5+b&hL8K1m5KOUkP*DtI%jfE? zv~wn$N6od^`1w70Un;je2H#e8pk>QZUpC49?2qq*Zt|qzhXB9UQq0TOYRY$rt@s25 zS1jwb@BS$dTWOsYD<2{5jC1kGO9WIV#Jxc!I`bFwOx=o!!CPYJGtGUQLe%e;1MZGS%Q7q z%j|iyPX2J&FL3@2+H-fY^3a1TU+N^Ck}oSO%gDeWBQO69`ge2lhBGNCi3M~0X5~R3 z6z36$eW55y&-}Zvy)L^!aG$+jxf-i)zx%Q+c@HxB<~i5mS4Ovmh2`_pN%@1_-&K>7 zlTWcog2Z#0$`3$(f^%&=8GHXWJ_Pc+_m#H$-(=(Ky7u#5<{kno#)3EVuB{*@J&!`Q zNw}?rCci)4@x`*6Rn7#r=j|m(lZI;{tibgj*&^w3#-5({k66=Z?6B~q-s3nn^Y#&D zG9RuowQqjSUf&a8qIz98d0ps}->6in;K3Le82GOK#L^0)Jf1IRz-l8i1A_`f0syOx z;*xSTEv+_iX^+6{@VK~ne%Q{|K&lsX0v7c z-Fe%We`nWbuP&8-R}VAUH7^~vg9mgx%-p{&aL{sc>)8(ZO?u$m9}8g0t^LA{*=>H9 z%>A&_>nhRfYEtlS@&i+2u3FjH=;)HuiU%wxIhn9xc37?yzJn{zcN8q|{=4O53?Sgm z#lb^K`}JFB&#U&!-p8{CaNg{=cby}6ozvUf+ZKCOBY0DD0WcLDIQTcGMVo#ARTO@e z^A^lrSHl~eo0(poEChJ4NBoDEoSiRNWu~X!4M+$a16&hA(`8L&YQMGp)~Wq)J$ul& znUM%!K3>|;)s?77o;hVSU$MuEOYR2OvwY2h+&Z+ElIQDL))#)+qsOQASy}UJ;B{mR zNOxS=qWj6{D^2?e?fVVwWdKkhJD2(e?`@!dx&)l5dyiRi*!Aqj)AKQ{z3$G~*w}8J zEG)tfb(rln`)RJ-+ccO8QXDWN9Ge-*eZa#pbaYHGH4$gW*3ufSWZJA&t=_YElfn~3kNd7ZdGqPd57?xly@yQ0skMTwG->7iv^ZG!Ue>NO`O3%f|_{8O}Z=cL$yq%@yt&Z?l>4nwkvR~ znMp|ym`d5qV_K76{|Nm1_iu*#@u1ebT0rJ}y6W^y2#Y}!+=Cxoxyb8Yy99;sj-&pO zPASX@6n5!?*9KhASbMF~T|j<~$o~_<@3qHNAsu5~7kK}^BqTFU+9XAsH4ePmygwjQ zhby-VSQQ&`UygM-8bm)s<>)g2uN8&K39mNfekB_&ghb8>xk%z?&+V_(>4Oj`> zZOcDG?x>aL33Z}|Eua)ovJd~UYh=vP24(tq!TWW=w)^Xy4X$y%laZCXr4{~%+Y>-h zn!q;&&x+)q@2EV+1O~CbN!raLLhY2*lL@%1c%A^laer?0aDICF9r8N|@Yjt*ZLN}N z60H8ph(d7FS(Rjk}3VzeGnLQEbKX!Oyg`S z{wmNV2+%c2nK4$ci>SFncj6}b3Dv?DVcCBy92T4llk$Rhpnj1*QtB#qkj0+huK*`! z!uaNVz6R6m&e_q?(X?P@YU)jD`&FuWMXRH)h&?Z9WPi=sr_ThC$8H9d@DN@yZCNj- zEaoXaw!@yIRdLd3R*U7-YRkm8CPGlL)a>-gq`l7PjWa#Y=auN=WoWR;_~`r^euun$ z1fhdqbYXnLH5CiW_+5UgWz%+k>g8>8q&H`7_ZJU$c!3xjYjvKB0LzP%>@}@w)!-!#78bix+G7#k#f&*w z)_?VcCQ+TBQemI0^;)BrU76oZZQK9aJ6{cxZeFtFOa*8@ZI<0$slosbe&_7ho}<`s z8p>n8$bHxGU6ldfG$nP^C}-ja`*Y#~Q#J5A^$RqygL+juy#A2NtZIyPv*Bg4TFh>i z)X@bqa^-`T2@`7p>m%ZaMV2togqg5Q=fzB$fmn6_`v=+kE8b_~fQfDUxH58-N9vho z^nGE^wKZaL&#_sSCRUdq$rkE2Xy7v;{wKmCQ94Fz*16U&@jX<)WvIMRu}F#jCDd_|FoPk1c+P|*70$HT^yUd@Rm5{Tlfb_>FYQ}%v&)*Z6VO9b#n? z(^|D~@ottd3r=-9Jc`Auws{NJR*?YvZ96JCIY4(;at|eg z+Yz$ujor;>q2)Rp3Vs z*=*VFsoK4R65Tp3`mxUUN$N-wd=W{Q9++HS%1&CBbI8`Hl>tH$6`ye0|I8mog%jMX z=h(btzzPnms_LCwDr4#>O$}*Xv%I5JHqzBygvQzz{QqtTJWsy~$6^V1#cb+m{*qBZ}cE*8vuu9qfz zy<_g`c#b$@{)+V6?HV-fPf&-q?e+eGM_Q|vr-Cplacb1S3hcJv zym4>St1_uoL-t0P{Mx;yV;iFkW%LB8U90wf8krlt&|5))JDp;0z^FzFo~>3!`68Nu zP0OWZx)@$UQ0>^fcjmg5e+6CWuobd9(T4iXTQDUK$21U>U-=Ryn&#E2$)ZIM8pI6d zE?JV3ldp7S&#;%xTOWtZRL+at=jA&?d%7nDM-Z; zgFpTGw=C-vZ*q*Hm_Y*!f1mQ5d5amd+Ahh}x}7F1`gja~q`vPUZRuaaMp=n;?Y%A1 z2wtP&9sBJ)4b&wNeNSyT^|X+zU~=$hHoPPrbi+kd+d0dX!sKdY38O}D@k2G@%6HCO zNn_HVNaQINO`FLTOd7Dhz_ny2LVGZbf-`9(Jq&HIqD1=~FTNZ@s`R8ya{Q-nxbTY- z`B{*B$emgJLcDaZQB8DS@Vpsk>X~cnv{`5GGpN00#k3h&WdFAPIjWMFvQJmyK=)Au zBmVHn2NZ_PzTkzbSnG1__AXV#LUi~}!DU`N zOr~bOMK(};^Qrc(J@4eUeU*xR^AcbLS{2P2Oata7_=Dp;>oyi!i;E=g^}`!oKRfqW zxG1=#sBk`f_~6{{*z93zYa7)##DWQH2JinjsC*e!etylma*7TQL&c?Fa@(4F<~@X` z-XErGWAhH&>bgxg3qW6XqE4MkC3=_EW$C;w|2S#t>a;~muIOowala=a-D`(e?n4ck zJF^wmj%)UfdwL6gNh<7`vv;0eCDX^we4|D+3UoRZ+2%4dxMZ%48X!$ajo32BD@seh ztCd-UWC=Xl(S@z*W?2G+YSkJys+l(9NFBw1YB0Up-%H`FXI2f2g#!;K^** zK0!jnM;UQUW3$mG%q9JK#}f*a%`R1hl4*=R>wmSDta^>I-!VTM0$lIaJ92GJT9?iP zBA&sSW5MK`jQ~;7lPkV2W9|avr%xihD5Hh2BYc_tOgK|}_1{UgV8O&GiPk1^NgR z%D3@DU0ps9O0vkErhVJSuC>FtIf7x*28Q!K-hhS@Gg2t1UfgdfJ}Jxb=l(Ug!GGSv zGrUnfyb;qWKhnBndEv|l)TIfN)iGu!CJ;t?kk8~al7VQE8X_H*X*C3OF zdyrLCDseZ)HOrK2AevlVf9X{zl}rQ4ZPe&__rT`KsL|x+$;WSBw?0^Xhbubzp1$IL zl@%bgCi9fJQp5aYxr--_=>R+?;^I`B)xi76DEI7uJZEo?0IGBy=vxV@)T9h1xDXna=(v$0OHt& z?Yvp-^_}OuO)xh~J18}S2Gwe1My!M*AcOtQB>0eRnEj&u5>R8)l7#jiUg&!IK_J2c znd5to5|q)fY#|rPkZ4&M8Bxk;&@C&Rd*Uo@19ZfZon|jn1ApMT-xiz>#;hMpt~j!w z5>63dM{Cx27*9fbVH*o)i{mv<2!!buUHLN1YC~M8*>FSh;U&7IAXQnD!^Cp{7{NhmV%Fl;))w;aD>p!qN7i-uj{QMUWuo3 zqgEF1SQj0eTmQpKcLD7(cxdmpd{cdWeKfT>#>J+sq48`5QDwx>Oo_qyuyv4CAbpRV zlLGx9K!C&vPLjzts~w_%z$m0%ZeZ8oZ8zij8-MBins)8x3dCq9e>S2d1WK!K>SN9D zl5D&wK#S_N8V*LDo_QY4uYF!M9yrH?H7tR^Oq0%o!{K^WDtu(}d5XPyFWRT|s(_vZ zbf;0Hg}w7Xf2dIF73ln6*??Wp#~)w0vnKm}36!(pCJ7_xe%quZWA&?GtJtvck639f zyyPXulNmw+jkr)h|7ZS4rga!d(f&hB2IF@V6L(MPWUQ7iO8`lpSuXsS6f$wv7yXaV>P*fzEuMyL0af_h8vk z_5haPS(MmrZ@pQP^9zn|y5w2AFx!Brz z73#>Fu0#(W`km(k!2Pu9UOn%hdmM_!uMBJx%69;%-8qAai;#=h`@x`^v!JDL-ueM` zccej{Vpi!>Eb=p~fR`{OmM9i=oS;G3WkW?NsVJ}RJS%43v$Fd1L|xKjVxA^~7xnB! z<0ZjT?Fzf2#R&$|;l(H>NPWq;JQ|sjY1U+!Dius76IWNYa%{}*LM3|EiMZB}Zx|qG zLd~Gifa7kKpWEzt097#r+}Md2@i1~{yY+CHp9gm1d4RgZy$gyE1PuU+ zUKO3whCMH!Pgc~d6O4jy{OIsQ70az1H43rW^!mqx=2aSihJ0y zo>*Rc)*;3MXkYQ|I++cxP;jL4aKaiF_OMWpn#yzZ;`q;JN?m?f)+@u|Ksq%xGV2t~SuRYGeWKrQ~{yr-Q{kb$a!M2TIi6Al3Rpp{TMpnfJMB$PM&#)$0qU3kl5?{4->F|-^_6Ae)W30>T}dU88% zcq2z5(x_(Mnp>j`?(ir~18@PFHB;h;f3GLEzt8S4#!FxRg#`gU2v3;vv?CfD1u0K) z(6XKlZ`-~}gDEs4FdI8cDG-}{xyCrMSMN={H27UK;fZ$uiY{&@22W>R>Ce1aNTc_5 z&iwIC^~r)$DJ~f4`R^g&8+?k0`K}>eUzSq7LzjMX<<5XlOiC)YPl|~;sPzK2s#LCJ zJ}ffqv@3J+t5RDMF{2u$#Ai3lH@L~}&5T^tn{=hluA$3mOpg#0K3DoK{(#Nu$$UIeRd}5bv&we} zf&iWl8g#9(Ow@4b*C~`7vP2P_xu*a2X-yscsa6nL?)^giL}KYJ)UWiC&QB^uk_1UbF$}vnNnLrO6B38m$4>)sKr!5ju1rhSxBCEJ*0> zK(yGi6ZM9Jnk-j%A*}ZH*P@&43?ztAQpw@|D{dJkLBuvdBOwG+AT%_}_84 zSoDd*FZe+}Foh+OS@SnbIA5J10kmtPUKQB{SOOFAPAlLdxXpHE@@ZDI>d$xeVK zp-PNS5WlfuXhd{LUbdi^Gi|nU;_@>evwL8}R%WoYkV2PEQfL?P^GHg9rnDev5PxPF z)dU9{cL8n+h6PNCq3aP55vWLrv4f&Ch%p({^@guukp#SJ5X@@UL- zSYS35cuTJRw=CHIemn7-q!5oTU zCO8;t@#rp8g`XR?E+8Y{0p0@UW&M%l zk>WWZh!clRQ|hX#f1g}!J^yLK4q@$@0O`Np9|_3Y^ps#Mq6}{_!Qz?>4I2+n@NGa- zrv_HF7!^ApN?wMq;S+2J=Uo<@Pkn_6BcW)*eGGYFgC^=48ls8lHk-DM2H8H-HO>cI z>KbVuDPo5&uG||A)#umnAFC}~IDPueB6EaF@fKWxzaMa*9vDr^=-a@5YL$t;>I?0?>T=APNzgqG=o)Ny^cnE zQZsX#y-OKBDBezhhGPB4L31;vRg1X}o2`EgK(z`wV8t678$eg+0VJE=zb0*XLj|H# z^4b1(uqY(~CXj26VYB)l0JD^#fmudIp&L?R$bCPt|3rzPQ@`->CM!)?fNF+yABe_# zj)C3YV^4V?gW88MtiYTlOP~eRFOXvRgWhZ9K;lGhW74QJ`81AvxwEt(-?pz)M!c8TtQXI@1Ji> z>Gwt1Qym3faB!h$D zf30OZL*lV=C@d$b&?>^UPjwn=kFktHNI!QeF1|qyWbrG~jHY#1r^xI%mL|trOh8&LB(h z<&+T?1WKD+LDfL@18Qt++%<}?Ft6eh-%cQg9h<6>vv^mjG9|v&=*;2ZYJKmcW?N5K-rPA!^^fcFfj1d4mGlMi!+{dM)eJ-Skxvd0U!767V-$9FH{rU#M(!4 zFhA2b>7mZd-l8|M&mU$hn7F&Q)OVqiatz{j%KH^U)8a>sz%%`WdMsepCnqCw%7Gf= zm|frM8<#j>iV&i+C6360u{m$S$xjxUZ(2#sU9)osnFn7Q@CeuS=)D_ZC*vP`T| z4>;x$5)#pzw#LeG?G~d+lujp+{jW?FJky;~qWHk{0n6y?O*NHvXEBUP_`L zxUlQz-42g-qB(jU$?LX1)ICo6Rc{PwzwOMdahw>#>vRQ00s6n z26>JFXS8aVKo3@N%a%jV`KG;El(-<^r=`u;A3I z^wp-QVRpixrsQBQk{glD4b32d;8UyY$<@2J1LE4elnej3_tm5fsKtEr>X<|JoT0rj zqeiC0p=oitsx>mbX0ryLqT)Gi8#O??0e$+7)SRpe`#73-pDiCCTpdDZH3Y`X{F6z? zgiessZ#7*4TSUXg(sFFu{`dXBz3`M6=t^?SfWC#MfmE!(Raoazk}V)*0Al{Q$2F%R zzgBJQg>Y|H{lcDJRS>7|8)FD&(u-J750f#QtinkDiG&E0U%VCf-Hv+WJ%nOQPtAkS z$c56ht3Fjyzz{EutY&8U9Lts*yA2UcH6RHRKi>a|vr(6d`NobU2>sV#I(+7rraYjn zA58N}y(puv)c2Gu0ArL|SJ!OBG==m1`%ue*SGH%4KNXetIdI%?!je6skV|K?E3p@# zAcKX&lXk+U;_>q&fJmJp&-V~M-K!I>-dUY~7v9hoF7+nj)1)$glI z;k20xUxsVz7{w1`_cIquM z7k~YSluPREkUA;1UVs@H98QAubgVY6({!opH%%-$b3C?^PhJ~^;yw^k?0Jt$afAIp zQy|3-ay4F>hXf0b&K=xJ`?~77y?VFdPv^YRC|;75wWjU6wyFn90&yyw>?>3`^49^F z?y?6-!4SK_W9@{Mn7l}I79GSld7(U7vQl3#WN6b6)?Kt%{MnxRK zWC$WPW*hNay=6!oj{P$n7zz?1np0cnI_NoCKG4JlSHm0T00XBHaNf5F`<1dvW_64z zf4%5d47+ z@I(>f^c7#@s~7mn0cYem&%kdD5wF}z%WnmIxE2VQMR806%ckshkR>Fo0Zf+u2BQtz zWGy}uatBQbY}z|OU42o?Cbz>PBfG5t*??s$FyQmxq7bCyzi?l0J_~omHG4vy+?Gz~ z!x<6z5jj*5v8CQyNXXt_q%~)0+aA~m>EopfCY203>#0BDLYK^Tf*E&e1AgbhBV!YT zQv!6eh^V9o+jm|Flz7J|y4F&;08uty>mLH!fVoeN12@T`Rl3|$Wg_a5eA6}Sq(T|1 z-->yPgnneuMwwX$NrJCmLtG@$5I?^R?Pb7!HjcTS^Q~ZmcZcu#2T0d23;APqiF^1qJcSgM3vHMzd}FZMe{;<%4J$Uf>2Fg8Np#fo#S znLoX92XT%Q%)rbHWa%jKcHn_av7&geb`lo;B}(btfaHKegk8VDn0~aJ*f?RLK%Ufw z-_VqklM}VN#RP9RV(rGS88aP7Q!mn;)5-3x>%;5zRznSwmp)TeBUOMn5zxBIw&({{ObaGbLw+A| zzuItYZd9R?#}DN8rB%9Z+BpjI_p3vpAeJXMxLUjhT!l%E9|B*h=Y7`xw_E&{^dd-@|@OZ z!Ss&Tf2_b1OO$fLBu*mpf}|xIT!euoUP-{y2^+T6JipM6#A8>@RMon$Qg9Sh>?!z4Kwy9amfsKvThhYy`L+IrD*LFNfvtZn*yo zJ}oL7Af@SJD_Tnh;?6VHUC`OGuKFnx>%rAvXiaXBVPOz99iu$0A1M{Y#@weP4T&Ur zH;!f2j=K8You48!yk8X^)LSDRi!^F*Vj}MZKMcoFeBs)tlA-w|kO^u79l3LB5t_J& z9R0Iuoxq}1u{^Pl^zpE*C9_(lwoARH!;V6hmsMJQ{JF*G2WABeenB%?LGKPP(MA+) zAgXdSv7Hy7SKLnh>8kA+Qp|=HbwC#RlqLkp_~%efgRr5u)f`v0*^&U<QJ{IkGxD9H?5wY!ctKr6<2AJzzl zSo0R%LKFm;T{k&_?=X?Ch~O2I+dst6X4Ml)y(h%k6D~{aP8wr9c4s}koT0@2aJQ+$V;e+ zg5!n_k8_h+tLH5as4Mx`>pD$yPN0jeMZpq21rg4yh7%)3Z10Gtghw_kWGYjr(E@>n z3fP@IQovIul;e<3J`sT`+IF2o-BQ&AxMaw^=W*shNdU5scL!>RU=*PX?K=vOM=fMF zis2;1ib&vDKoVCP!W%Ec7Z|=17M$B=K*&A}b(ulu3}K4&jtKunF>Us;0vK78OQ!94 z8L5L?Zdu#WZvYFE?LO)1)*Ih?GpfJ4 zD}z5XAK+@a_2`COBDzIO=K+Pu{&edj)s@@D{sujr!9X8owJt%GN*L;-In61X33trT z3X($sGv=}aNfyG2*eaOVY}HG6C?p@fH53~$V?Pur{-D3C!L)hidUOqh-FQX{ z0)I$cp8;H)mm1rQ0M+oKW}e}Nk>Bl}<9o75wsf}slQ|2E#b`HMiv4?ZiFH2$9~7wn<#MR zV}1TCWlX&;6(R$q2o{3HTJu?8O63y}*uS``Y80>cqk>9&pKEZQBht_uL;^E9d)_y% z7H@_I8%W096UJ@;OFEa!}B2 z!=cG=fsKjFuzh6=@I*%ai&ZY_JbkXKExSnZ-TRVWrg{J=!MpWpai$LL$n zb8K-i)1Nl0Heio55y%8%r=Ts>+d~M2sp8yj-RLqa*$l2Z0^bJn%4-r+g zPH8wC12{Rr9DnK-C^?|NNRFmr%QZm<+Jw$S_gdxnW_K$fK4(|%Kw#xe{Q^X}l{OD{ zOYy4LJFfb*FIGjEa>}#kpPU5dj!kZ}XKuWuPu#P85^g@;rBUp(g++iBxVEz)G(jS5 zQP=_e4>Gjra)Cp7CH32>F*cGs56jGq_@Sdl`tc(0$}swF4~|q>N)*LiH19sKPBw*p z@e~Wuoo)M+q3s@>pb+9EGPfN~wG}&#tOdEdV70QkWuLEPo>UE0Bz{@zmes|vrseU{ z)ZqBuJA$U>>e0Lk?E9N*ti%Dr#1PHds{jO?wB><;ASzS`O`vKG4-d04#EowPb$!$b zOlN`nwVK6PTQT+Mrzi|IlLmdR5>|HRhXl-Mzy{}bxfXbJ8(-nxyKN7Qcb7juFnfS+ zX`iIbx*z(IXnq13>>RN~ueL zI#1cD!vaCm`3=SyTZ3HhA3umOQB^4=;eLqXQ!J)V#P5G3pdEyTNnaAWe|CS@ z!Y7XKkis>yVGEQI6^6cLKS(Jf0ehTFPYCeAD-EX9i`#z)2Lrg}T(8sh-KS=u@75p$ zL=0Jt3z(9uMvHHtD4)IF{oaMw8Gq{mP#ceU2*#oNV$!{0%5dh|f0!?-;5>M~I*{S9 zbjsDL3>z@f;zsn7$+cAmLTo3+jWAD5Wu?$UyEQjM9;=eQ&J%>2L>ZbcS~ zbYJ;Q+yDS=!eU+IAViBv2hhs??1U%M;DDW+{UV5ut+U941Xi-0p!Mq4X|we7^p~(l zGjR)8DY&`^Cid)1tTMcpV~|sEQ5#b*0ZnDLEHZxwal+xGDfL+DIZE({XsE`DyIu0U7WnkQrDGdT=%9BKT57(&CWs7 z*cAXEpw&(mdU{ByLD5}@gZVJ?Wg-)ev>yUbGqbqLLcbC7o!JefMKJWMvZcoXHa0NXoYULoChxk58@^qloo%r|4H!oIbFOo`DMpbfs^F%%R5h~C~IW(GYmQ zDi6VXG^T;|BVbh+G=Laxp190mYDH==1^&yK-)lof|7r(Z-oS=;&{tTnWXZ*eHWQQ> zegO}8vL^D!E%Y*yna8fHk_r(7Fwpt2P0H~|`7tp|FuKZq;vW z0JP%bML+X`q6Fkv1$_Ocx~FYiqnhsm7c>#qCBBvpc+n3c-?N=u9xhF+`~kHd=~Rwk zBI#s?Z9k1s14CJsLJ5xVYawh2oE~om2T^4Z&Rji!NaaK}iap6@O9WcujgKMf9mk(k zxWP$bX0`oK@7WiTEen-`;!2uI%WB8+{&g_ILa~P|eZSIzwc5I8ewg@vlU`eao@OWEQDeI8I7@S|6?Oa+&Lc zaw$C@YXnt*o0%Cs1TD)8I6r~eu8$uDHJgDOu{Z^E>q@-be*tyBW$DZcqv8&LL{a-d zkYez%4d~#7q0D>;tp&&wY4#0XHVY462hK5<>~UQ<`C9zsLy0 zGk^ZmvH$xg!=lEWuB{o;d9F^?h=fQLvZ)pXWa6b(Y^?1pwTDKmtm8pt86V}a0(1eD zmZ9YkPTh&So@n~K=`0z9+#L@rdD2ta?qZd3V6L&vu0;GA-Rkwm-m$p8kBtV}0?bQy zzF}KI5i8JlpAr~-K+m{l4IV<&&5-HoyJQ%c09x$T73oR7325rIA&#&CF0;qj26Kh> z>*)&VSAf7Rf${m;36MX)U@9dotXD5NBV!qWh{BlY+Mll#^qEE@Q6v4)de&1R-(`NX zGsX@^6&0HP8X6j!$dOPjuUpttpaaBwfJ~H~@fqg8cdW45d5eht^#EO9DOB|*d6c$S zOV<)oWb%O}pl0M3p=a#21Zu_OT=L^D-V4{b1}naA$KO<*>)?$nVR?m%`>uk42Wa}i z!>RuCU7uPK-c!+@v0sF-o^Ff|R1pd?II=e=&QV%p+CcLpv6`aL z1T@$ZNYA^0(Kx`7Kz9Tz#x;Yg6J-aMSz2&_XVn{uQHjU>3x>vRv&_#+T$$7x-5DAf zD_qiH+yGps!zI85+NyOhH>XlE{X3n@;eGY7qSO^4=6m*cS~!Tjf5tUlS*?S|X;_6a z^`i{F13VN#cEDKxTxrASU{YkkIqY58ejAEUhZAhA5!n4Av^NO>xOAv+RMV#$iEKxE zD8-rnB?}O`?>|ZO{h06(PT5Bg*J*ex^lvA54!&R#GnS&Iu~l7XKQ| zk$z(DfWg6wc9{8TwLJHdMm6SZJH12wlzdV_Pj@r3p@R$H5@eFK?_O^h0o{d(V8+uC z^%8Z46o(9@(CC1GvGnE+J2EsB6L+*!s*;4Ew`S}_ApeQNhtQWob1(Z)Nn!$uJ;Yp{? zA!r5+aQ@lzf(5>e2_P{w_gMo|kOAu(sbFyY#u+X~AW`EcJ4w=_s!bfssn3&9lTH0! z1d?~h45QufqUv*ykX#XOts4V+P~-0_7^he#T)@}>(ydXeuy2U zdTSYjL_e!lvW^S(j_wu97Q>Fn}ooplxJz+lb&XRGsx%|`|me+VCaTpUER zZhmp^R-#xLNWh$V8SiCFRa{wVOx8Z+DN;tSI;qgTA<3AueX_ z2@LTBjp>B*as{|E9wnOBrZCWdwWT17=UXMUhpZeiZ?;BOe+0E$X|eR<5Sm$OJj+7e<=1jpi`45dUoK zqOz5GEB^0lj1{xZRx1Kfzw({dPL=O(L3;v20|ugB>DTmy_vpw!%Ge=jRI!6#NIf9s z^F#7WY-^oAMDe{O1ei6!4z>yd{`cT&x`jSBrg-Ubft%8NQ;=S*D^5+a_2>d@#g`a8 zd|BF=d0#pm zx+|gLx{+;^2}wl)8U8#=t^f_Ulz<7^$llW2F_&GIHiA#pC5Aq9!fa&r^v^p6S4Duy za1LSdOWJD#su*u!Em$0OQ-YX>)!%0&ZlwsGxb{5dxbA5G5&>M&;cd;IS0}cX&NI@6 zY6K=Bdh&a!wrbG=Tg!Y=V%IOi{%{M@8NxvWTT@dhw9cDF3r=n4wI?lQ%kL@ubjrH% zs$Er=OxS@#lCyR(ACv$0{#l)FAZF0kL@{7=aI!K>*bv^0+7bM83>rMQ**G5~zHU<@HgyEeoTIZRa82ybhH_$crh5Sw|mnJ{q}X06XyNEH0*vZ;E6L7te0nD<1h2N6lN{TYdF2qgh=Z zz-@YCtI>#|)**8A+_hu|?2#4VmRW{tI3w$S=Go?$NL;RSpm@c_KhiGEQizVJ& z7#cghsJ4xqi=8vj`>{m%_%K6pOc&oshSoi`!TOA$q6Z2`b)g@G-63WY(*b3cSjxqc zc%=c+TiIlC~|XpbMk{ zhysw3fHAR&<0vnrZ}SA0z4t31NS0sLF-c7qxdf!p*kcDD7tw*FxqAk7CXT92)f<+r zW@~njD@4uxAPR3;lz^ECM@Gwk-ol6ojFlN8#U&&_qYKm-Fg6YiHedz%ftz}1)`D(l z3fRsfgu{9RSazKo&)_J9ouS_oIO2ENhqQld_|JOHU@=xa%e$| zk~QwQaxmP<$jHF*hvlAC+X7EN7>LFW0&BuHGH9hl z0P`1257{%FkKZ>h*Um*;U3G?d}epJ&fN`hqR(V;)VW*`A)Bsi~>U z%S)gEve)0flscC|mx(O9>QR5GhPkFOff!9NZ z=GCiLo12?%smWOz+A1nv=U1k#D$orVh+^b zAkxS4XK8a+=~YR7b18#^NhzREWRW5%pX^Z4iQel%Snlvbh(Z)^s5%I~HELDJZ})W| zzx16Dj{DgoF5(Jt15VvfpFZ_Rkm3Rhxn;#HF;*Zg4NZ%d6$M0xjgI5?4y->$Mn=}F zl_}8mOtEru1{|hMA<|1tHSs^$=slk8tcY;y`RBI^8CjT`Qli3H6UP=%unp;It8ad? z_-+TZRGaBeWYzXe1|SbDEwNU_@V@|41h8fP5do&~9!;=zI7AYcd+yqL<$e#CGx#rO z3_8v-(D!H~$@rV*Tl_e(!*1sP2Tf-gR^{4tZ55?UL>iHhE&=IKM5J3fL;>mUMnJkm zL|VF~TS{7_ySo?N{muQn$LEjzPqy4^-Pbi^jC0)0y@-sy%NF`?Pq=1}Ka{(IRIxCU zPW1E2pFj8f3-|RhYJBFudpHKB4#?CDS@4JIgSACW;hZoTMT9&mGZ9Jd4}*?eX9KxEA@=tIjuu1blcG_RUvYiyY?npeIDn5ai-)mff_U; zp`Z)X`@YT4VSq|*VEfgp>n~khk`Wz9G1|-oQ18R{3u*^(aq%A~IUe-2rA)Eik1>%M zf?wj|g#?BAVUjOp`b*p$owhMmw>~P8p;(=i<4x8y^bes+B*K5!YK(7cepULDU_>BcaDzi3sqkqaCKTL zCOzki(t0~^uW^n7J78^f)#%eF@PVD3Ia5VF#kgNVh2oF@LAK>0;;VH|vBXT|<{c=c z%FF%moMcZ0Q~D@GJg+hWatPP_Y+~_@J|@XkWIq&){jqx2Au?^N@?+=ISe|?md8A}b7EQW9mB}y_ z1QJ&f!)pZv1+Ab~5`?Kn&f1$AR$9slMO0#XruAr|_U$`QxHhCoLy=!RLER~_*8gKf zD{eM*X@?+e*5@dL#T;w({Jq7LI2q&`{StL}+8g$+rlzLwYI%Bknw!f6=Nc$ubFgoe zivD7&f2UPQklTF}nstWROsbJGPot1O^5e!I_dluM)i5v)xk42 zpZu$!0CTWo(~p-f^wPR{$ZOEvg)O6rEV}m9HuKUQS9L@Z@n5)(HYa4>CI7(Hmz_)jF*52Kvx;nCrj7<+}Pl;47(_*QITxeY^5mU zk=kt#ajZt<8m@;5L!Ugjxf$Z?@x2J4W_$85O z=;M0mtl-0-bx1T^UTc1j+itX!{&ZtOA3S)_qQWqA9t{)O7X*%6(LS;80{dC>5y%Su zAY@<%QAbz%{7KY3nB_vt@H!RO^!@j*q(62=Q`x^I&f5K{KFvb4nz4x0r#PW?S&JU$ zl)@1+`nSDhF|l#-w@K`e$zPQuIl}FCGZXTt_lM8jg$Y7HTWpVd|M5bBONc?kJ8(l8 zmGLqt$%SLce8aS%xp?F*bfBU}5x@IPnXPI9!FYcgS5~yM1RdFzYwb1PP@T>0R5*vy z-$?mPBBPh)?@uYX<83OAxBB49XeL^~9g370o%d<&0U5ejQo$ z>poE_-wPQoA~wY==~w~+QR-6ux|HwxTjx2nK}+*#Flx{3(xo(kURE>}$|P`sMcOoF zqXo3kldt@M6`}!$3kV5+*vJm`KbU8l?*O}H#;Z=3+-%v$lA}?ig3D(zq#{JV^NH*` zAI3fOX_n)wMl6P?xs{2$V{t!c^1L&6aZ$dlSvB$8KJ^=?mE-4u+8N;u2A^LK2P07p z>UG~ziNCSZHR>djBy3`6t|$5uC6^tCHaYX%Ve4Vw@~*}6$06PFw9)cH$M`iH%k&Q? zH)G=@jJ?#Yi<|4o@dw26WG z>gnJt!epe?Pbx@E!}q~ZpBUJ1J6&OC2{xdi4Y-0nc7zwkHB1GNo`xe%_!>R9Rx0D! zNNj|jr_@-|J`EFi!H&9A#w5DfdY(&1S)19z%^EMl!NKwTdGmRl_Ahv>-K=$(#F(NS z8lGPR;@V(;@qtf*!rHPGfiSO|ijO(SX_Y2^=G-Wn>V0Ce^xk_o+2Y|^unh$j>a+=4 z;Ru}-@_y4@45UunMKtRA`siqy>NjdM)Mb+LqUYFF;Yi)oMCksV-^H1^=k7D7=bDmK%Cj7KJ75`P;6xH7kC3`E#B7&qnu58unY4}EEaT|Y^ z_Sq=_$OSL8UZ26grN4)-a}7S1EKdT^r0B5mzq8XjfVSaFiMG zs9A%gSo{A|U@xdMSFZY4Pf1FPql$UikvLQK7)biv?>692)Zhn)1|pCSfMjJd&GNC2 zPnUgi>g~?<^d~&6mMSnpyqhU}kF7_EoM^A^hOJhnjeWtp-@%DD!`hXmMY7_TMIc0M zrDMex@}jx4YQ}<%Zi)(nlE$S}L-PygTby(UEp-Lg%mHJGhI=FTnOp~jt~?t%mM9Ul z)H#Spg%4tU#xf?KeW5~ofAQ+w=U%*AfsEGCQ?D!H--FZ_1RyB%bxYe_gM~r2$G#fo}J36-5wr&a=R5TrQlkcTR zd)b3LEE~#G>3S{?MX3me9mr1$W6z@HMLNEQ@yt$X*pmXS0&n$k$oS3I15WHY*vBdY5o{ zueYVIq%jF8aBL8bV>?w3Y!A=3uCXCN6CS!+`pO`v>l; zV0`WASh!C)B)}34UIGJZ2MI^9`+{z`svZ$S&D%y*brbD8HuRQtyjr0G!s#lnLo8Lw z`g~^Y4BDAEY4s=H&)7D~WoisK!k;N#o6mdvIc&mQb?g|f?_+N2&CX|?<*&0IY4kqG zGA?8Ew0{^RmZn=&_K2WYqEXGNFVtT+X|Jee>acdVR&4B`)QCdLI|nCp5ABjT$!y)8 z9|oGGKRzK-l~{2ua*0>H!-#i%!h$?%zyX&@##0!1kOaVoK4Kd4z29IqT38%EDbz5b z2U%8L9b4)a0#ccr6R4`P* zN`@XkSd8jhIwjLPInJD7)s(}~F&oeRim_eZZ%kYH%yqbnpCqrtWBZslj&DgBri%rR zM)btB#8KGpi$5ImV+fmm;2I}YYG`ZwbvEN$`|D-jex^8?Kd%=n&Ek=j8K)$(xuQ6uyIP~=G zw^Lu2H{z%o`Xx`6(dN;<*9k3X=!c^zm0-3y7V$lAGJb4%AInJU5;SyIapkth8fKs_+x| zN0@!(GZw1ho)1d|?d`zA5zqpV0|Sl$r#5r$p+kDmU)$EaXXkzK;=$Vp0^lmVrFwW1 z@ti;a(Q<@nARR$zl`hx*?Qh&iqCR%NtcW>_YF<(Rh3Oqv@xM*5N#Oml1OFuv_bZL4QTN<0G~o5adeL^dAkv#u#W3-x-eEx~hETnuswiZ!Ew zC||^rG&apDtkZ)74i==3CF-=%QTalqov=0s;v7t<2Sn!4;85hF9DGrK1ZtSNS42Oc6js3zJjWk@i4r<3u^PXpg~_vn z-TdyJU}-Cn6)UpNm_uy}j`PSC&@!xE4q}IwwO5~(`l#3Uuy&RFslWLB;@mY(f%-I} ztKIRVMU=RHrNM&6I!VDT8X?N?b3)NQbH1cr8Cq(A*{EPDd0!L>yoviA&afyW#e3*V zS2ME{hQnek|i1+jZTH`C$$B};jTuCL4-xOtiSm({=jg!4AqA5(2&l8zJwT$Hc zv?jj4M@5OVw#{q)dCsFC27J-^J<;ZpY6Eew;lM;#S@FAM)i&p?#}$e+Ql{ar^<(iV zRQ`gA$w_?fl^cM$sOY}mabbh8;=*GaW89PX@sg`Q(TR|L^caD9(XI*nPz)HpYGXT< zBp^Cmb_9G|X6CctF7pTKKUj9e5_Q_iy;MsneDy>;S(AlB-Zt>4ItWu8`&J?aCKj&> zQtdr)=EpbUaFEW!`)A_lmS**GOM3gK_I>DL&AGwPJ-B|-;wSt45sr*R{!|#wU8Hi} z9Xr_f@ek4H3oWtsDg4JG`A7sf8wuKIu@>Vb{hdnY@uvmyd7H>cvjS$8(S|5f53_}s z*cU464Ox#yXQ+2w7X3%Oo_Pcbo{jKCaWe~g4qs;MGqW(D`oY#2*0B*C1KJ5Pw8Jlk zrK9RL!;CJkJvT+86Zy_65c_;b;+J(D-1?7}R@$r0be35C=HGoir!eL>=?Q#I?FW{{ zVWcJ=y0;7|egFOG?Ny2-zxS6t6nu{LcaNI4E#tU1tATFhHckn_abK z@kxM^x_BZ>J2@julH8CG@E{6CU9G%LE2N|VjV6x$Oe0CPO1aGbd*-h%sCd$91bQ@x zu68Dls$^4Tv4u=OBcbAN)J|v`HZU`}fA2rhQYKaF$GorqctD%g4QR2LNshL8elBRq9@MAukF6s{vxeS|u->fpUw^UdD zU4qs1C|iT`jEmbQlNBhi;1o*U8(ezCv?T`o)#@j47k%CRTGI z@p)Xy^05MGLjqk3t-MKczn{Tw9Q8h^e6P^L#Hvp~ktX%P@qs9sBrptQXz&K@L>t*A zl2@hk2XUU~iS5S~?ye!&cQBu2z#44*0r85kG-DhJ@gNr_b!_*5M6@I4H_vU4oto#> z`Jm6KyuT9nZ#--L>F2x5yu;{pUp8VnTah`Q&|(t(gRgC)7`-{)CxylE&n(|AqThJ9 zWX$t`Fd=Au&%=GaqWhM@ZH@ft+PkD{f%?-*;1m zKY?900C@_o@%5PqX>6&ZrXo%F>ZDSg4||&)lWME!Hr5?4ZxH|FnV~oxO=`}sJo&v|+wnD~7WYF_9@}t2 zBD!Xb5<_co%Nd~SBrE+xDjsIqlba{q6h!U3p? z?+F;cO1EY9^G*}yPUpXn}{#67W%f{=S)4%2G>B^y-jCuSqD+ za)|@dbZH<;A{Bpl0zL9JK8I@jmccy?;x9-kzIVSNF{A!1UJkqa%2pzBtx~hlfCFuu zD!ZIHz@v=U5BG2HeZ{jHX7We{VKwfVSK~kjIvNJ|y7LYhk~yP2BJ!Q)RcdKJ&Sx>{ zWWWMC3vT7FzeKkCQ&ZFq;>^oI7CldM%bF(Dd5+{l^K!O)`}uZqfdxhn;_B^}_q+ z_6DPOB35VZI>uFF_baBZ*bsK^2R<9BgqUw=dTHM9o$$xWaIBK5MRpm~5`tUTnQG0ZdDqRe%f|nKJ4=y}%G@HQ(Rx&n{JX;mg>C zv4w)#i+&DM(%iLGbuzJ5*4LErR=?B(rx08_vaFa^x41nXR|qW8z%r!DhXMOq@?@%= zR0_{zqHc7ul^Sl38ti;48|zkHcIL%PWybdyu|~V>=Z4Eq^X$LmvKq{pEiqg(5#I7G zi4hzNY;kV;xkX_q;9NR(&}D~=alC32upmMaud&BbD5YUmndn-fk$!PXmsT_}dFYF@ zA1##SoU2+;)o`BHQ@4h(+pwfiF*4h@?k1Gk6T8KB+xBQcsc^({H<_*BGW@lOTh~dC zT+3|R=o&Z)G#}s@p?*Xln9IT0E+8ay4g7D|wm;Z)pKrR`njd?)Zd7*8 zC1bA9i!iOf<~p$ZEsk%5(dvC6z8^~JY@RormYvEOYH(UZMZXfI#I9MnLjJfcFV7?54 zRyuoN?}pBg-(AJQlVVpL@N3 zl`3;yrJO5Pb5lEqXv~>AucCY4Y27v&T~Bacx~pBgVouzw?A88UP>f)UVo z_Gf{DEKtv5Zdqsn5wM$F&GXfb_dDIDh!O^2{*2AV^}tn}5O=<#emOevmxm9Ehr!9t zpCk;zrRC-2#i|E-Lcv=aAv(CFUe}8~Pg*D*tvgUslcDt14;TYf3gEo3F9eGRQ@~ZU zxuWmcn*x@ZxOJ6>E3F3Vp z%_h&K9v{MGcf;c#1=-?@G)kgqpngD9cJ+k*bQS#{i;Ahn1WB)j2Q3?>)W!n|T=ID$ z6#_%|{BQ+?R$nD7w4BOl*YRX2GepN+5I=d%pXAx_*6BJ`WOV0A;3`G%ij%V{2@CuC z5wF!|6H2kH$?Bu*h_FxH6t!-P6pjzVOh*o{RCPZpFa?l*Av~JwTQ3nN>Q;*{)cVAs zrIU3!$LD#SdLE>`^6^wwH5@lsW5Sas$#bi>iG^)$!c4=N11dQd+BQDNX9>`v-fJvK zifmwYbZk0l;JjGO+{{jC9LNzyJRg12f5hu;2;DJk#9%rJ8fSmeG^E%N*7vW{+DpGO zpdmqN-X}Leh9g(alKH`BA@HwFDR}9OkjPf8ofq-}s-*rk(iBkZ0AGss21_j`?ssJ_ zYDZRrkP>x}UQ>}_54DO22-I0jafhRCCbHAMx`o#yJ61FmYHW$q)KDKMajQw-$b9RJ zzf19#HlV#b9tv8}gy9ZOhJEq=G?G#KQUBInb5}Y*&|h;YWtXJU$ptS^Gxx0fVbQzn z1{X%5TKaVYQSI?9?|Z!QtTQiSJvM$`+Trw_5WVm!tH_=aw?OLPfIS=tpg`bFuJ z=GWczk3<8DgoK^g-~F~Q@{sTh*}gH}`As2oFc`M8t6O<&WjRU6Fsj?oRo0x>xEj>i z&F!MgHNXDcL|8aZmNrbrU8l!+B%Rw=^E{If+v}n^&LcPbWujws51bK4g+c=cX)WSJq)g`K^+M)v-%C+XUU(f%?yOw_|Hqm=j?_wAeWt;FLF&* z#zXEqKm6vGP2HwAiB(gTRYR(Rps; zn$C?SfMex>E$gF+gPK=UwtA+%vLaDB_bRGQI9B@2emTYsOT9@Sncd`?6^xlQ;3474 z^XU4D`+-*Pdd>sm?#^+AZThh(hjA5%PquWy%Tvf zwOvVODM{zVMe-&X=Yb-v^TT4d`dL5?+RcCfVrb*w{P)m?0iHc=v||29u|0sl9()Rn zNlO=y=PgoU^Dp3vk|YPhtgdc*&IO@hy6+(DoVEPLtpBTAmGJYp@>AQm$W&mDet5 zK91>VfhY1p%Wc-vwlh`P>(g#&lu`Wzo~R&EcjMN{>osJHU4i;tI1g*F;!!@H$C}&k z9{upgotu6n=X7i*9#Y|&fBg61?uYNa1`P+AZhf{X4#8ukPI05D_L)x@ROM|Go&*tA zR?FbD9l+lykx*3da@aS7kvWqLb8f}~+zB*{R zoVa9m&R0#!FMJ_>)1fTt)U)y=bcL1Ny1})qXx8+0`Tf<P+|;@{PMsY=04iFg<5 z_0bh?*oSk4L*_C(hFDNY3M+9J6|$~GB6?3Wjtf;2o?3-DlJTCxU`Y@w0}Oa5$jFgA zJ_LVm0t!U`g@k0QMcaZLNv!ITzaVfo`*j#&p8j|p_F4WjE4q3mJ}QV?plV@=x(aT7 zzrMX4L-MDyv!|ygm1xcW39B{BolhC#xG8~z>7B$89YB7DNnc^P0=>f4+of1)Sy6hJ z{+d?Y8@8@gw5C0LYWw!1-{BWh(Fi;}3e>=lM%xi+M5bY6F7H45_!)UV+FPfmM_Rgt zlO^5bD4>(;wGdT9h*L`-;8ZBJ!DEu&qne=(IS3RzLVZ@-jyr6dPL{SrBIix^r&hA7 zj42+*?H`9_Rv7hM5yfZ2*HP1fLuWykv}(!@?p%uFv5eO{j~lFXO5dRFM^r`Va?c~4 zn><>%U{S_6zT+v9;L=unN?J##v~!XzMH{xcX@@LgbDJTRd$xX+WPJSA=UjMs2=Sp=jb6wJgelYG>W#aqpHe}!ManG!m_^r#UsSuQz*c-$?&o-)V z8J+u~3W?F$lqV0PpY`U8TZiU;J&O}b*68vvi>>p6k9N+E2)guuEsC#*DgpuQ#7hJM zadyT_2jfSu`H>S7KZMW%Rnvq$e8ZH7N4j@xq@tkg|2YWBGz->XR+udE#|81zm#5=l z&RT|VHB$7y{tv>5N@*Promh-iOt&HbS(W9C)bsBpq-5;>Nvh4zD@#cU_A*9HVTnM8 zherGzIyrU)U9b`xbAO)MGejBem<09`tsp`{aq&%6^U6iP&r{r}fHD zH*ia^>ofvd@rI z`}B=1NsMh%-mY*bk3d-VCG%QOI;6ql=75r|4^6hiq!93 zl$`G@cjc%iBT9bn_GVJ-*gdoTRLfuC@Vq2w24@T~sUNAQh||asqKb+J0_9?wJd%G8T)7L%^9Z0)vPPtb z1U?Za!}7y41h=t_JS#r>;o+g#H+1ij^r4N>H;;VpvGtD>16>W$2MtSCJBV%U>yF3sGEa(#L4plZMrMV;47)8isuhw5)5$W7Q zQ4qP2MmA~%ruC6UmR&Yd|jc#Y6 z%u5>V1(zM`#%??!kk*oWj0m}2E1!!|`MzSL{|a;BTIa~tC8vi1G?6Ic0q$uC%&M5} z8!&P`e-E_9ZO2FBc!k~fXt5rG%@zQ8A4ixL{6#A3esV=wq~uW+s$^5g%1^TX>RPUMA??*lN1e~ z7H6$@cI6HlFUuQL>pZ5I95+<{!ebvx@{J`e%(tApP364QtDlI?;}%5Tej!ixIuBX* zg>Ih5YAP{htCx`A<@Y3?ooTNZm2B@^y9)z^2GWE6h*e&VX}QNDUA%uwZH{d*YpcdG`>CGmB5+Ip91fNXXhbYC!v~;_s zKATgOTYxFUTa3Pu_?ZMJ_6r8QxAQDBa~Pvo)Yv~JeN1&g(ua=@_r`|3X7&(B!Ceja z#~kZ)DpenDb2Pt3ebx4(MI7{h$ZsZN?O@*v&0?FZ>swPLU5EOtPs3Xd*%N!;w}m3I z7%6J4YG=${Lnm>PCT_QamSJG_JMubwBGYNW_N3P01{z(VMv?M(!vAV&L_=3!B9Hw{ z%oN-C#z*9egU^xIgiD9JLiM{yPGQ?eKSW&TGTisAXq6$}&)wLFL+yD^%!KI@Od)pO z&|f)MUM0^()bG>Wsy)G&vfng6Ci?r7tr+EF4bSxN(eS@hMuUejuC^{gGfRJ-1g=2m zW|h?Ce&&J%HAL1Z-yW@9jM`ka8mgj6xv<@hLgTwzpSpIO45`Bv{-J9 z+9p}qUWNX{;nQWI2(j$%Ynr*ozQ4@ga-#dE4OljASNanAAw)kSCNbsejhMA=iUK})Ik%1WC5jwLr1i7-)60JUW2v5X z_C0S{#o;5yeU}IH!7G%fm4h7=M1)6H{oJ^L8Q*(dEZi;zTo7xi`3hlh(yJhOkx<#iF zb6zFnD7_v&pN&DtMH>x}IJ_WWY=b&jh4In`|_)frn#eqMGU-F!Y&VjTM|2=8A18zLfL9ic~I0x z3ave%Z)f+!&z_%ZOxyg&biEUM69GmrC5rL2Oi(?Zxeib!$P~31O4)UuvPef6%!E&B zX~MQ*qV^-VooA<~V^iKc2AFo6^^De8iX7c=UWnW@Ef09qElp}}JLbDg_ti_i+br|n zgf97J!6{w3VgAehvhAlb+%%Tf%ZQBX`X=a3bfLL6&2Q=`P~EcgXDPdbZ&{%UDMU~P z{2z=g7hJe43)VDvKxstXRC@Tp`}=M&K%uNn#UFx+Au*rBIa5JdfsUu@a(tFa2#x&((hCc*>Q` z^*92jeZquv8yPOI)g+(%-2~Uu+#@+n7Qp z2o+t_8>%k(h{E==knq5TNs*oZj&dp|N-@^hsd~3l+oFKm2JJ_`uUx9iL7V>#_s@!L zs^m+aM0rZDm@r5Vdq+JIYD$+$tYFiVL+4qu@Rx;sj|r@{$6w(kp= znNh~6M2?Q9uCtwcPW|jeCWyxqnE$)(YymBeB8_(!NfOfQ5H&qMz6%`fQv6BDadCY1>-}HJQ(a?}vQ-_`reIif9g%(H`N`@?8AoQttOp8* z(?7bGYHTFury??nO~5-|rZ8SbrOX>)G{(IDmOh4lu&GKv3-cgsOX(Y-sC5pR|I_wH zVXJu_WrhnHcnzyg#IOzij)gso=^isuj=9iTKw!9%i||)7C+q=L!Y@OkhLn&YGPd}O{`VqYt?9R6uTrH80LPwzZYmnJ}D_Tj;2*lc~O3H z%2(N2ug>gwdpQSeLI~E}|D{tGz9S26)K}^J0`D&qScK*#Nb7C;g$#JsRf6p^6?1s5 zX$ut#&CyHT8qS>4=KJ%vdPY^VH(EYn%NTUyv>qI;T)+u3#~zJmXeBP+OR?j2*RoBWpBZqmmq153+rR*fXN*e(OSAis_!9~pQXz_IC`ESh>}v;Jq~9u8dq zeCld9?p0Eh!mguV`jSNKw`4A0Q84Fx=+h=7;1-?Pf!9{GgK59itMX#um@^PvT;#Eu zt18+oaSIneKjWoZ#7>R3{r&~S=r~pP44q45MeqDB9@}3G+i{wGej*{r=6Cj*`8FWov|I106-hq6 zm0K;R;k38JGsKebd_tn6Qp)iPO+bIk5ckpOjc`YQ4TK0l)FuxR=FVir)_=LdK-DPv zeegHknF6L=h1|23mn9;kw*T#^wz`&+%HlNhw}?-FN=66(WYM3MszgsvJlAmG ze8v>v#9%V*adxX(=$g=7-ECIm?rX-ZJenJ$mcp5%#-JkAb{w#JThJ1s`CiY3*?l`x zYZm%cFJWhONhS|_n%!y>})j)I9g(~OmaV#?A1RxcEg5j)FH)4~_>*~hTQ zYFu(kUz%w7p944UzjDte!5d+4< zOZ$5*>CW`|CHesaIjX|KdRJR44O`-mQao?k?)GtNzu|A&Oby$kJ;~cp2YZy!QH+R9CXm zR{VFfV%@f)y*^62$}wLwu#j~~rJ?kt9QbX4CJD}gkT%AiQBoLvWV6jaVH?T#KvA~y zp@hgA^Yy67^ATgN&U>-lE3jTTPj10pLg_6ZnT0$+Ns|I5Qgly=ik=-9M9F7mqG z`d=cn$l&QKBD0t*0MQ~}LDflxg^XeoV>L*y7(^#u|2(0Gl*bY#GDp?-obXM1;M_c2 z2@wx9T^Vz{RkTBTMZ_C>XAzdxz#xf;KUsx~1vZwP1z9C|t?7BJW`CEO9~ouuA5UEs zk?ia2mvuyxr(QWsU5`cdTw+dEZKKZ!#*}VxfdYe7&Fl*^Ka@e6Jq>a04z2pmhlMEq zxHxTxgvWfV(#Ipa-qxwE`YB5f>QDarr&Fw9T_5#dRm56`#pKP+QDncm^1C+q(e`1Y z+J?H;xjae)tCxJ+vQRYy84Yz!b9Os0@lq4}>wk|=hzuM4WpN^~dl0K55I8+QKmRYw z^*@}>nVFT#7nqpSa}=L?*FYwU0&)O#XVV}Qu@5M+Rr4<|F5sJcpas1Ms#RZA|i;&PQgu^Hul)t3A*L?TF;LNXsi;U<$pvCx$n>`TzQI^emJ^IAM> z1Cx+TGN(Sn#=UjK$QowaGq+uB)pP}SV;7c*wv+ClWs#JD+bB0Wm|iuWjXV-XjS>C5 zd(`mktz=^HQm?`Z7~OS?s)~w=v{^aj0wh+{^RJdd;zs^qYhv&`94m31cm@t>*DdrS z4fcD+8)F40_adfi`Q?_4Ph4y%*fw%V8`*1LS|$#Y4P| z;;+W@QD41AGW~$0+ zcWVnyhoc@*MQA~|6T+D0s%<_(Y{eaC-tV{Fq^F)IS7GqCab`Fv%c33Y$g$bJZR)-U zf0WT1)6B(8(ite*qsf7Nse4(}z9wQj_bqMaX7CO5+Jo&zjSRGgM2&LB3Z zY_}6jUDz?jljbX?Juvre*!YeFUmmO^rL`j3uZ?kXV-feIYmDTVP`kL%MAl%mH|=BQe1hIK$F%9bW0qUz z`8`4rt%tj{OU1RL4=67qaAyw~OZ! z;oiBM1?~>ecycShVkN1or(ZP&heA>2_0L#0?GUmAD_#17Ie=8k9T?30_UXLv&LF{HA{4c-2>9uk@1qs^3^gFO{AI0|Cp z%j`Gv2ZhI~bu6uqNfU8chZe43NEVS)JwKfmh2PN|jxQmkpI`o-eSB=J<46iJJ?#1a zFInq)WW5G5H(Yr~(+tZ?8DjoA#3_ZP%{^2kg&?=G`q#(L*j&1@MXoo%{ALbL_qm&s zs>aj$UGkYriB@E4*S4YOi`Z4&A0bJA{fbEZuf+#uMSwGLLi!!FA@AAYX}^4W=a}^Q z8|afA>l6dP3=iGl+99NOBx8AkZ5ZZdiO}*sC&HvJn|q$XNB6#d`*EGr@hWJQ=yp;V zc{IJMsP`6Mjot2qcpz@NR>WQOVQmI#v1?DjX-9O((keg2{pk$pAn>hr-3KVgMc6tQ z>%s?G+n9)1fpc)os50P>h0(%_d7VW7iFCW&pvH12mnm%Zg}j*jv8Et$*jNt3u-0y^ zhlr#P*Rt^?Mov%k%KG1hj5&2)vA z8*=*gt9W)(I^XG*wVfW%ER30NpQpTCn{|;|zwE|LcNP~fDy(}b&aSo<*YI70;m}#I zrKKfRA+Y#MAWB;X_yw7jVB<4_)WD{h-FM_K(uG z>8#R|Zr(4wI_U$`HXY<+dR`uaPZ}?G>I`j;B`gkCdw}1B0(mW+8ozamfN7b~S^_W1*RUNk)`=_UGiWR+`INblX%>T7x02>!EzTI4s|BPsC5D<*Z zMjn75mOyIlt%x zFHJFn_-mw0zUv;ufI`Z$3I`keUbjJ+1}t1roy#ULC25H;;h{G)2*cev&vc%jm|Cd| z+9icy-ZXpwArgnRLwMhEHPAX8UO)P`c)D;57E{=@r$bx;U}=M-#%>;mTLk3k7I}^2 z>sGY$p!tgmIPLh+?EoZJSkKGrcC=8-=MQoDeMj>W^&hNQy%3=Y2>2c`%uZP0+9p@D zEIb|WPzDt|oc$G=4z(@H_K(s1A$B662bC2s7jl)0#sG;3>Ve<7Y(i2iwi?1UMs-Pf zT*97n%eNCpqJa;Vv9dlFvl7yH00MC9ljakww@>9{mS0xkodv$o=OR(0indZJ;6bZm z>KWZGBOXx1N%{9~`8_#hE7r$DoQ}f;1agGpWmw2tY{PE$2`|26^U6u5Uc*^C)49)a znPIAzV~->$TOZ{vg0==A`ws(byz-7NYY<*~#T!^t*Fj1iw0dz}YJRw0lgT=$uM&@C z^x8O0^6g#3=y2_z?x6P4M`rUZ`CrQFe|$lEI7Ssz?mIyz0zR@8+vAfHP|F%{NZQ0; zLEvSw^I{O>BsO%g2;lEIzTic3X4B8a6}1)O?X#v9MV*xeTup^0>_CCT&P~b&9w=}R zT2_fnCHxreh7k2|asdUo0KyksT&=+{xctwmX8p7zWGVfs)0k$5`AVXFK+(xiiCfy| zZxC+Uj3uW{nhGPFhO@J}Ip3{WDOK_G;GAmLdZg?-&o;h|F@4e0|-p-CZ4iM*+^ymhL2J8FF^wy@XMemDi6+0X;;;X2cOmxSl{T z=?$F`<}M39I#abXNUD!rdCbSXskk@?a+Fwe-)x><>afNt<-)rMe^3h`7&3l$JQ)N7 z3QzK$H*15eRXiPYM5ALj2l5FOqb1pRu3mnZ!9w<(u{?FH|Hs2kgb7Dzr#~fMVjw%U zi&rHu%mIcBC1RWmgc~`;g|mcXtO2(3^70b0U4f|&0E6=@7YSA~M-9!7|56o6!W0bY|3TbMLeF;z8lrcmWfLGPF@ccN zjA%Jg|0qrf?*$d^PD`A!-z39qqP`p07eVx9&YkfLM)xhRhfQB(V+Y)Qp-y?f(X4D@ z-hS|i((nDw{MT3>H^0LyFM$}(sbBqa5iSW+R~0i+u*S>ZZ?Ro_dnDXZL7q-EYoiY@ zK16NG(2}r~P9SWZAYA(N^b`jNX9)kZ!4rPh&iD3K#Eo-vLqp)dUj#6WFvW}F4<$b& zXae)$X3JH%cf<~BpBI=4kXsJnVv4(O>9T!J*Jr5_FVcjJ%AZAdJs27y+HcHulQz+%CImo6=M9WsQqADTo7cb$)C0d z@=tr@@=0^W5s_%=ImhKkm?v@ha(j5W<($XS7q`RcMyBjGbB&CsV0Vz=_krEI=1$m4A zc<<{wUvvz;7tT3*uf5h>bIqB3&HK*xw0&!)@R_Y(HpDUAh4qJC?Itjfnhr8z=f2mj zOvuW~p!wB}yF0?{C1}xaDLsCC0dW_yWl-=0cgI^NG{!TqGn;IW6vfy}7_Yi5zE-K0Gpf^v7Wt2jPM@)Q%lgJ) z-dY>~{K?;)USsnD6dR{Ro0cao!LApn<1uGCh?2;V8P_cW|5~Rv?S2B=^sgsD;>pHF zbT?u5l-^5^?VibZE0(@#ZH1E^w5Qk#yb;}C98B~?dq32gdv*&Q<9TNMfQ!W+G=^Xm z;g?xn_V!ghJsZ1c;MF}AUA3ZVj3?{_0 z1{+g>h=N}HZkp@zst$u1{Uk$t@mn+6Y;gU6B^C>7s5gm~(0cb2Uq*PX)n9sAJR}#i zQ_;?u8K*rtw|v2I@kQr4vA~^xM{q~)3J8N&nB?li2~+g3zsQ%)f}aH%HCDX1_(>fx zb{bcD!PA$0y~ZKROl0ou=cEsqpTRCdS|^MiXkgoFU3Pl#-~p^Cnv8EnhTJJK?mP#C?To&FW}fNKJz@oqI#RRe(>3+Kehh%!APOmObe?tph693`cUUnuw&o`two z1`K|2fw|HdP=+kX#|!VQR0AJQ$l=?F54dwkiZO^|!1URmCj22;{%o#Aan~xSb!i_0 z$MPj7#j`+e(Vvc(S@e>@y+yx~3qe6efKH4y5p04^|AUMIf^{E#0|;2bj{uH)zGj<0 z7}1+hjp$YDLF;qO0Y4HIEqc6kWkM4MM!+9}uhp}E0{Yi@7^vERude(#)B8Dq`m;ut zUnS@bBcgHJ1TQj~BfMpbc%`bprA1tNbcw$ZxK~W7Bd*r>Rp9q5$o4wxH!a6GQ)p#6 zrFn8Lnip$-E_LYtE}b{3C2kwFadJ@WfO(FJ!U;1`iE>DgD@*C!2u8n zRjDBb*^39$N&3e#DjpK+y}i9UVi%jUKls>2VqqG_hIuc+Xcs_)A1FUwfyn)Q1su~O z&aLw@X_K}fN&?n)=W~)J3yxrWj!g$_7;XbhS-O@F(?wqrK4!$fN1{^310Hiv51ntE z$?viP6H9hdsM$c9w@yB7;L6MJC1kV)HAdXz9m~HN5mCxp9Mo^4-(gNw1qtfoaSK!8 zruc(wIcP;y5JE2HYabCAS!eLf+`MpUAAKBrW*+2vyz#qd(kCf6?=)#R=(vM=dR-#byG}#KH z?IhY<0!b zWS2;}+vJoUn~%SA76eL^_n|WBOq?ItJb|irg%Ye*2vNRE9CBm4w6w6W7|-B=#B29# zb{g}={1+EcU4gFX{NC0?3ygle*5@Wi_6C#4{QC$@*Km+sqk$+7*~<@;7e@%py`dlN zG@n0MyTp2bIa+EG+tTXQm$$og@+#~3*fuWa&VZ&AwWR?$704#+rl7%CDZs2iY=>!` zk~v>26!J2N^kBlq)L zR?w`x9mCr9pu7fLw~T_qiV8grz3ry(?F-|Vn-Auf8V%$qUpB{CXuFqLML*BH;wd5b z#0z025?0;>uLDrSr~-Hn!cteDi_7Z;$I0pGRA-2jP(r*(Bx4uQlA(lg+X}O4JurZG zZp|&gwbH%Bq)}`8Z{%2={@dQ3<-9CPMHC2_fO_Kiw$-_#a1J<72a2p)pW+Y?&x~NR z2mt$g$khM7_TSI^+U%ro%249!u7HNvx2Y7j-r*WO&Ro&wh&XF|`;q-~*DTlxbJVld zjjA_~8kQgv2306wYJXKw?+S@fz;?(D(C~k68h|hErQWdQCXL#Z)bfQFq```LEx`)2 zT921}gJI2ki~wagvq#e}G_0%rZ!qoW7n+r+zTiQW|K=*Y97G;EjkNRB*9%8hO7?T6 zw?*>oOoYq{?GsPaRLh~S3t9mB3Kt*=9KNk$%^XJm8q_BC+^H`UtwHx5%FKtzcCFN@ zczDB|Iuf8`Eo>($`Sh(kTP;kQ$8zOqV}RA~wwFp@#B=mrdH1o0AD&u#MTojd> z{G{yeNr=m$oGSd;cj8=Q%s>b+UlYoMKs9J*S_y!t?DQ^`5fjNhcF!dI(N|dQz4IJZ zb3*Li&*&=!491}!?5)tG}s^(Q6;e|`+ykI3IE|W$MjM(%% z#6}yAbYnZhm<&#gGG}^~Zi$od#QAe+z1T})-fpA<8UYax+EAjbQ&>20q`?IvsHi?@ z^~LwG?ZFPti%yEv!YH|`vKGs$5P2lB-irBd=#_`Qs zm<;O%U>tl~ajk$&JME}C5C!pZagzd2XaJf~W=1SWI}tBo>`&M>DU|9|ZRC+O`g4Z$ zatwGQ*AnKBL`xagD*{WA!?IB+4N=o)fi#cA{RqnoU>OohQCn>7?-bvQ4G3PaxB#f|9h?sj${oVCP=)$|Baz56$xmt@pj{(>W4^O07+5V!#dCPF4y z`o@HpB6bM6Xt|RH4NG8a{3BMid~Dmb3{x+9Pd}{;*Jl?xBZR52HA+HbSi_3yV%x-0@8|Ln1C~MC5!|y@PytEXlWZOl=Ye+nOa_ZjOpRd$J5yULu8zoV@gHEBP zIow*5FsPA)jL9=)-JrgXEaZ*wFhjG5Z}P4sa=3St=G>dlstkcyhVlVd6YIL{Nt+jZ}-OD>D_*8YvVf3rtn3fZtkc28GGG4^z99yAKqAJr`9Rn!;ATe%? z8eA>OL2|}#2HhkdWYfEP&EzI=SE$wO`?xF8;T$fMNnXPDw>TM!T-r_GXkT#D*F_K+ z_=!qhpx5|^E8MuxS-@jK+b(i(zu>hB>qlZQk;8i|uGOr^U^7%U+Bk?`dgssNzCyAjdZLh_yR4}fX?-9^ z-}{W5hNrPtrf9O$W56?MLV23Q^3CG%s(+PYDPSYQi>@W!?><#>^F3Tr|E-6bjE6A* z$Gv9d)2+L9oJDoG?~?DqI3=vz-~NHVzB#D9n_@Fo&WOD4*so zzjPHvEy$na<@s7h@p=|Q;BLl(W4XB=wm!K1ytTgH6Zi&M1~LavyAjTZ#|iH)QD-Ik zhl=E&q6L2gHZ@JHa*%0@L@?}q;~@1~vQ1n`VB5tPmaQ|-NHK6|Gxk4u^hxA90|N6@ zNx_ak_1lc5yxj?h#Hn?ai*hUeGxSP66-J(tt zIzsaNo>a~Bwn5qNiDo?V#QMz3Mxn2w4{AX^=jFLA+C zy7->F6nixv4sN2NVWwuKPwfaHa%V`TT3C)Jp+esx(=K^_9m5M4g`8U-*J#riZ(Vn;T*!C=C@a{WP0)w7tc>Uon36EvKO%o zB5&5UgZkS%l;>pvs(%X(yI9WIlul|J~%@LS`e&0*@K?10JjpfEbK z3>Z`!bI}MfBj=%6;8VwAP!Lq5PJjP@T!6X56Yr`gp;y`sp{V$+-U9F6ZMki^q%^Pv z$m*rw+9I(I=ZU?_rcO%-D_x4(S3?_IM$|h-NJ#%G z(qA6-MJ&0yn|f~w9FBGGXy*F|26h%1}5FOwGQnc^K{ z(=B%wqe&xF;Sw(fc(eanDgc_fK4&|(f)c})8ZaK#vq7M6j~6@f?oRZwQwDY^rH67% zIRaDlD|5n?L}J!>#V=Gx<{@3>8xWG`C>!s@zHfq$4G=AobQ@;|7ZvS+nO?KShi2nC zZ>g!3T+l!l>5sM!K{o&VbGgpl0LF$hwZ2g3{tn&krk8ln+`%*Od^Y-h)H~*)u^a{m zB#df<8s1Db$Kl30LVGLynLDrBLavnKiwi!8+V_R@?zpy(NUOlN^Yq?h5oSQMlssj4 z){b=G?RuoAiJ6+t^){=1y`xTe1Seu5J5~|ZjDOWJ+qx~2kOYqEc3TN3yVeN09w_|4b zhd!;gurSlysM34q%5+}m&t~LU!bgnmTtCbxdAr)BeKLegv)AyklBM?fvcao_S2@OY zFu7q+U93%CRlT%N^ey903*mPegF?5deB&O%ugb_5EqA$46Vl`(nbAqiNAVwf z=#75FC60LHDIqAYL;@~M>RMWlu;ohEtaP${TsK+zPYG; z8Ij{DYNW;v2XWr9?Nfmg;(8e~e^nqFa;BGRe=~Ez14&T>4^qPA0kkaZqvmHZQ(bbE z^Wu_{YJSD)UWVRMthWZq=v5(ihT8!wtMU)FA?X1flUZ@)T7#O^!=vM4CCpac>Y^BQ z`S*OpfyBT2Gg7BBPoV_>m7jVp!**mM2q(@4GH8V8YiLzNwc-}v!B81BX?vH3hK8CN zq4mU_@a}9jld4JdF%z1ljVp1EO#*)oNN$BUy#v5T>rE^A_5R~(%<|2F1>@LnZ2-St6D7Lm?p>{LJOtQMJLPSe>?y^=w#lOdSR{*7#C~kV_A`*#^Ap9Aq0EtV3izHJ@WK9C(7}=kCW+4i$II*c9|$R~G)SEfKaK#*Ny!uJ81aY-{ZoOopwfmjD)PRz{CAyO~>s3o;n~Fd)_3>#B zFToU$+2wudGWc4xJSBVo=lb^9ZAgFWv7uN zji}0%U~f81Sfvc;3fSQ&%v?a-nZUV2@PfSu6N51f?EY$b9i7o4hO8hv8;~xuKtcjM zLWjPn1D}Ur9ei)q?nsqpTYlY_6s(aSL=!lD4~bZSov^@tZC@>p*ew?^ndxxC5xTL= z(F>w`D_Kq=cKHqC6&VRn-l*T*M0w=36%Nb>)>NP!MrDo~@9SihDaB6Bu*hSC6DAn| zqi)+Ci7JP1dx&o*pnfRf?r!}-vvd9CsHZzCsteY%%9`9V%Xv%xAA1iyEfr0hm5=X8 zI+~h>rgP(-7zA`OsQp_rdxaW{8Z5x{3STl;J*xI$vNHFNG9@D4agwj!q&lS}8Fm?p zTXW2}@?J(W1SvEuUHtk5Q#%byICjaB2JEEvSz(_ibmFbh>dYYh1-J=D(~rvBCGsb2 zPqN%|0L8X=LA}U6psh%PQ0^zD=WZqepq(fAzg-tGh&e?^qpEzLBg`5imqs{4eUS+a z%XQDs&yBb5%m&-V&7pjuLQ`MW>=FAj7{pyAYY?d;Xk4#p+rA8^@zeTkAgteb$RJva!DnT6%8k@G8ui77WVB@NP8(K0 zR2D^Vj6^Xc8pp>QkorQaS+SJr?p--5fIeNh99yUnVujhfFYT;6v=K27)=N&J+0n@Vq@|>!`1xhNMM}yoVt<5qBlrnZ2fHnu zTTR&@$u4J-)!JW5OrOR_&1P`sd-KpU36lRVYjBgcJ6MsyqnR4SJv5e|R_?cH_`&rjp`hgzQ&N9sz}V;f5zK!PX)SP`hcp~Mk>qq<#IDF`r%H+g(ns$uIhE!jY^%Q6bpV-*jf2(bpvJ#yEf0qwL zaNxX?Hy{cpM0x}&{H{0&fE3?B3GtS~-%LtXsWX5;sm$DuD{6c9#mz~|*whCele!YM zX?z#CufXo4k^o)UT}&NzQqY3|3Ek~rrdU>W=|Yg0&y#}}q1^aG_Jd#hyAS�EhLw zdiG6-4_ew2=@2yZo*9viZMP4tzaTRd=aOB#vDx8_eiE!F<{Wi4Cw$LC|JCwW<*fn( zQJL4jN5Dpn7Ud%V(kY0d@pDt zLLxTaoi%jmiGw>6{EKAAX-2*IPo%0Lb4SI?)5l#YhGXrI+RL*rQjukn?qi{$0No$n zv(ckvP)BePU$i+!j^O^srl2H`oE9CEq5kV+Wrj1y^bgORg{2%nS^f(tsQjV3r5#=9 z{T1tSrR0$y1CC5ty z$LiD3&n4m9NuU%-w|#5I`LZpp@ME3k@#K^fw#*X@Bv~uV`V8)&v$q!9wE~Rp7Q8tn zz_#yZBArlaQcW^;A5*Ax8;vfrmv?J{gK=;CYYC2xoK2U0H6SdX+w4&7;SyaK=;Pt9c}+>Y3ke~if$r^C8j(!}_sesW0?+DEvN6q8 zW?G;mfVy}4m`vTZIG5*b&PmNXY|(UY4^jW0!D%2>nXaGHi1 za~5B|q`$-pYD_{0rX7|#nNQrT(2xsPb_Se|z-MQTO4lb(g@EaQ0TIeR>EOA7d zd7PbjKbXPm^XOcs1%5jnUF9C>?o_VKyi<#DQcjV0%9cuKJ0Zex;fvN@GDa>6E8w5s zej<)SLx%5;>HT-EMdJBu%%5M1bqL6|&FTggjP?KKmzK67SgMSba#UMYeo=>rFYjJm zNqwW*=GF8Huu~uMH66v;?UsIj6iPjNuYt!7C<}Y;5eNpcySNWGeHuN}0CslJ@q%Q&mRnlHE3im4umq=kD$)ED0Z$ zmY}x*db3@mpA$g+#o&1&S><_@>oR0* zyF*gr9Ym|zVqDHvKnx8blx>*OtDDlsOrXL?h3f57I5#d^jFa2GC%Jo`YbWNnB;MY8 zs2AhopZS>visW(s({)_Zmila%?wls4iCMg7KRPO+5-y`^QafZ|xFx7zDapOeQFl<~ zTX!P3IP~LS{d8rxzo%(VKJswo0QV!)l!Z>+-^c=&qkV@O^9GBA*XUb6EqlWjysGc* z;V0*b+Egyb2tL3>MX;QB(>&)GxeKTU$_RQaexYtRTl7uJ&>Kk1rAW)AkkGn(nwUNe zKRoeOdDF}D^$)<%8^@7?_HPV}Y(dbxT-S)5G>duYe#)n=WvA1#TP};3>g(pI(>g4m z7=q&-TS9F&=wq}7jHA8+$mPan{)sCe1zN2snWw>}x{o`xn zI;ae{P-T^((t|l&HLK_MVQM@rp)+O8lvT z((Ai973=&0j6qouR z&wDBcAYaO)!|)Bje9ZS6u_^dAA9XwdLqN(C)L-Xm3TZbRpW27t8s%GFeVn@9c@pq9 zPgrAxwK)w>l~YfH=jjaD+??R^nhM8Nx_n_Qf#>@YobjrwNt}f0^D?-|s~>|CJWFJZ zBqW+E@(nx5;yp=tO43T=W{KEdSV?v>zwrP4YglU|S!G3-f=zSn>`JHI{NPyf?Zckk zyxo9LyLI*T5Wj_6io(b^*S@$Y@1OPc$w~)N63kaVqt_6Bz}Oh!(W!2#Y$?6}NU+(b zEwvsu)iN=4N{O#n97)dRkx1aLe7rQuh)lre4cYB@cllBxakj7HmPi{TI)A3AGgNI1 z)Dwi@h4flmWGFs+V~DBJPq^?c;yJBCT$CNAPi^Qj&s-yMV6U~Hr7&y$Q@+(Rl1*3k ze}>$)qPY$qG0-Q36&2OG&9SY4LQrgl*~d&atM@t>@_jH?-b{Q*u9$4em|Rs;vwwIP z9>>a-H);*!!3@;elUd9cuGk_lK7(?X{B6I5kl`;~_8JH3E~;-~#WbOJdr7pCcD&yYAa1)gcp<`iCfwmRx z({`la^x4}+9R_B-!IrJAHIsJdF(Z!c!y_FU9Kq_uoNd#X4yCzY)4sVLF_={S`Sa&< z#jMHndoONT7rQh3kFxW4cc|#nS~rfNt&_$#7ew_?VG7A;qNl$~oCdXK!Pwj!)PY8m zA%_9V1Pl=vuUeDd(OzRWXBnqB!RqC_w}`@mB_;Xpo;LOyV&KorWCHsX8Vk&v#`NA~ zv9q}vTUGOh=i}FC%cc&Rh;KiC`@74Aida$fSL*5NhO%`xKM2kP`2A61e7e5!1WnuW zh!cMuVRrV+Tl2jM|H^ji#gr6cv;M*|+NTDVqASHw;$@PynC$@*neY8kwEsrP$1gv| zmOJxfAX~FTn{Q)W7?p{jB>$(E(bQgWsE;b?TR)DmVdZ@;yGOhOHHvRHi&}<-v>bqx(#TlTBNYcmtcx~mBj$?+(v zp36#;U_yEkQp1w12t2A5zT`|&fk&(o2sBP7rY!!dyR~(7;fh5>_x7~0-7FNclU}Ed z<_BjZvETcuci_Z&6F*Yo=I!`zsGEoui_P*Ag;rKk45ODtzeVq}XV0h#MhV@u0=?&7 z{>FZwu*)-{i2RFY3$^S|Y+A~)i{tp;a6OkoBI}T8z3q-GU%&z;lNlU$xM!J7+il$6 zZh5!M{AK*+-nqW8u<$=qcF^-QQ*Q7z{GnxjEMXy!()kVY=%kaDU=BdqZif z-%e#r`CM;KErYw5P>(tXx_$-GYq@Jo85~kc=@;zJ35nob;zZTk%E-u=Ynj_U^Lh7a zY)myO5L=!>APmN0Mc+_P=4{W2U0e%lspT%Oy?1?#&P`aMGvWF1XuN>a#>NI%FkZu} zg+)6ur>FAz%lwO0lZV9kCiEG`sdp@Ttu+EDoi(-4UC_oNVI=~vFl*o3+Un)*o<^tp{zvUnJgt6}Ecnjj-Cqm-PIQ#@jTj}8Ba>)+`%syTMP4y-|O#cKPoCo-J)8nXQ5eZY+UesuJnGPtFO zU#iEwl+0B_BYxx9PDF!)%HQ*FW@K_$aN(H93jEheY_mrUDsINtBCziF?a53&6x@dfto$ zK6sGu03!e<8z^yY;}xY&E5ep47~i~lg?$%kEF5rJN97M9h^W(3S9mkJn6Xa_NTTIk zPEY?{-(PnpQEVG|hxNxKnf>_UFEA-jY5m`TBQph$G5A%DsN}dwWD_0~?HIj>_A`9k z02!H}7C#r2O2URYyb^KwqP$n)(7k-ncFWfe5>ctP@1@@Uw1;v8Z4Zby?~_~@BkfE zPjXq$NKW9+7H+?+Jt5|{9%pzE`Oo_b5>Wgvx0zhGoA4TM#EUZ=`1ts=FYPY~KVNvI z&-J+8q}yLSBwe9d-Fxg8J)BvTA$WLrvZ_Fj75f8zwn@o`xNn|{awjk(KqH@@l7^C! z{_hxLrV;jn#q;Mp=jC1KP0MRDGre8t!;|D;*)6rTapAwS3iF)ZL*Lgw6D2o-NaNfJ zS)I7%-ra$J`Hq64^rj*-%2XvouSYWbAN~9*M0NOc%Mv?ts8((B)T6}ZHeH5^wyaJz zQf#mZABv@z9?04356y~7dqOFF;P#q&j8a2L+j0(J49SosYBqM7Tp05Ids zUPzgrVx4&B`7=4AbxBdjfBmf>;s7^km+|Qy>EOTPpc^^a={#gfErxIDV+mOk+&<6M z3S(39q-)Y--`G`hno`zCHO=N7zl!xbtGw4Y5n&^~nnRUffNe<;^ZvwGk@jc_tcEpm zMNPZBXAeD<7?X!-{SNlcVPtuw$!_|Q)`RU^^7~mblTrq^k>J@l8P!%`&=i`GF7o8G z+2R4Axgm;BmbGBCI(m1>+qa8{o~09$=iJQBAV)}?0y&^19hOQx3SIm-is%z%%F%=p zY59W@;({jVEWoR*N)~c4?OZ=P_XRe)EvoAkm{Nbp8A}g~bFZ~5PZTdvS-foIi5S^? zivBIavY70tEL^(%IGerxfsb}RI1Y>C`pUV5oIka$}SSkMva9HfSLl-B{ zNEdkd2Tz^mlnWFk>z*+x(5a3}IMyh<{e@ z{@5W(MR$9IP1@)T-`yAJ=y_oNSW`3ZBwETzMNQ4g!&81Xf38~ z^$w*kzM6dOCoDu}Uhwz6FJS+of)ENDGiQ+^?lNXDkhF}KF)uqha^}XaN*%)+E04&P zdO?F%a>aB|vE3Wkf1%XH1 zvu8DgUrQ6E9iKhhyaX^>w_4B3%gfE}EGsiEA)))`-`|uOsOsUMnLMuAVPn42uWBIr zI5$^~WUzcZhF?N#02lL?VJ(<#O>IGT;35XYL`(bEurJ2d@-!=92*O(mBy0nFHV!@S zi;8}A;~I#m?S9H19Bhe%M9`=rFRK@SaPGU8^~GJnA!CqP$Jm$}7sGO3dj|y&2Vak>BV0KG`uZD~j^mU`Lu@UYvAeANpO_F&Imqq+J5l+IFFP16DxQT}e zc?U+bx#|_8gkD>tyK&o3iVVLo*a&`&9mTi+T;pVaEFuEq_vOKI6CmaPCjSd;3cU7B zNHX7k@jqK6+C;mn?7MgG(gj_efHsCrXw80yG>cG0I7(>e!4tgy_%m1S_M#ZWf)7~+ znPQoRI0jxwI5J!V#H4&AF225V(ROtK~?M&J^ChqEkgIZ%A0|SG3^VnS?GBUE- zYRDDG=mD|1C8=ZTv-F2Upg>L6DOj4U!A$&nD^&|Kq0FD?mwK=M`q}N zjWezG0{*$zz9tP zL)@%mTuWU`t)_9j!#Lp%O0Ee(@KtE5mT)H55&FAkJ$A9v-gbb`pZxdE+!cfw z)dU*Kh-c#~8en$hZ6pSLT+-z5;Mb(;#*ayl;~YiNj@!vzQ?mW=*||nwFX5lMlOOMhh%tmLyC$DJ~T!+lW5)^Ko*_8t-Tn{Iu)*+HamUdCp}PmPlbq=T`sOJ;gHor<0^h}K@6#4%!FhxGe{5O6p@S(nDxADHer$S`yae&wQI{5$XE8b9 z9n7C3%ep|=U_a$aL)f6%A1b7Ob`twZ3HIt17tFHb@Jl+MeyNiRK%_EKK!;gOjAgy>l4Zl=YOd8 zQc`qColV*Kn;e(loaUYrHnsxBIjVM+;8uxYhBNU7Ta%&UQ>Jo3X1$^2S8g0sL%s#` zRtnXN2iVvMbgys+q?R~RYGP})YR$e9nfm$UnrUlh_w>-l$9kQip<&oZ*z@wv%=!NK zB>x51EJ|q5I-!I${?ygJ{NMdP>K#=!^*3W|#NNlo-Yov85-uLTHAp62U&LQyNZC_g zc(ug_@MJjckVx1aT5oz9{OP$-hsw$WH@6oz*B79uib(uQ-9MEtnL27+tR&EBNZEJ& zZMGCDg{nj_6dwHvN@XPj5_=)#n%M#4({ons@DhrpTs&?P)Uy3o| zjfIAWA_Ne8!r%AzajvP@;o@cn0haw&#S3LMQuBrBJdmTrRTwHnnzdv!2{`XeY>TtCcYMbl77aJZ+rmCx{ ze88mLzUaBR{`Sotn1TQ_J$_6ve4B)Wgv7Mf8>#aTkIetBEQ!JOadGk2;*Pf%=iiSn z10D4n0T=6c2xz&tiYQp;_I_4q@p6+Lh!(=ecnAV#UI!oh zK(nIF_xw8)HXwoxdC2xewov$8?|=NOg1@rq^ELU*z&0u9UsL@)-{%75SoKEJnh)7w?&&Cx{ZKkQAl{lc%o zazlwOKo65BcF5fnx{NTr=6AmE*u#|W-aRPCC0w_n>i7A2u1?|c0gc$hbfYKe=9PX8 zw&X#06pY+{t;ltTM7sSBs0rxnFZ@2+^)Nj?K5nS3z4|dg0RJ7l1v7Y_cuyq;U2Qf5 zp4YfN{M_}_tYMAMq-|z?-VGiY4#U{^_;K520=Sct`D!bmv@4KBXp|Cug&Qv~FNaD6 z5w)_i0x5%srzbW8=ol=1`ZSfgy1JTpPqLzh=fj7SKl=?(DYw%RBm95PDw&#^daZk8 z5|%VK|BN-iV)VLv^K=+=DF=JMJIvuW$?>N z&HPi}cT1*T`Goy@?)64ZJMeT7QBzZz-RKPRetwdz*NEXR{3F<$nw5_llR%iNv$ONH z9H%tR!@w(8)(2XsAu_y$P%FZu%J2i)L@6-|iIt5F^Q2i`6I^`!TaCcXo-3Q9J{fw@ zJ?G-&ylm(iaC_(i__C2v_0d&z3E<|Bd;ToUYdyT4l02?8?fg}qX-1scIq=)U&)3)W z_=k%a@K{WeEO&{{Bp!lkSTVgUIF~%|I*o-jz287idva1a>u8r zJF40We2h1KPkF(-2d`-dGlAJ2KAoGCIZsVJ$G478b8`swp5HsUbl#sspdqMnieKoz zI`TWt=bbCmlf~M~zTfYlAQw(Q{>VT^^2zV`o#b)XSu|Tg8*CeKkOzR_p{;ekhb|iP z%sh}(a&mGWc>2k{?~(yC!9u^IcDYFW=O15N{{3}`h=K&R>-yJfP6eP8@{E1+TX&`? z`eXx9zE2f$3Tt$pyua(y1v}v8YWE>1!S9~Ep+XOlk(n13IKuZ5qj8mN3D(hmf5Qnf zx=?bltdl0fgPy*9od|+g%0Hm226X;-wUzJUGYl<23b(rPuVNq6Dr7V?Cc|+k+)ac2 z>{WsgSni~)hiMRepyy{fADQ(84#l$5uc{CT7B~zN5)yy@{`D~JfkY5gHWf^lA|oOo znkM63K~Qvbc4nozJZPGJ+tNbjd4)qn@bK!#?R%w#pZnkM)9sG>VXIqs1tO4nM|}_^ zxMXBxnY^ZR9@n5|xC~Xj_bJf%drsp2BennVdl1%CM?IaGOYfoQF;xDOIU-Om^Zay) zxdY1|3TS*(f(JhdhheH!MPokj$4ff@9ihVIH&5@}**v*~?YOdfTU(oTt_K2q(2wWe zw|U!$i7-}NI)7{);4xdG0Fm|r?z!{DrlRePyF|c#U2FZ5)}zji>w4(wAximK!Vtv( zYs1SwTx*}-cD*Oz9<`Y$bvp8ODAwz6rNwF}<~ZQkj|Mk#U_6trXScww`}*)d$^0ou z*;`#ur|*&nb8WS|?P}(U>6n}MILxySN$udkj!JO~ChXrouQzUq8LreS{I~n?W_fL` z3x1JNDOTd>fk*<7L3rERdS6(W)M9WbG&wmrl}+oD=j!uQ+rV4I!2e96aJtp!%+{zP zQ?(r4OlaR{itZob@Z0vsdm%H?Celg!dwY9do)zBsySX(<1%Cff9Rw1oJUl#JYcC?D zC}W43=6=XuqC71Ieq~!w`G^C7kncDcojUq@<)Vgq&?$|KHQ` q|DLi$kV2rNqlYuzCJMJ-5Osr^i$HXVa7RWV!KI?0DPNDU2>m~Co&~%B literal 0 HcmV?d00001 diff --git a/v3.12.3/beetle_example/index.html b/v3.12.3/beetle_example/index.html new file mode 100644 index 00000000..da785425 --- /dev/null +++ b/v3.12.3/beetle_example/index.html @@ -0,0 +1,70 @@ + +Particle-filter tutorial · LowLevelParticleFilters Documentation

Smoothing the track of a moving beetle

This is an example of smoothing the 2-dimensional trajectory of a moving dung beetle. The example spurred off of this Discourse topic. For more information about the research behind this example, see Artificial light disrupts dung beetles’ sense of direction and A dung beetle that path integrates without the use of landmarks. Special thanks to Yakir Gagnon for providing this example.

In this example we will describe the position coordinates, $x$ and $y$, of the beetle as functions of its velocity, $v_t$, and direction, $θ_t$:

\[\begin{aligned} +x_{t+1} &= x_t + \cos(θ_t)v_t \\ +y_{t+1} &= y_t + \sin(θ_t)v_t \\ +v_{t+1} &= v_t + e_t \\ +θ_{t+1} &= θ_t + w_t +\end{aligned}\]

where $e_t ∼ N(0,σ_e), w_t ∼ N(0,σ_w)$ The beetle further has two "modes", one where it's moving towards a goal, and one where it's searching in a more erratic manner. Figuring out when this mode switch occurs is the goal of the filtering. The mode will be encoded as a state variable, and used to determine the amount of dynamic noise affecting the angle of the beetle, i.e., in the searching mode, the beetle has more angle noise. The mode switching is modeled as a stochastic process with a binomial distribution (coin flip) describing the likelihood of a switch from mode 0 (moving to goal) and mode 1 (searching). Once the beetle has started searching, it stays in that mode, i.e., the searching mode is "sticky" or "terminal".

The image below shows an example video from which the data is obtained Bettle

We load a single experiment from file for the purpose of this example (in practice, there may be hundreds of experiments)

using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots, Random
+using DelimitedFiles
+path = "../track.csv"
+xyt = readdlm(path)
+tosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy # helper function
+y = tosvec(collect(eachrow(xyt[:,1:2])))

We then define some properties of the dynamics and the filter. We will use an AdvancedParticleFilter since we want to have fine-grained control over the noise sampling for the mode switch.

N = 2000 # Number of particles in the particle filter
+n = 4 # Dimension of state: we have position (2D), speed and angle
+p = 2 # Dimension of measurements, we can measure the x and the y
+@inline pos(s) = s[SVector(1,2)]
+@inline vel(s) = s[3]
+@inline ϕ(s) = s[4]
+@inline mode(s) = s[5]

We then define the probability distributions we need.

dgσ = 1 # the deviation of the measurement noise distribution
+dvσ = 0.3 # the deviation of the dynamics noise distribution
+ϕσ  = 0.5
+const switch_prob = 0.03 # Probability of mode switch
+const dg = MvNormal(@SVector(zeros(p)), dgσ^2) # Measurement noise Distribution
+const df = LowLevelParticleFilters.TupleProduct((Normal.(0,[1e-1, 1e-1, dvσ, ϕσ])...,Binomial(1,switch_prob)))
+d0 = MvNormal(SVector(y[1]..., 0.5, atan((y[2]-y[1])...), 0), [3.,3,2,2,0])
+const noisevec = zeros(5) # cache vector

We now define the dynamics, since we use the advanced filter, we include the noise=false argument. The dynamics is directly defined in discrete time.

@inline function dynamics(s,u,p,t,noise=false)
+    # current state
+    m = mode(s)
+    v = vel(s)
+    a = ϕ(s)
+    p = pos(s)
+    # get noise
+    if noise
+        y_noise, x_noise, v_noise, ϕ_noise,_ = rand!(df, noisevec)
+    else
+        y_noise, x_noise, v_noise, ϕ_noise = 0.,0.,0.,0.
+    end
+    # next state
+    v⁺ = max(0.999v + v_noise, 0.0)
+    m⁺ = Float64(m == 0 ? rand() < switch_prob : true)
+    a⁺ = a + (ϕ_noise*(1 + m*10))/(1 + v⁺) # next state velocity is used here
+    p⁺ = p + SVector(y_noise, x_noise) + SVector(sincos(a))*v⁺ # current angle but next velocity
+    SVector{5,Float64}(p⁺[1], p⁺[2], v⁺, a⁺, m⁺) # all next state
+end
+function measurement_likelihood(s,u,y,p,t)
+    logpdf(dg, pos(s)-y) # A simple linear measurement model with normal additive noise
+end
+@inline measurement(s,u,p,t,noise=false) = s[SVector(1,2)] + noise*rand(dg) # We observe the position coordinates with the measurement

In this example, we have no control inputs, we thus define a vector of only zeros. We then solve the forward filtering problem and plot the results.

u = zeros(length(y))
+pf = AuxiliaryParticleFilter(AdvancedParticleFilter(N, dynamics, measurement, measurement_likelihood, df, d0))
+T = length(y)
+sol = forward_trajectory(pf,u[1:T],y[1:T])
+(; x,w,we,ll) = sol
+plot(sol, markerstrokecolor=:auto, m=(2,0.5))
Example block output

We can clearly see when the beetle switched mode (state variable 5). This corresponds well to annotations provided by a biologist and is the fundamental question we want to answer with the filtering procedure.

We can plot the mean of the filtered trajectory as well

xh = mean_trajectory(x,we)
+
+"plotting helper function"
+function to1series(x::AbstractVector, y)
+    r,c = size(y)
+    y2 = vec([y; fill(Inf, 1, c)])
+    x2 = repeat([x; Inf], c)
+    x2,y2
+end
+to1series(y) = to1series(1:size(y,1),y)
+
+fig1 = plot(xh[:,1],xh[:,2], c=:blue, lab="estimate", legend=:bottomleft)
+plot!(xyt[:,1],xyt[:,2], c=:red, lab="measurement")
Example block output

as well as the angle state variable (we subsample the particles to not get sluggish plots)

fig2 = scatter(to1series(ϕ.(x)'[:,1:2:end])..., m=(:black, 0.03, 2), lab="", size=(500,300))
+plot!(identity.(xh[:,4]), lab="Filtered angle", legend=:topleft, ylims=(-30, 70))
Example block output

The particle plot above indicate that the posterior is multimodal. This phenomenon arises due to the simple model that uses an angle that is allowed to leave the interval $0-2π$ rad. In this example, we are not interested in the angle, but rather when the beetle switches mode. The filtering distribution above gives a hint at when this happens, but we will not plot the mode trajectory until we have explored smoothing as well.

Smoothing

The filtering results above does not use all the available information when trying to figure out the state trajectory. To do this, we may call a smoother. We use a particle smoother and compute 10 smoothing trajectories.

M = 10 # Number of smoothing trajectories, NOTE: if this is set higher, the result will be better at the expense of linear scaling of the computational cost.
+sb,ll = smooth(pf, M, u, y) # Sample smoothing particles (b for backward-trajectory)
+sbm = smoothed_mean(sb)     # Calculate the mean of smoothing trajectories
+sbt = smoothed_trajs(sb)    # Get smoothing trajectories
+plot!(fig1, sbm[1,:],sbm[2,:], lab="xs")
Example block output
plot!(fig2, identity.(sbm'[:,4]), lab="smoothed")
Example block output

We see that the smoothed trajectory may look very different from the filter trajectory. This is an indication that it's hard to tell what state the beetle is currently in, but easier to look back and tell what state the beetle must have been in at a historical point.

We can also visualize the mode state

plot(xh[:,5], lab="Filtering")
+plot!(to1series(sbt[5,:,:]')..., lab="Smoothing", title="Mode trajectories", l=(:black,0.2))
Example block output

also this state variable indicates that it's hard to tell what state the beetle is in during filtering, but obvious with hindsight (smoothing). The mode switch occurs when the filtering distribution of the angle becomes drastically wider, indicating that increased dynamics noise is required in order to describe the motion of the beetle.

Summary

This example has demonstrated filtering and smoothing in an advanced application that includes manual control over noise, mixed continuous and discrete state.

diff --git a/v3.12.3/beetle_example_imm/68a796f9.png b/v3.12.3/beetle_example_imm/68a796f9.png new file mode 100644 index 0000000000000000000000000000000000000000..919ac77de45426f550ea516b4484eee913f49f5b GIT binary patch literal 64059 zcmZU*1yoeu8#R3CROyhAp`@ijQjqTM4yB|)Qo@lAB?L)n7+OHOBqdcqT1pzEyWTUu z|NE}>t@Vwrr6SI~bI)`3v-f`XF;YWK{vPf_TnK{hDJsZlK@h3|1fjggMg?EF(T^Mj zzhGJ^%gaD_$RD3uixMG-4pNkn((%dI$$V|0qkDOl?ctpMNrmVa9ZW%5o`g_A21AxR z_#Q_vzovmKy1uWbn-`%cXQ=@}^$zX^8`rjabtkG4A&E%=gTiCR_wUVK@~(dM7`f`p z#OF(tX4yPDnjHG%;mCX@I_i-XN?~nbg?#-o>WmFUW&ZCK8_5bs{zf&aD9g{`cbQ>q zAQ|T)ZERH)6_qU+EiEExY}j!Rxw+1b=gs9wZxJCOVais-V9JxbzlrKx6Ms}3zL7{1 z6B8#MK`@zy4TXhKd?u4_Y|I;6t8svRZ}Qg1N@ej9!= z!4I&`4vvhBRP?YKNMdcjJ{*i9WxqX4X+OuhJIcQEY5l{hUFbCXwS1=hKDF@vtV_GD zjt(O;b74V2Pfw3-=8CKE?{edm^z_-B=i$aKt#xGNj&gFn;A?nzc(Y$$iQ4qP&(F_~ zZm-b0$HxO+C1^CF-sr(QJ3IGjL_GKYi0|h)Rx~p6@_wnRB7nYib)iYJadNhv{5D3* zZqh3~85UZ=pT0O-2zo?Jypl~!L(^(MR@l(c5D^j4VXs!?@ePg>B4LoVp6$2ADy<-H z>gCws8Jm`xnwo({v7(sBOe6Uwpf8T5x4+uD&->rpQ~O_xr4tW%KN0Xcj2G{<-$`(C zz5@68SS`b#EueAUIcTe-NaB1E?XGsEFMh#eR9vm-=w#A-w7*~2XMeH5ZKXGkX4|_N z?W}P7vi}2v$|qV2U-zwibRQkS^MXNkJ)q;hVs{P9`J*4Ebes}l+& z-M=+a%1Jgj^ob9xJ`g+y>C@Bcm)R&C;3<#`Q_#{%_#WEC_Z^L?OPZz)ItHe8@*?YY zeK?6#`^8Xdwcm+D^L$oHije>5jzbZRL;wYJdAdu*`=>qV4t&1VA34v#<^A>aJ`S#K z{mhe37kq`fe!MyMnDLSILR%oTznWtH=4e<*w@*D&#H(6=!ieYHkM8d7zb&7*Ex!?~ ziydqhWrw|ccOVwD5O}65I=t$R@(irq^WNDyM=U6ey{_=7Ua5eX*xcPmf@Mz;Lg`0A z*KQMNva+%~HLl0+tZ@H(I=;k|l)mekuPaO%6IL3Qy22kbGU|v9YkUa}4ISia=5Q60 zlzarmpyM>pI}hPZ|6V!J(a|}td%x09RmE-ivF6K{7*!Q6(zS>Gz1ur(+W`{k2n0gA zNUhv{gjC-I1!{i1cb{^h&XF8C{x?qrB_t%!)6=VEOPCrNJrsVq_oo#mX9hkn4s5pG zrCle*!ph=*clPf6$B$n@g~d_{#XS^26h5`?jX?>PjV5D_T7ES5#dgr8{f3N+%708% z2nFgr9}(TtAz5ub`-3-k`rkH5&uJKyybD;$6F{ zVjVB;y_&2~59j6M3%b2nCuP^OdHE8nf;BAzD>kFe5{ZK<`|E_i`Ewj-Vb()St`y!m z*11L;f^b}^H)_H0c!@T}%HO|#-^c$N8>@F&_~+h8L`;nJfY#&{jb{BU z5=gGEuiY#nRsY;F&m4FZO?U%v}EPf9S4a zBv43zy!HR@8}XaMh6V?Xzt}`pY_Df1VwWiAG&CKvlngGVF#{~xtzT$^*OziNJ6zUB z^PD1KW>t*RI%SLM*RhN8ZZYC=tF$r<|7#4Hq}TPKkQ++@=L#E30q7|bX%z%n!fsYQ zQKV*-XBm8?vQO71L$%lj51+o)P3aO)b$56F$YpAjax}?b&h?j z)pEh+8a86b;dNMP3hQ=+1yugy8 zr>UwO!uU7C0+V83x5WCO3VitR!L2R*@A~?KM-tbd;XL8wEcgDFD;w>-Gv&6w*a<2X zblB6~*|VnYiZTA(f6aSYl0mnBzbD?E*0;|G-Q9pa(!4Py#AAQUc7|g+NYPx%gcUe|HOR{|AOa=($VC#%|SK@5c!oL z5)Hif{sbOx{KOPw?x?{sOH#Y+>k9q!_ zZjP;kmIk?kE_e5N-g$4Xu?AW4nC1Nfey%42Sx}Q!Any7m&1~%)zI--2K*fjW-6|?v zFwlbF1nsR9l$3@hCiqZ6L4o(xv_@fne?I_EhqKT2Mw*(0xDm&nL|^|~iI=R{7U`X8 zwtV;HWcIQJl{gU(zWsyq`ooW01+wVX3>4>b1#D4U7c8h}rQ}qb&0lsRkK;|t-&GeY zr}B-jskPj>xw*n|9wM2$Gj(Xehlht#QwC5(T%4fFbF}a-%NTuG0yv-;pdWN}&bjX? z%DU3tnjbuAH>hlRuJX??n|vwHwAmZ<*fzN6v0rN_UB*%MRJSGxhBXJav~_mBYz~6W zS|uUBSAsD3Hv?Qnn+bsmmDs~H^mh?m(h~{1FJm~Hq|`^c|NiQ9GXW*^fJS7z+*kURh0#+B;353W22B;>Qc_pBWFC@Cqa+?6Y$ z{V;-S=##Esl$6Lln%Hf^gSNC1Y9(A7O+u2-gyZ-!YVU`4nXhOPz@P1XRNQ8ilw4Rj zV2RQ)Fh~V8_x`;_ol(8>d=vONY36?qDpbq71n~EOk~hDq%Jt%K6#zLYH0M40itoh` zphy?pk;LR22Cfsj`X_)c{KIM$iK1aEI5;>+f8+ewU<~k;xi?q4_dGZf_0(Fi21&@t zOA!xwSq9xBRtnk|?Y39kN$?=j=m?akT39cVBp9V-U_+t2%6@BP_T|IWg};VDc#@o##` z)oHH5ZRy)P09yq?-0bX*fBQeEO5&E()*ffR{^NW6Q~u>h#s%2*n71s3H7|zE?=JPB zAN;$ZTihNbBoGA+yf8F0R8@ASjeoiQyF8lwiQvETp#8OUm(%gZ;>t|G#a93L@6{QV zX9u26gYN6UzbLh0bN`WqlZwxBknK=_-r_#A*$N1`Qyi9{uVuilGntfqIqoK4u^r^;Sf(_~)7*JAGJ$boDD1CTz6g#=s za-?QxI4!!@qU|-h0Lms50}t#?(1;4vvz_s0oW24U%VE}Xj;eMt|9YWZ#OG}OHC2#2 z^q$cku;AVcEMC{eXDfUDmiW$ClKfY<#LUbS8s=mkGMpKVBTI17JD=xkIR^GO2T@NJ1T>iA& zo!#9oJkAcVQZcBu>QNP%Cm|%vv7Z4?L`hj$zrw`cXW}})s0a|MOCWB{8{JncOq-?e z3xR(MuthbEpVcM+D6$EOW~yk=hAsfz>D>lR08qe>S~GxQf>Jok38(e@`#~P5SK8fO zW@=f1F!MkA2UYnVz0lPKR{?LURDZQ|26p}3{!$lG<$y1Jp6g=O2%7)Se96_xE zPV()3_3Mjp$%@;yxI|k+Jztzzh7Ovo-|SD=P$9*GOgUA{f_uGyMgr1ELrS{(h*H2I zY3bp7t-ZFYF;B0Jp*O&)w_tf*&$)&7t&|iOH{6`g-Yezewy6M=PGp9hvKH(rz|x=} zUgF~7^Sj=A(=|vQ9U{uX#s=i#@W{xYnwRRI6RW(Pn>GspozOpdFGLR-?%?q7gje9s zRJD9O?Y*)V#P;O_$!k~8cPU)-E6oCd+Mue8rxjPi25&f;CGL;i;ID*KmuB9C%~G~RGuy$K#PWgZnn*DXF-RtYuWhI>ThIZ z1Q2yXR8JJ>J6}u7C8W+fNSWduFOO=7ROHKRgYOTpSME&L0G!|}QqOL)>YguIeO8cS2G~&ZH8J{hWGg9G%HYZYMM+y- zMto_R4yh9fLw+gjMdI=)6s&vX+hp@vb`d?sZ4qZu2(Ua=AD?ruEB`)HR8zx*;6K2X z&3#vs=bK;a8^3%Cn90+pjmGg=;@xxOBQz*<({a#Z_TBY5xOG}W!fH?}9T#A^TaQLW zQ@BjG9?*d9Q>U|w_~^C$oATdpa8u5p4b=_BL`2vPWzEE#=&8@mT(ChAHFQua*yO;G z0cgAOJpBGe`%{XQU%!5V8o|ILi+L#E01BJB&$Q#!G(Z>N#z3Eq>z(5zF6}t^80hJ_ zhBoI7Qbp{3(U&}d{S|fwHD1|zIs=eBV7G2Ej#m8g%ODq8Fuab;PaS1Z+Q|sp6k!e9P!H)$%5fu6xs2Iu>;MFQv<#epF_ z)h;$QcONV-(BpM8jt4$sz;FOg&BtLv1~hof&&(0$HpfXI5y0vIS&VN^4FO0)64nRRIHrCHI^-G&MFJkUBa01#$Nl8iFhx|L>!G!Pu273hx zp#|*zPoF*^DOT_-5hL8W(>?7Jnzz+8JU7yo!_m4*3ntjahJ4>B~IuQQc<&N;j>?0xFf5_5x z%ZLP&@F!W0Fb1n0Mtu;3fcBHTIo7tQTDZNr0x*%8mWHsOS?-B`0t~XGq@}Y!U33q_?&EC64ea_lI*HS-q|I5@^9F~*C@eSOnJMa>L z_W=a#Y@^4^8|v=ve7P;2c%+Fp56CO%B!ZUT;9RCn6phu1%&Id$A_M9fPyO@|d@Q82 zU)Qzj)5>}tbp!?5Ba&G&%qGwAMz(8ZWiX&PP3V1f#JHR>gNnL(5a1~y z-a8wQB4cAYxww#I0iZtS1KJkA<(l-vtzvFA)q|SuZm+^YkpQ3oYyAt`Bm?L>DXC8I zty=%RuBEch<~-utwYA#c+{kFEsH(QEel(W$7WF&c0CdZx|2+(lE4hC8?a4}YMMc8~ z*Ck|EOh`EVhWCVGg-Xa-MOoQV#H;+pXx4mza?0jdQ9K3DGFY!{5ihoa=pLG`?|40uHC}~Pm8~aX`+ChTRJEg5IzWUmz4cNnA3&Y0|of1e*R-}vh7>}@PI6a(*ytm-=1sagLG8;fy+X%rHKuo*YsqP2g0Y|UJQTq zrlBe@N(RLgBRKaP5v{OdX?3H;MpznFnV{LCFBu!W?91iGW>tPd1MO!aHR&5Bc>?s6 z3oD>`V(SGs2aL*p1JUyeIBtMfK7w4S^~W4ygY;ojyQhf3QlJwyXX>`AEW5UzV`r+Z zM-o47dc9}nFQ&Y>LIor7ITRbcS^(t$n1h3ZVmm-B0O@%PI2rHXYwT(=Dk8p$z!?>F zT~a2uy@aVBh#&s|qT1o^`whXzORvpi)ncB*>ONXPiVE{=LwllJYW#)kNPnrh> zPPoNXOV+Ok@Zjc~&iM*F3?G;ph&gI5*)4O@5JL?H;)}!Z%ioITe>1?ae)HxQtdgGO zx}B9fEk8RfUnZZeh#l(4=&A4)pRxH}e*1)pFztC%d~y{tdfz00tYZHkU3!_vEEiL> zBW|cV2bpQewY%EeHfsLdc@A0y9yIYnH%vnvMq6E74LE9XcA$`b*jM@Iv*s3OkvPQ6 z*Q-y0o&wU6z@%KLn*MvvALmmoewuc;-~2X!AQmWiPL1UCr*|w~C8%Xh^IT4N)Vy>r+xQ6 zrSfwPD`L~Akwg1UsF1Q}R}vl}iK3mH0$lXDlWxyuwg1o?oEoeear2lEyRWW8hKclor4l!PQHC8emK;2vnp-xHWX z*}msd!}bN#GPcB(QzBWJyy~VtD z_@v~;ix*r5RUOzeMpYJ43h#`G6E6#&Hp(e056HlM8D^#Q(Mu-=jTPRB{&^Euy6;Dl zOpF4#iP7yNnoRd!ExR`k6i_(&G(^3F3!b7X{;g{wJ9NGb0Ge3b@0gojAdW`#V`gS1 zaLny~(g%HO8{0IgwtDwL?+%PC?okO2IoD&6&C6lOQu6h-KhN9vN{7v^U!ej7DrhGF zYmv)GZswB%6IHD=uICaJZH_xdFF2ODj0|~;c_9z@6B#9?eUb=p%%=gufo4$w2t8nE z6vR!Qo69b5>)za4!r|yEw3pG&XwMdxKWci;uDX|-H1Y}xdIMx;kdMpYvF-(BHe%@T zne-PxiSBNhAcp%u#Iyog^A!1N1i#5YO^j3w9Ls?J(9|2j`H3n3*N`QP4&`i`#XAj- zkm`kCg#!w;=Y1_^l>-;FVy6>u#V4lLd-)U)R|8-ktVsuB->#rxp6vmHjwt!X% zj5}5AMleDn=Q6>DLTnuYVOm*Uj+q1mkY|Th$^OlowpVZh0Rel82OKZYGAecbr!E$D&+ z?dxD@9!FUY8KUe4NEfqiecaP~@JMLw#~fCRHd(&e2d9`pGsBgDreaG%3{UDLnu0W@ zmOkCqAkH*=C|CBcBA<8c4EMI1U7%*CGxWacm{!Pn891{qMluXFHQhi5#nf}a2u4Dq z=vS6KEBn&6opH111I6iV{g$aVyYgkM)t;i7}wW&$r(J zedi0d&+Y88WVl+U$USP|Do`N%ag_C|2_`PeR$y2M`tRN4WP6P9E3025c52eaAIaH2 z?B>q-LUaTe#*9S-g}NChxi+?0TVJewdpH?p?BYTbc!O;g!Vm~cb3Do?F52vK1bfOU zzXz2f#CvHiAH6x-h3KMC)zhjSbqZOY91J)M%|VbbJtp)ActfD0gSpSc`{I(o0O}Jz zn>zyg>jLk+NahHhGG^86?!7rftF7^p+esHNw1wjk#|*d%bV6~{qQ~k~cu@aCOh_G& zXoDWOI@K_J6y0-%3zkber5I9SnM=hXot7dAvn_DUC3>>(DSDn%;fkB+8 zk)~aRFRY}X6DmWBNvGB0P`44PnmoET-b}3)iJ&y})tEN<9=rv2m-s#@todP7iRP$@ z?%IjRPLZT%ZRcSDG$I(Ob=C%cN(ab8Q(s@D|5Om?{&5FJx5#S)=g9-C_$8LLN3+Y| z|H}ecTaVT^)q+R;X`y{)e<)q3a%Sh20Qa53%GZb#FRWm|--?Qgj>PtaB5nXx0EQAM zehxl9V#vzc`UwZeS2q{sniX&fu-|}))92gLar$Ki7AwMroSep`08#cAHO1Z@1NB2IA$W?BqW>0M?Iy?`SOKj-u3MfIS|vBT9tbN}5s zFd_66qlJXsmb-zc1I$>0U&5?ROg(l*_zk5UDJXULSH$2$l^rC`iM=K%u14XaH=2GQHAj<2y6AF83U0xbH=O zH`EvS@>q380PPUC`KthU3)I4{pD8)4e{}!~Fiy(F5lYYUx|Cj*Goibid*1)6+*dB3 zT$7SfgV)@$Y4mlCrduLibGL9do=9Q$Wxs0SR1AG5Xgz61m-OrEU$e{Q@g`E018P16 z*bv}_C>?W+9??-zSwXkHdE2e+SDgS{t_$`qfe{662{=;sD7fit>H&AV>XW=(sw@dS z-?z+KPgi>x`4F3zmp1VDCsGsx4-M?tEWuYZz_`YNWd|H80z?CD8t^oWfY)6abTer1 znp)hi_U>zUZ|@&qLCZZLcrI}h19VVP_M5HA%IpuXmpnxtPz!6+*)%HFwSc;Pte$03 z=a5Vo;HbACXm61=_7KL5pi|;~X-le>6{5N=v8gWh3sz-wqo{_;T>`C--bLci{ z*QYay?j5~!G|T}v>2K`xZD zv-8#IE|cO6&~b{2k&@~oqxXd7-h=j+o$cb(;57XO$)xirZL~vq1YiF%38I_;MG3sc z83i(G5P*2`q7Y1DrfZ6V8a+FLQI?jLkdx=r8Ap`G(#ke>kxam6fC9hA(S+1XV@2xg z>+4imtwA6=08$W@t-dxMf9V~McYti|jvxe#Mo#KePc%7j9PNPv2m~e{Gj`|?V00lC zM2Hjp3ZCM??B{7z@l@)^1qW7rf z18tFg8pmL~*kONx}v}x|HYb0~V zy7MjV^uQKXAmUe}<4OsZy^n%Tgb?0-C{Xs?tRi@EO=)N)H`)GOw?q7(_~M5u& zIc)3_1NTAq+B$*LdzB@MWpvmRrzzy?}+f5i4HY6;k{(pdSEUbwcp*0F1e!n#e2BB1L2qjrt5Vxw7`Tvk@p~y&O#WF zc&a6_o9Hp3LPVSfqEtD-t)!5}!ADeR<0Uz&W+!XJ?u!<+mNm?a?V4%RjEYdEV#cUY zrmc@KgaEFkYJOqi8_=1+j94{pYHAAfq6~kt=;vDj1>+Y3c(dNX$pT_sQC(dq%K54W z2M-q)_*GyN3W9us^6NroX0P0*I62RB%@SHN7@OIAIG|v=8p{cCk}l8TgrMBe2hr~V zwqoV$!bxAgZ|jPk{661YgvDR7UP6z)ZpEJQuAeuxmSrg7x-gVc5xC)Z-`?T1161e= z54@cK^MKmgTA;o3%9kv_Kp6=)y5H#uJLyFSWYth1vo98^DA4fs&B;l-9GmUqS@YSW zp(kua@8A3uaG030RBXfccTCmI#kK5!K~P9>3uiz5_*1E~ukSlFi4&Ro!MM}^c!LKB z`k?+_Aj2~_FfiwQ#y2X41_AU0nH%SE4}N=7KtV`8u_@9Mats+F+{qvUPO`XSNW(~L zX4p+d{`ynDu<}POwpuBa+r|{7G2&=UyXmi$r443M*kVADY+n}zqz7@6XlQ60b~$BrG}upTM%zU8h#*D^%n`4O*^V?&FsR)k7=I~%=XK!@?=6C zR@D(e+kPq&@Lf6K*vQZR{V{<|pvLQT=TBkC_9zKEtsL&ZjP`6yDvwHi&Df`u%6D<{5((7is!_6ZZ&A}w1sUT-?ejB?83}gWQI*tC(g zUK>O5*_^_kS2Kx-5^h{dCU<|c-aKa+I4@x2d8#=e`KNFNxO-}qLG7y2MgNVy2BYWA zE>z4SKOQ8KO$!!nC-*jhU{_*68=McEa{_YDfM88MK`JJ7_mkP2l7Jh)vVF?jX&4LJx0|~z_CRAw=U2O%^@|98NK z47MPL#y~l9-5MyIph8Pb91(5~-%qXOm$v>v9VK7%@z+-!a7}nre-gNm5|B=1p-yHTiZ*zT3XVqUX3O|>5`I?0vh;cuk|boFu;^S(y8YY z4t09Kt!)kmIS;^c00adIYB@jI8-Mj}b=Q=Od<6rtNSFW_Lu-15#samT6%;7>sAq*P zTGpaTv+IwpS%uZlRrl{-oW?`O2`d}s!T8A-e65p4W9!eZw>BjE@#bWYr}rLN7ocQw zzyZgILmKozOpCfL%K+CN0AKV|k2OFviFBKPcuBZMVL_=ZmQv`@$nG|Ch=5^r&*|W~ z1cQrvhWG|nXoWp4kt{w$XOyqd*sVm`{@|0f3_+T+uO2!S6H?i({@x>=2Ui9QlEV=Z zEjrYemVS)JHaZ-QF%UEJrk6P)XJB5dl8O))-{uc94E=>R3^YIWz;b;m49-V>8!)(r zj7&F(x4yZ(cnR5oz;Aox16cQx>$uJ(uY^P!P_4*tFqr0nf#TH$Lwr@0pm+1U)dMWZ z*d}S-xjsBRCHezx{eUJ7RBRU=6^9z!KPCLZ9(<2;y+_7p%TDku@7_@|B&Bc%&pWT9 zOUZ_c2ZKQ6A_lGHox*cD_jR!CXTNe*rEdeR7>-YAHJ97`uZf+VeK7lN0FS|357Z$; z^+XY}_>723)&9YLY5GiBbx7*PH%PqJbzTzY<83Ty0+#}WJr zp9ria6d4#-HX=FGzhb;H%#`i-B-MQb5590329IQVSO+7RaEMPWxOX4aO=<@Di7jDo zPmihhwC(L29f$+fULYfC$TT#?Td-ZXoW0;uMEg**tqMrXi za%?I5ky(Q)49a-w(QA%rl#mbnr?tO-b((RDx0||_&cO`f8uJXyD?v=C9>IqLOW4AM z*bLB1??HZ~d+cXhOZ4A#!XqdkSN#U;NP3jh_p_@Xs(UD^4H)yAQG)H@1gJ4?&xG-N zi*9obRk7d%)^GASr`Gbu*IVVLwBz!DHpnerNg_&=2cSpBdP`rAn?ZaK2j)xi9qMjM8g#N|fNq zb>)p$NhTM2UX(r-)dRE2GIyyuYwRaPx)|nNf7sMt#l6fYgd<}~VPUqw`YbF2usjdK zNoj=`ehC;-8V>z#IwT++wKLy5`KT-#IPtHZV909v6zaKJTEsg|!m1TwVzs03lm>e2 zsN_$kO0`C)7nZ&BixCffIO6-1xnIV(Qm=(T!MQ%9vX(NFA=XU@hz^cQESHWQ!&9i= ztAtUB%BvJBDWuyHvBkou!q!25TuGN3rG>8Io&rHuJAbP^*&&2y2=DZ;CvI2@t+icD zN2y;f7`upv{W&`NRlj@V?3BtN0pRhT2OS7WiDL>6Wr-UTz+Ywu3bL_nf!Q0#P76aa za&o|+z5wAvLlD29c|CUk#&VNxF5}ylWTFrwWA7kT?bi0$dzc92ew7}H!*3GC2#DKh zB;Z*;%A%Gh)u{ixS@Huvem=9$O_)$x;dZf79Jw=@4sICfx%eF4_ftaCG`gv2e- z#=XMUWnk_FtiK6oS~9Ya@89nO7aQxHpB`4Pu(VfJll|pqDIunAxZ_Ip=WKC#$|)y7 zd`5cSFCDb;gkOxxL!2$MR&ds0332!sWYKu4rkzxhy}D&*UP)`K;g1O{xSLkJ3!^wG zp(%K#&|k#y4Ev@uxO#-6n@)>WNbofYxiOlzvh5RT>J%ZJ}I zJ3-4)`qZaY;*E_GoRU~Pi)XoHRv*4E#d@ScDS)tN>&zj8b(ySGY!gTW(fH!pnS$T$ z2N*+w0IKgBfOFJ+K;3RzJ$S~7ndUyYyF`Q;?0j>%d&5iSZwnC=k3@^Dpy%4bsO+2M z-tWzR(><-_SEcAQ+v+9v;@pj$o& z-r_=Z`@{JN6~a;UFaoQF0*pcaRmm@r-!aDWpZ|ILSp?x!;cq%)aaTns^RPlhi9_l| zb`+BaNw8~Wo=Ocmm14%TNK9y2GT^yuv24WCI4#_J(S0kFAYy7{l*XtC60chSjg%o* z5OaCV%pCVf@)j_y!0qz-7sF{@2XXR+r4N@2prv2Jcv}3>VlmgD7^#dY&Te}S;^9eU zk(HXf*r@07mAF(bf_9Br&R(;6EY{D2lo+8B!z=d*0To1SQKLbh5uvg;bc_bQ>koTk zEI;EDKo&~HnnR=Q#-?aH{;>p@zuZmopb7moFu?oApKa~~r>hW|USoo)c;1n}m6#Bg z`k)K_U>k_w*gNAOJVyK^%x}Hlps}_LdPGL?H^KE+F-n@`;xCIQ_Ultn14l{{9T~ zWXwdwrijB?~Vn|4ZrbP@7)Qcbe!+@k4`drc} zY7@aDNBJC^K)TEp2UeO8W^eWD+J0-avW6fOfhR9xNeBf~5TDb{s`U|lAca1g3E>e+ zo1vR}__u&KUIhCxx1(z`I6i+^Xg9?b8-6vYE4o@o&Au!UENdzAkkBvYuIi=O&Y z_YJOH6vE?WSDMX;!{odi4y~@P;>6;t-x@Fz!6&|^ojE+E*ls@- zrKjGrAPUjLe`*bFH(|zD%5e}qpdM8ymMtFO#jC=O6*SP%2faoHeA@l5v(AG;P>u#rRbih<3>)#BlDjF{nR8dNMJysb~OK!KESppAz=saguuEc^;4x5eduVKY6$d6B<(UVUhd z6)ItMym;I7x%8PQo-Tg%=5wg zOh#UQ!Ed`TeHKX$h;Kae+wQX{EYe{%hbmZ5ay@Fn7Y_dxvn)c@34YxoY|oewq7~O% zmaoD011Ko?CUI1asE5}iiO04ku~8PAKD?$@ZILK3^<1Q@ftNUwgVOQnyj71|Cxppu zNJit9dq#1i&g8ncOaBlsec;AxokcLbdkAbqAfA~Em>F1y?&1!K&YhSwYz4SK*TM`z zpc2e|uRykL{MR)Z%u}|~3^iOPEBX~NOsRzcLM8ZAK^zu=31O%9A5mL}(rtW6IO)=V zd^CU|MSwwT-OUqqZ?}@<&3zV#VulVI6?0_2%!3*$nBWP0Zvd79;bn+Q`j333U!Z*K zV##334e7N018kV)(Kau$aJg|q(a*A1d{BsEH4f#ECm8zXiJOFm>Z;zK5n#hOruZ$X z0fHa+=;R$fs~fR2UFoiY3HHC&%0&xCu*A~C!ALX%#KM4=2eLJqgZwcEKmss^)F@fG zhu=?NaYKPnvo>iBd*w{<(PDTo2i)dD%x}pV$eYD^!+GRDf%9O-km3C#{kS+1jm_|x zx({YSq)Bb8zq-Cg+|BnVl#=KExHPQ(d9|NtiFnpPGgm=)Hn9h|IqT|9yWpMi& zG}90Xi`?Uwi(nujAR_R)di;Ja2@1Cbi*UTgq$lV}PTdbENhf1?=j8hF^I|j)XL}zF zKKQ4IspKV1(1$@z@EM!o#j&3i{g{kt9wL&k3XV%)Oq+RXV>b`=pUlCXl148y6mZn2( z{C;b(3gV~NJ)lvheKCAfD0gw#uQVy#6)3HfP=69yr)p+uLESzf^gHUYKc0Tjwv{UZ zV|KPQy+Yku3gIzEe)~v%D%f8y()=Tz8C<<|3vAfWa|?eaUXg^&RS?NDo?iAr(N%ox z!qqQ}u_VY&0Or)B)1~s-=;gg9zw+xM{@8a zO}nrQ-13m0RX*5zmhj-v3cta@z;GM6G%01rAw15ZZvs3h z!7mu$30%gnazZ%kEbwY@n#dvH+_2-@IvE+iYEmdwNA)q58If=6 zj1yEua(LKBq)bq7xuwSQISzRp*c82d#*@M@!fy!n%Q4UXnFb>Z5vwH13e5?}q!`WC zHc9@mfG6mtwlb9*t-C35xbTOnk6CP?h(j^xa8@4QEkbk4E88p90T=p4QOCX15%Wne zM{zLk0vo1Vrb{p8*!iLkB({JPpFrXS!Tyr%Lcub|6Zd2lzsZz~{NW%F^;TvP_lr{; zA$mw{6YUeCZ=yEx#?~PS>Y%Q8D8NRb`vu+bFNL+a6mPDO8|+xOO%9)ePOg}qs?NIQ zcIa|opN0K^qW2LLJW7vlfv@?EC-bGuPftwjDvBiiIBv`VlFD{L)vXAeKVI&$^ioIuHAIr#u$$Q9 zV%oyyd>P$QiDbmL3qfww2rWmQ&q~DvdSR2is;|xkz8!rl z4q|rTCCJPZ854M(p;I}T+QClRi#McjxwInsJMh6Gv2+)`OcGr$H+NnE-##@OJ~pL$ zKld6-LDZzV#y#SDuxAwY9+{T9entZ3Rp3|^=Z7^Iyw{q2$dA@=Rxi5e8wo@ZX;r$c zty}&IdKOh&_&S~r*QCajL1kyEvum0~ZJ59X{MXN|GH-JDCSAi-Y2* zSl~$LU|3;BObiw4!}61mekF)IgOn;bZt?OZ;P&d8TTLYLx`uMOCjoOVp^S#bxmr~k z6An0}-^_@MGNX2~#>+iGwP-FH@SWNw!`;swi+F*WW*cRXmgf|F`)_}uSz)8#Y(5H=G zUgcO{{U{a6!act_L18WUA$$?_(W@uh6lZf(6NQutx&1=MlPpkiuBkT`PENjW*Zjq8 zed-1*`Dttd&+Qsf3!SSBhWTFxfczz?KR5P2PtnJ%RDJMK!~VjrR{m3jsP>C2<(Pm) zl07cYM;6`M@Me$3x9t?Dd)uA)jxj_su{Hq&(dyc8VY46A*ufNX&q5C9UnG^_a(gp> zQO;dqEQE&yb4!yLY2AB`9`nh;?$>g$JZuh`qYwh;q}xIE1!MtQ4tlA;3B)s`{R>9x zI5@}{^Dht@MTVq2{tfJ&`ZXRI(4j-m6gr87soBUlbX67M4oY7W88tr-3m9NR5fc@{ z1E}(hY>%7R=GbtEp8`1=7usbP+d`s8DZ;2gR8$H<2>b+6h~*~Vg8!zejXlS!*cs+z z&A#7HeVi&!LEIq*VUyt}ZL-me)WG?$$V$u8PABLOjj6fT^E}jlISpVPvI=PJ+<0rL3x`13y7Gg$8a+XvLRBNlyz-_m^(0n3&MV>*Khm%|v32-ax{jPO!LkxRF?Q zWK`0$+I4oMA}r*fYFGRS!B6K{^2(lSIYqHsByj8PwhV%EZJ3;#0tuB+2?bQ6g)n8r?+aDVxY`w|A$*&A0U` z+B%E`ow+3sp^Z4A5B*lam|($$g4u5hmQK0Z51It#r337}5rrSv+8_H!ao3_CbUa=; zRMAbcU?`nc-m)#v5OPfE<)NIo74Ptv?T_nwhFOz9+zj|`DQA1Lj*HK<^kfJzp%F4> z&E5WxF1jg{U>KZ23Lh3jXkCk82!BDFqZpn4=AG+*S#bPM;Dj zH|E6^+xNp6fQLT=9?&a)aB#ESu!dPoEMWcPtBdv<;jOG6e?l-RtU=g97u&0IfJ9e5 zbl$lr$(@>Qnf(C3Igtr$70Tv;WZj&zep(| z@7uHX-4f<^WrR^gkZW>uVQ2?T&P#eHS?YO{9Kr~2Qbr12=9oohXTn?vX5%!9s9aIz zQyv_I6WrX7wvv_b4=-+e|00g?IX0NRQRk7kDI@_6l=V0mjQPl@l9P8N#lE9KFowZk zSQx>#4m)L~?BbYgULJcz{vTa`oa?un?nB@dlKEGsPdw*97Jy8P*Ur>IM!F;7p%HD( zeFC%b)_(}~{TV6hQJ&n5pfOt@*|M@1AB6o4J5 zv3u2-K+3nK6=?%V>guUqRkEVs#0sjC^&9h8f*N=kp%EiZaHR_G5{8-ue2X!oNnB*g z=Z9zP=O2|(6ZDZfD3D66k&&z*1}Y5-*|4pyGE*Ue?g80aH>OIo%1*x;Ls#i{o9w($ zYd9JzBzK8!l|*-6QIF9mn4Gou8H5M$Nd`lXm5hK}h1Dt;f}P$?iyoantT>C8eEG3? zA^k>_k{?lM>iE%dvje=jzX-Pe$L^IC8Zb|A`NDCcefszV(cCu?NCqp?CB8+y+Z)8%p2!%>Z8 zH{P9Tq&pXVN}7&2_DlJE_R|p2dFDunkuQc(glTb@vK1In5d}t9QJ`n!Qm9_-yI-wu z&q?_9SVyU|ZP{G;Pv*?GEAhUin>nhpv)ZVK3HU*pg zJzNA^LyXFQ20p?ooM^M^Wv>`N>11sqxVrz9!ok?#>c#03XKn9YvM8aR*`?XV zDE#;?{f(=sHOh4Ic}sV5&Bn7=eEo9nMYG0p&@w3}clXFnozd)MGoT{kJF{=iSW*R3 zQGQyDGl?uZ!gRLnWsU5gOVcM#z8y4er+(DBnjK+OZZVJ{*Rzt7n3xCzVWd>vL&iS+ zwmxf}>b|FrZ%feHQ@UoZxjjrZ<`=h>$$vCFFD%sfh%0FuFY8dtD`tXnFCoJqkU35ZheNG0C>>y?1k8V~Xu|+Ey;P74x;*pQCjxf1MAS|0|s9 zbZdwpPHp?(T=UAKDmq%;@?d;XmA$-c)cSko~Q0>nO21Jc|6A z4%V%0X6GONG4@L=##uZiMaHwWvP-D#rL1}&x&-FXdI|t^6EpJ-UHComc-}e?Pyw0< zLNA6*n<_5ysYg3-SXx>(+MW>>9}{*G>oH;LOz-96FS2GotR{T3mX|jUeLzhe-Koi% z5C2MhSRHt???_MBKFY98J|i}P)fR1O^FKbUdM7V!r^xr{8g234MaL>+Yd}w-`pk+U zj+s#2z1vXOX{_DUEOj%X=@W2N&mpBos*@+?5uq(e7a>J+Bc5NN&_#GVotC!lQQp3M zB|0aygYClJuhU-a`pmw_y}DyCE^goJ%V{h}dJMF-5;yjKj2KVlmghk`mbbUJUaA?4s4IJ=gMb~W_AekMZ^R>WbpOvf`^cH`B}WML^DX13fFlDd%#LFf#}O7pLV*96{7 zEZ9n2lppk!p7nIjhYg;H+HeK?!oMn#SZU^$juL+t^iEw<)6dfnJKpG1009y@dUl|r zy3UAA)BWfY3`!u-^l!dw-u9Dt+C<4grJh@Cl2}UWyDQ2RYxRP}p8j$D=-}-s2|J8?FJ379whJJ2-HhgKUvS|*s2;OVI^b&3@vX9X zEqi(2zjy0gkqo%d+#O-%QdaN|{pjz4E}~{cZi656Hq(XS;zdPea9e2|Wa+|G>o4@> zsB37rm+LNU&z4HNHU99#<1hoQUJ;il?|mQAL_bDU*Th=qm~t{vgv|l2KKyI{e9&P% zrUC184W^vZ$`e#=d9=;+EF(a2yM$xD5bvk$?RWjlyf;QX9-_=a~*Js+bQ-P|W%(89e z7g;zeBr007qU%kIRW5yiqK~NM$86?yNxP3oq2XI# z(rW3Xr|K1^JI~mha7^!v_)hAKFanTQfP!xSsve|-7wP2 z8zH=UmMY)*;5i}G!{h4!j#&w>y1L~~g}F0Z?E``3a> zbZl&?-CZLg*w}pJF1a+OcIosfx4LdCW4o(yA8J)@CiQTT#Hwxhdac_T>zWHlgqZU_ zB0Bs}j&XuxyH$|p)}6~s)_>-yPN4)q;tWQ9bDHD{?%lipp?PZ5oRWz0jq+wO3+Pf_pdy!TINw>o7mYsZuqi(lo_vDFWZCa*>jJt1(|EZyL@i*Bp#?diXU+`EsygQ);%~=6$EA>+Ce*6N~QDJ(eb1+gVADRuj~01kcltaT-#xG_n_tX$r9lW#2Wt zeC7DBi`$5&a$JUmgbwA|&50%~+ixf%OkfN4iV;f~D({Q_2@fKK)NeLS4)%#=;Ef`whi!7|Y@P2caoPveP<8H4n5>^_C| z>FJpEF&^!JzG*{YG~K@s_`)wLEc^<-gh~8I$^^!w9-`&g*~rKU-9eRhttEG!N-_6T zLpM^F>N`KE26@>BpVUIaIG{OqhCe2ED?Klvc!|UpA=MTC`B+KMvx?a-myPHJ8=Izf z9SCUMPTYOHbkOZcj}xJKvMSiNYBu~dQ)NxXgTxC0CuWEC6`u6=7o-hSqI;E8EH@mr zCxUO_(m~cvwjDMhe_ibLsp^_4U`93JT||U})+b2hkAyzl;J39(s^N($ zvO3y&-aj?wNNw9O5d&v2dpkmkqhOP5!uUXs*K_qMk0p|6uw&MFuch!c6HgA_>qBP7 z#+MA7BSfgBY`;_c-rvG37J6xCOZ>S?8gxG8r4~Fmb8BNuzczp51p~emyw# z)V_WDj@#N2JkWx@c=3131VmHyXQ!vmc&QvcI)Hl?J^!z^sYfKL=LEuU&Vz}CmdfC{ ztO14U<=5KRRi_J!clewblr=EEvGp~2nblTug97744#(=6pXFs<7)ZxtT7tDOLa?B`+igSmJQev41DLi+GyF9`2y@d9z z?5@Y1odwm^!%fHR>{e!H{S{6|Imlo5_vh=vzIbg~LQwbZTCY`nZ0xfdO`1H5;!&>K zvEzNmmlq4iT%`Gru0@khm4uYvd2y~%<)@WLni}GO?S+{b-ydfT~C|9k# zA)z{n8zwA-jpc2dA}S*0lq^?#dnX+s%jKu>=Sq=lFdD-$70%KUv7M`s59yeOY2|st z&ZIu+0uI~h11+uqasE7o8v&ZawGNLoiykecXE4+`H_sZw7j`#!QqT0*>x2Ol$&h0| z(n*>pt5!~4-9&G3*T&pdZ`1r{LMBz3@{Q7T!U^|7Osf0KS$my{Hp*6q6R>Eo@_-!ozZ$ z5#q-fS|Z<1RKov@-;nH^<$+9vPlzoK1HZgOThMy&A4p~ip1phbN=Qg3D7=`M*g^b- zh)FL^A|94C!DH|{qGRS5gd#R#5Y`Sw=p`;TZGFgkDZ+|hk-zVa<~5ouszS9i{uki^ zq7O&rPK$;HPFHM%oV#S~`krsE3-lZkNa{v|#0#6RxJ!gx8l^Xp=gWFhd)xS3>hggb z%h{8y>nvmQO+%F@4ylnK;`{coW&l1P*O)t$(eEzzl0Sl@aka|fvS?+!XZct(`_=-Z zAJpH^H^i#S&=|2Lmy!lfM&xoYh}_ur@3wz}^ZT}Ys>XbM(ekFc%0{(&s7(}%%eOjJ z5CofMcM7d8>&Jrfrf*3IX*gS9_A zNlrdVxBvsF!^W@S@*_@ljh;8-5v72sh;SsMP>lZIGe-9wyS)xRC+NxA`(C5ItNXTN-eN%xs~YrId@L%7EM+B zpF7u*tcB8#TXxSbsR_{i-i^p~CPMKS;sTUd%g!sd{;C$7bvqL3?pGD2@ zI*qWW?C4CVAf`|4a(J%(yte4{?c?FDw9qRtSNS}?Nis0?5fHHCX*9`L)?kjMNYuad zerK|TQrtGQQxlDC9gR^OXifoX|4Jn=Y?&! zuPv;)eU*FXo_--@tF-Da^49kYKTp*TGP?9H#plPZRZlGV=Q&H}$w|m%dDE>**KC{X zw_ZJio+L%Hf4{pn(WujtG==4~E3yw$2xW{l@o5P*28Z7;)gdM7t34NUJXITeK)_P> zRk=%~2{oe&dzDPScjHVZLDBh)2s0_Mu8X`LMG|`UY3R~lwOtfp$-+kG{%$j;aF98w z?WLa49%@|k>h+$bAH8La8Oy5-gi+}zkv%fCYFU=XNU7Rm@j#(6pVy9y>qGIZ@^MCb zid>Q=ZzPwrjBW>C`YqIA>_fNL3UM*fun@KVyJGo_WDAU>+g791WDSaIwMn1iIua6V zE7BeO#6vFF-C`hAhaRY@#Z9pgiTXn>-V;0Mwz%DR6C&F;v5fX5B=)xt1dJ{C)^Y8K z*Q)rtpXSrWEqaxnzAL;F|(w44f?V!{&W|XsM zt@06LoHx8wlyBP{9>&2Q$SuSrEGH4H@Q|T~wU5xG=;S%(ph2I{%_~ZkG4$&vLFBsZ zvDBTC)voZWP+`+D^gBRJsd`=P?j2dzVR922t^wRe+;D@lIImHVRC;bag7)#p-EUvj zYs{Qz$no+Xb&PmDxpKTmID({4rwW5U%?`sgLE#|E9dCyU`kDmI`q|3*K38Xk=YbwMZ zn8RI!u?Vojmk&cj`--gewJQ3Da(5(Noas_nQWLi*5RUoBGh99;ZBuT<9DkS_`Rv`< zY5tbUg3^VVYsuZxU7-A#yEq7;#x1;zBpNoq(xXAA>l&_08}kUr-H0hy*M9!;%kQ`q z&Ua!OUb2_1{rhU4@CTHI0Ch|Fs8qp1VdB zP;a`Gdql`@mZbUO=V?uP3WI-nL1oMY4iKXpt(hj{Ut<-W<+7ir{StHLOU7T7@h;Ib z^lNW@Z_2{JkW{}O+^U}Qw70i*iF&}>7LGP>E$YlQ8Sg#&s=5F+LZdI}sltR}a)ri1 zj(?H&ldch0qo33mm#2HHa;#s9S%8s;f%o~xLrjT#&iVyio90?R>~+8-L)OIYbp5CL zGRFu~+o6nr^BSubt^c|X(D$u}QeHCRj~9;+yxuK;KH65|P{{XtlZIqlT?>mbi0CJN ze1B&3?e(XJFb;ajQgBv2^OTHrpX7x&Zx#mkGLCqyg4H_?FOeWziHNvswxQDWvMlG6 zn79w2dX@46_15Dichi(w`i$4x^7$Zw%|x_$6!+rG zf`>!RpH>gc%=aiDmX}*$@uYP|>$tX|AvY*j(}rAO2dfPBKq8wuAxUoTY6Y#;FG0WW z-2Ue0Uw*ptCSUg3N6nCs5Imk**XJ->k%6%pd>UkZsObHUNTk)|(hx3}@-mxW%>Uul z;o;myP3UJ)0GROLH4{mJhZ}PT+~iKeS_vV}^F1wTF~Oufc}aPkF9Qs4uP^{Pq%^Z96=V^NU{>Jsg`vM|-YpUnFQ=QTmfID*9e38GWZ!x)k~O z^B@q{{ei7zAZY4`TK&a|*5En`xpO-M))&nubnDMd!U4@Z)0Fc79Xk0xuW zE*Md`wDg$D@;FJY)wb;u`{B$-qVLyPBRwLw%%Qy*G=Qi@**)=p)BpZ9z+@*ZoS$UN=SQC>Jf>P+dF{r=zua!r65E^Kta3WnWH$H^!Z}femOD0(Wn-1jk(r`f!7Wu@nnl!uMVpyml zH$2|t+uh$^e=vd+jBhkKIaxZ=E7coDL3I%%KJA0npEGlFX-P@Eo|*cv$PPJl=umU2 ztbu#oxI;%&=d_@ZP;}E-MVtO}JNZ|2BU>cCB?w0(yegTc4@v-Vxez({?p=cf}3w^;C4sDF`FmuYhM^pTbC=JlO+$7Q&X=$<97enIOk{osQO`PnXL6@K zm3%~Y;_Ds#0MhQ=4`GJ4eR~>g)?x7TL~YiWfm;0>c|G`pdZsR&^Uy;hFMd@$IJB18 zt);zpMrmO84=-4~3H0MPWYQTwa*`2dW6Y{d^)DK-u6F9ylWe__mGuDLsb|lA(t6OO zU6b4Wl)q~z;vR5cl)a-1zIe)Lg4gyS|9qT`>#nuXP*b{0UG%u!?ks^behi+yvwfM< zfio4NxaKdY*izO7seT|psRACE-M!D`T zOErST(b#GKX4j_x8O%<&ZAeFMr_agBL36ahWbPHnLesqj6n7a+^Vb&KzaI#H0J32? z3NaX~eZezF?4nWH?ZI_6PjfJ^GOniJR-0NUzP+BTVz|IaHSoLW5 zMi*%PR#z1j6`6F8_HY_38F{J&8upgA!3g{qj3s5#q5r>$9u+hx>(vPe3X<)_TwPt` ze^c*d=@kh)SrENb;lVgu5P-GfCi>LOX&-m?_5GYNHl1c}Zf+Ea@uNzoFGmA;^%mn* zzWDolnRQJRGbbeh6sC}e9?Lp3G(>wj2j2->g)p+U^^nh`P|X`shB+OI?JQYW@N>5J zv1;*Pf!v33Bg;t;BI7TU7XZfGAfqe!A^`Q_D-Q>{dV5#B4@$aoClp>6WE(rYEJ2~EbCNpUf;xNFz$D4exRp^>Vm50`TKOe#InhhBiw zeHrGHaWjf)B)476l{nOX8DkakCdD@>`DNXux{Z!{Y36qFBCkHWz?Qf`5UjRy{;o~csIR&ji?mq_G?N7fEaCZPQttJT@n zh2H9W(#O^lFB7cO{NZauEue*KZOSKC!8oI?lk>Q}nfIpo;Hd(>4_0{&95aBdtFd#S zMywGeEr&^=OLOe;Vkyl$viJq=X&Jm zb}nud%mpU!tUUB`R*9)rz3=^LMuQ>#GR_m^pJ_DS={B4AClq=PYfvy$X<>!?#it}H zTUKKXi`=2CNXaIj;-lKyiDvh72bbXmtixz%AuwMLviSR#nPrJu9y7Y`ZDj>p6e4T% zS$HDkr@P@Tm(gUrnTB4uN_In&ij1qw{LO3p~^GTM#c6B zz7FItihuy%nOoK+QI4?}t+|*r(SQpOkKght6w1GYTJ0nYULQFBt;~+>tw<3DtbSqr zr^q@Y{W{VN{F^e2>@9*0d9d7SYHE;>*UIgHBmg)zz)So%I|~xb+{$D(wDa~G%VtKh z%O`vJ-0w12JRKBj{}C8=;wMB#Nx%2^^z=|sQNe=|#lSxdod5=Ii^$a3`GM?!SMOo% zE_YJ-0zE;f1va1Aeet_PNXT!%HZwCbXgq#CI5^lm8VczC=~L~6EwI;`g83(yS2`9h zvrdex@x*mquQvm+Qwyv>=)8OS=^Qy4U86`rAQ=jGvCWH9We`p9ZyDX0A^Xpdzt z*>)G%+6{}#@n{EuOPqsJ`di;{@;_gBb6Uv8&j9LiP(ooMj*WI)}iH0Y@*->QAFpSx&LW<@sd$A{~`Da{Wjd;(&MvfIj=H*bcP;+XS~ zy^?>Qd@BQoPEITEJLN1Z%tQ)E`_?;MWNm6*jK%QK83&0pOcPoldUH6mv7$WIC}JGtKCC*CZk{K*Z1$xKTW*W8r{k( zuxAf$xmmCq*is%COT*$$p`oGi0?F)T9ZQ9$-ufyzs7SqYW9qs&bN`Apy=xQ=QMQLk zl%b*ReO~w*-`8oR1hlM@n|e%KGC#M%n{=|tZwLCCQCX4m5BD*#-MjA~X;`@X%A?}$ z-FxfvJp%)~<=jTl^iK=pKWNXsfB&AJzo)>&Rbk#AA0E>=U?6)?S((7l8@CV7Qjo*p zmoAMIU#~O7(JL_7kBKs4sZ77D^+NukTl*VzdDbeTwpo7lgH55MM0 zBU7lJx83T3k^GUZd2xYLyuqx2sp?aDNDhWvYUNIH2ue$T!Rn+T@c9 zhYsKK;UuK0ogajRGcU-o?P1y4&KYDRc^_7!WN9SwGmN|e19a5DVAp=1Jp?mc)1W-t zDyR>`kte@@teps6C;(nyGf;EgQ6pXX%s|{1}1S+)7h8z9Kgvn--%T*lVWE2R_Md9d2jwc zZ7*GJvuj2YY1hbJ{5PdXH{)IaF`z>(ZZ?8)nrWWe-Ltlm350-l!FUsl+1u@ ziT49!ImoJtIN48)ceuzItEoaer@a*|)!@gDB?Y~Ek^c$8W%kdgk7#glrCiT3ek3l{ zb(ooQbm)3v6ImRaKH(7Oi|Gw3DLUc4#O1dm5H~VIrgEm{gRqXd)cJ4EG zeLbls7+QFJ;tqdV&xf6tnrcniG@FyIuH=-=u3D|oFgrPs!JR5nz1!#_cE1WnA+2iw z<-wN+v!xNmTpZ-Ggr^DnAh_+7whJCO@C#RUU6HH+3ko9GjuJ5ppDtR^A{skqQ<@o$)sU`HI=4i13B40UktPVHbnCg3g6ZTRg z9w%kF3jFQsNx)*k(=ckw{FCn_o@I}NQfvY&m(b6>B zF0cGQ2Eas*_Ob)y*TXAVG>Ehm6ON%z3+}V9@v;wys>C!1JRRkM{~Rv5pRo0=&m0_b ztkQnl@9t7Ect*z~4{mVG{PB@99JqUP0X*~tY z_`rxba|p+^B|Yf;&yU9dxMwe3Y~Ul~{wuY+3g&0Qm-g~oWN-KndfpV>bqE{H8+xBU zeG@db!YevAa7R)^q~sMXp_uRsmsN>k6f&{7sV#zsc%-_3biujsK869XI3wbA_wMMXrQ|8u*@rj=)mMg4gn<468Lb2M(3P`CiBPAP#T!;BGK zSEW@@|3MJwb`PgpCS6}{x|)an;>C+~D(trnF$KdH1Dht)Ax7FuQl~@~Z_67O69fBc zD?mVBULt;AsmS0Eey0r+JgWk;&JF?G!FZ4=jT#boxuCNc6ro$ zBj|JTyfArWF%qB(a(7Gxa9@YPTndl z25QPnpN(eb)m?V%jhwk};upAKUQWJ&L;%L?ciGB0WWh z7y#&iZg&WYmG$krcez6@TJc=wHZ~%!*tTthm!4|ni{|EL$z%2UA}u&=m6eq?<=?)2 zOSpQq(SLay%c*?u;Ck={U`JRL`Lk0yNu)Q6i_fad@G6Y|L&6#ieFJ><0?(fZ@Mryp zS<{$oN&ouwYh`6+OdmR>M#`AA9=U|-57q|3=g&8Iyz;?;K$)d<+py?43-Z9Gi~aUe z$^f$L?CgLF;ohq-yP1;m;nSzeAr}W(xRg>d|Vjx;b`uhw`4mbAn*-PP*yVcp8J$n{~G9vVDl@LWm#g`Kk z&8Sh40E1*hqLOJ?bkf?Q+~Ry-;O}Wb8n_yfz!bk&0z-*g{>r8>&==+g z2$6Vvh>~#cv5&*R5Kb;Gkr=)%vfJLK&6_1rCc`iIWz`HE=SCw2@|}@6kf)8reF5kq z%hiW}i?Qnk1^qy;hn(YM`fg`j(Rey?>H4tz26O|&jIQfDvT7#|7MU`N!%CU7p<+Weaz#I74^z?K`$4O|xk*d)%Fd*uRNJ?UE z%sCts-_A`jJ{B87R-n%2FOU z8K-Idb!`o**=xQo7HeOc zJRvvOJSH2sxrt~RLms$Qa|lHh3dH1R;J>p+-2}eODE3cI9#GqPabP>3J6l( z!ArrIo$lDNEDr{tN5JlJ+m-5`f ztz>3qI!V%p+mv6#FdV6_|EfHbJW?f3B#@pxeVXWBeg%fxw;{99jf7I&yx1&Z?ccP7 z9R1s&t=l*C-X7mm?nc7ZylIm_#3m)#jMP+i90N@Y4SH0RD-cu?VbW8u-h}Fqf(Lmr zJb9IsZIude%_IFI19%-B9jIUO)g>h*A&q76-Li9Mob&?(UL<(`o%bUgUtMA*5~LPTDmgWE48vaPY{ZwNu3R~m>2|?(=M&J)6Dk$JYsIbZ z@yN@MHOU(nn=Se(p}cc_(a~|);U*w7fVsA2 zobr;=)4SJNvLdmp`^C&U zbr~kdxE}$v2?;nStM}ExY4q6#0N-WnWHYDuu8ce$RtWXF)FSWY=Rf{wLr0WbhzbLV&RF`6r3~l2ghCKg~oAbm+_|Jij z!h*XKRz$YYGk?}19(vs109Jgwy&0I8&SS$#cZKt4pGY&8IDPC;Pc>uYBZpA!y35fu z%K;MrwDMUYIQgh%m4zz;xKS z=(Ig>=j%^yWP>A9bay@2(_0q0qIQaFFg~~7QO8D=70dxi#-b3&q#i1W( zXSJT!uKR;o>GifH`!UAGqHG344N3Z&{wD&`E`!;3?+T@!!n6DZ&0%crQ>nOeyQyVw ze1bxQk(Gr7VU~HFX25F*iuhh3+4S)?H+kK5j0yc&elxZu%};9n)e_ zb_SK64Tjv`#%3JpLDT60?i16;7@i9#v;g4MX;wJ%+RM-HIL3D%^rBio*-?X31Jks! z=E{SJDYZ%)2tG&Mn$PYYDdZ%T#1UZIlEU*ZWOmVax`qlf&PAM{^RJ%1a6G)1Cv~* z>*?vjF}a3Cc|sy$Vjscd4>v!ktsU`@M;$w)Qi_V-5!etOnhc9FAs9gUjB*m$A`m>>t-oLzK~vbk(S>~O@*h_8%X3< z-|NIlKk-Jz360Xz?(QJmKR60Y3k!|#C4zVqCw>Fj%9AJL7DXm@F$`yc<@Qm1ecyn9 zYcVkyz#ehCppZs4246fQnM_K)W9;VUhIzK{zfRQtUOMrQOUho=*?AU~#|V7>N-<{S z=hTEYHy!B4f1rN>YxpuxEes3r@bI8cMn4A} zC$7fEu5E0DLV{6w;^CR{MUZU(9gbrH30?!=Tl<)vHJTTP6Or7;r&j{;C4c{IbHPx)nK`Z6G{ zg3u*|>j|oKkAnd?Z20c@LEe2R^lylp+ai+LKY#udm@9zbL7@U@Yz4m_Nd<~mJS8g= zlU2Bb{rvT7V}57`D8^U`W(+DUEEr@d10sC=??OsyDjay?2Zetqxnjwc(l{qy^8#Y=@}wsA45@tv;t?DmhAYB zG6zk`dVcWB_5p`CkzGmtBi0TgUKlZX*)~PA%26D)L_h}l}J7{F^56hnBcPcR!VypYxnYpn!Ts80|(EG^c ze0xYtWXG*LwZ>hhAN;{D2aKW!Di(#{t%K*szCCUhKaFx5A0LZaA4z*zEyw8T2Olc+ zG1dKjn=rdrmEJnlkBhf9etIM#F~=C+fR&Ro9eMWk>r{mDz;0N;Bh`|7dD_{zsi}!l z6-{bDblA2+PdbM{Ji4uxrFihh|Fi)9(Ur_7-_^BwWcT7ec{ekIXWt2=*YK8N6&k}Z z$%gn0o7IiQQN8MPT&gJi8gS}RxuIwbgrznNS9k1SW0M8SftQiZK(RRBJPm^OQipe_ zMkK1bI0LOO1S)p zNHRyXc}N+e?>o}pgphdmkm&s)52x}f3Si6q2cpoxN8%Zwl9AQ*Qi;Zih-eDej*tuA z2jw;XKj#+T%r|lW_jS~hg8%>PWd7gl)W;yl+`@;$kkg-Nl}CL#0((;R?g5UI!%#Zx z_}?4O+*gm5mJk+pU9^zhi*zTmi6McWjM6MH==@`d8d5)8L zLsstQevP+I`hZHnwLemT{KQ(<)NUWzW4`Q8ZwHYs!Bl{n4p zPqwLp=yXY(0+meO52VFS|G_Tlo{zAEfdP2AOZQoSzkIqr=n>1(QMnh`_8)xqYZ^Bw zH!q8SPlvf_1y2tY}&OEKjhLoFi`m_YA#5P z^nTT5rT&>@zJ&bRU-qoC8j;OY=7&)HxwTeY4kIy$Yam^)qL)10#Ky^qnz3i`3bh(C z4bXmCe%G9gPrhV|^DZ}kH4av&)h=}PeRq@H~qi@5$&hWd2=)kwJ8fsO;=BJa8HWAd$A z%BaW-&uE(F&h&_?jg6GM0H4gnvp_|F-|ruYL|L3&&$I!@`>yNH9OLklj_=hH#6JYE zKGNl8Ru9mSB6C~}-l@DV=bGK0UY8V4o7ipmI#I-Mzdk#Ia)^CgH|WF#9(C<| zm%}bi*NsKI*YXJM4eNjKT4XsaUHh#DEnfSdZRjslr8*bGq&t*v@S~^VlHi=9S9fQD zduaCq9m<;rZArU;lws5P3(23{UKLKEX5lqiL2+8T;qKE#6W?lOg*@*}E$}KV%&h9+ zyW*6E4l@za%BNqbzKPuQVJ`m0ErqSuo?M}qIS7O=qm@MF@%>u|0CS-53Oeg2xMvR_ zw#gICD>QN57>a}&K4ldp0mj!UI8*CgC)|d<9!kr)St=4i8RbFM)xslOVAPlWgD(a` zJ`12)rV5WQ@%EEfdOw4MiOH4@DKhI^_Z~0-g5vdVC*t!R%%%i|SkG+(m>UH>1&@M4 z0B{I@Q8rET9O5r)YZ~-GpdZ_0Wn?G;45stj5x|Qd9-cQqXPB9pp=8LZ`;CzqsPRsr z0Pynqj6C{N*~zKt%omBg-xXt1?nwx?#Q44 z6}Y~(77K}7ObqsiDe^JXhNrB&Tv!z@6MEoTyLRtBVQnqEY$KKmdS-oo=p@+N`m>)= z4Y2H1X~9JY1W3Yi?r+2^4>-fDp1gL@`PhB?c1m~c1O)v#7~&qP%FT5|f#bh)m>$Du z&Y|2wxnCu|8?_AVsLiabte(_QVn7iD|BjH3pxj4i*GH%Wd{$oXC!Y58k!9)V;6+;= zS^0d@*K?UTJ0{r zwK=uVc>6uBN=`k=ID28`bJw%;?ng~|V;r&0_)r4N?Ax~0;f+y<%FD~k%CZqI840nm zanWk50QB0S&Go`w~X* z0Tlwz{7iK6DEpi1G~Yi_?wsOvgyRL8K>>D<#eGn50W+m|g8~h?U={{3Eo*Mwx)tB( zX|)&uf8Ay*Fv72ao?hv&C&n;mmX^9>FfHJa$?QUZ%=vRasl^F7Rj!cDUct4sHGy{I zPc}#;%jJVx|AH$DD1Gc9PafC&-m~oZIfnGA!^e{Co_u>v@_Q0~C#m^6TXzRw6tSP1!v1Lx{J>K>8&u&Myg(6U85!P@7u&# z4Rv)y?($TQ8Q`$YI~6~xy*4~|r3|r9fMu&Am|RUDe{f}~PsMyyGWD@MZayA=^=gvV z5fGdBp8VVVp-4p5%>B2w=PDGYVP}60l4o{kYtQ2-YHL4**p&#I`vJ*I2so$YS!>MS zLSm(PA=Aw-a&T##&F{r00?hrbTerBFx!56ip`fD0Xt%%6F~Y`E34EuAhZq6FbQf8! z(sbQ|rU|`=(5isx!ib$Qc|6eta=RawOT4CRg_xwILb^UPl#K?VKQ(AR^0QuZDA8t% z1cNl8F{?{Ognat@_+`s&@kZsEoZ&Ho*JINCytwkxntx-61v~XK-vT@Jzy#UHSdG695}M( zmXiI8)G%y{%!)L@z z^My(hro!OJk7dNj*t0t!um-J(_(ew?HYPV8;|Npm$jJDh8ckNi0oBxul)YwtB{w~+&Fob4rZR}b%QBiRDwk|fKMWszkYqRwA%a?Wz z)aegUA|iA_bY34n4QeMSX#W#$Xh;Tndm+r+TQH7k0$a9jy`E+FLZ|N69CjMGElqlO z`+zkj&lDgq-S#*5ql=&0>By5BP)lF{`!Z~)NTu&(55K4uIS>Zey@AK+prCMz9oB8nf`eSvI*1`Es@u>+V{OXn+zv^mEmZ2!I7 z3EP%HR-(eLm23O@L4?tbju_1GipB| zAe;(kb`mXs3&@gOU~S8F+(GYImtGcvjD&vCb6E-#z>Z*&2-2C@5oS@43uLW1avJcC zjuSd5iul#Igs~>KA+ZJ6S=@l#7K|xk6Rb5_+11rP$RB{OxlJ~$17j;-FizL6M?_zn z8+f?-OcXk>6F?|h7eAVLDKA!TBfOqRGjXN~covO*c`Tvu&t$uurHuWXQtmB*n+Us} z>G5`-nOlNoL+{RnVlnHN)Bu0p1iF@#RD}h@>@15Pw_ozbyaQEN!e+uIhn2z&Y;_=% zxdYd*ikzGu8Hxu&gEgYMe|2^kq5eqq?Gh;j1!2pO!W`MEda}ef_^(+dhT%lru+g5o}%7W|1b6B z>ELI903>{f$2EVJ ze*OHZy8~?qRyZu+I#IZ|ZrElNf;_P)7<7^WTjB{EVk{Y8ss-0eo)Ll%;=O)t4aOW< zde=!b-!wuPk0CEu&T_gZ80xq0)UzA7VnG(_^mKhnzjyB*O7bttl0lp0*+2#|(bK!E zRB2K(+vJ45OF`20{_5U%^dlX#d~)v8EMvTucu{+#WJhk;{IQ4E)%V$o%i54cJ6`91 zTfJQHVI@6YI=BT`6~Hw+_W{u(qzK?)!SNjAlnEh>{E$%Ub<`yx-Ld5MhzgEK96d6^ zUT)#OQQ*J%r6JcV8GO9pA1N>S{OmFh2(S-EYh~mSZMG&ti^r~{-KL8!SwGDD#-V>> z@cc7ZDSr0AO=p-K8fpHOGyW=D|5p<*_14&YV*14SJ4$l>o}8(2GB9(MNL(N_ujx+23an*XOizYSEXX;UXU`p|U(HC2#jn|c7rt5>wqOodiw|0J=TQ9xW z@%nF(Gk^6<>fUO$$b0^s3JjPw&wcUxTR?$yHf0v>`ue>w+eFE&tiW|WrypSEh-Ij1 z)|{vOF4DlMmJDmP)`=oRx{fBqt!wg~NK zq1ABgdw8?pTV6!XtKS&)P-#=QNSgTSePOV^Nr{}@i*C4{QLFr-}4h>!74yS|CGJDM~|ZFXzp`n zn%5)3x}9t=%odQTyVP3n<9nBAS#@4=s6U)Og!`41UyE7+Dr_%^dVVh9w!=(7OO?U7 zHBa)?Y%5Yx`zOtY#R9m}lolE?VbZ4R@g> z4##Yb;JG&V!L5+ZcGoq>8(Tc8OvQSH9IP)u8D;tT zPolHEsf3jvPvk-|5IlP^(p~swTpV-jxXvjkO6$@3{ibc_ZFuYR*dOVL)cQ=g4sy6! zMSVs#ggfJT%?9G+FbMvzZ(lHn1mhh8=7;l?z+r&VokJ+0utye*BYU2Fo2@UdlZReh z3wm)ppwSj_3F!Q&UfLQr@R8jR37R)^?2BY(^m9y|FHYjJqr0Arlyw^Z20{+0@DE^(3i`!VD9%oVC-mEJ>>KV1LR z#klB*h^BlH_P<&vlu$S(`-ASC{>?&8ab;$Q8}CLdrR5HtMxu@HPbH3xO=%flNyu6@qGBDOy}h|Oj1Ewh?^ zl*`GCM{e(0e{ov8uO27_iTI|}lm9Yhb`erNI``$bT2_$gvrl&$|B*TO=QFuM z(z4v9;7UaZ60>a~_u+|;X?sYfRYT9?tQkq}YnZqVR6i-nyW4RC4I!h#w}--{L`HTT z=ChQ)kgF8p_iXL!t$)-Fej!f^kL5TlqRIC)29tQIX=QRb znPpBt4>_fmm(0_W_{U=ClCVtfhwSsMdbGcS_9k}n(1@n%Q9Arsk)H3D=OC=~!~b+j zIU;`~lc-=4AZXn__>r9HlZ!PxdC+~T1JEjlz5l4mm_;4xi*(J>v`AJ|v=kVE+&`{$ zf>&#o;N|E%2Tt{CPxb-7hsgG5mhulg+3SJ^xMFt$q6ew>byL&)w}*e%B?)rg1)>ab zDT@<&;9mnOzx3HU5v*uVze0l)U&ItL?C;+LkDH!Ht`i(>;AAS66u5O|X3F&4vST6c zKacU6tNbo{k{gG2@QT*F9JPJM>zJN(%fe?R;j-x4#bUxf_gPQ8$p4|~y5p&A|Nm`v zvUkVK&dk;@vbQ)mLS@T}jO?t85ZSxzEu_p+c2@RE$cjV}MalYo&hvf!`r~=(c|9uk zx$f)wT<^)b+?*yYSt@~#q&>Vk&Qx_9EKSS54vcHek3Turd=rK}wvQ`b_9cL7a<3BX zX5e|^x4|w50y+D@;H&)n(Nw!YLIMm89td&YHelGV{rVsQc+}moqCQ}vn2$zb-^5)p z;c@~`NeGHkIXDy-LWDr@*x%12eb?mn11kc8FjB+Qfbe!uTkb%y26(^35m@4jkn~us z&ns_oUj_g)xSW_ni|)xj5T4&5whPvem+CgGINbIGXu!-1t1xy{cmf>C!~>Vq1u)&F z7>~ZAIXzE3w)h@-gfI4*W-3CWd%rc8Ar zfvz7D#DnhtdYR1;)+ZCdW_-FMyL#87yH&4hdCwncp<1}DD-1-aG{Tk+Ks?M6!p9pM zFe>EA7k57god*6qME7l0zp0SD0l1{VHeE%qw))Hyh zkr2+aCxQR={uD%RZv||tsawP?KYYdhpkA^x##b5!vj5TG4aLy)r@KQ=dJ79 zexb-O5-6L#XU7*Kv$9<_Y%9`?vI-S*|NJ1c9zh0v)d}E-SR@#QUy|`xzV(ZI%{9aB zNHOv!?N<$Xu`56K7lcp0b$+$6H_BY??>MFoiSp|f4JRfhUeY-()$^6j0a$e6k5EOP zlDsu*LT2UxV5auAwsqjefJuBJj33_KKd`j`xdN$`ZXlGHH2ShDXo*iPHn&ssS!rtY z`tn(1(f0|K8=-n@PJUBJ@~7nY<=I=T!q;B7$dd&!BDUo3p1gY^Cf0G#A2G@zK&QzP zkAzHdKUsaKSEL`yIY6(s@bfZ=%R5^>h)YN~^Jd-@`R^4s7>*PL8U<9y?1D_OvptpbdlJud7Q%cO3R{k4fx}xbxS7K)wW~dVdJ=u9V2q z<5=j9U#F!{J~wL{kmF}E{t9XP$x?b2VgGl`xmHE?QevHZc4B^P;!E3wf1w3t6~4{eauxL3N1xC&d>dy)3MS z!C!VYADn3RE!Vy8!Zs-(dF+?sZ5%7dGjEt!8yrpXo(+{ReH;Eh!SZ$Z!3e2R#M#KM zEJZ@x)46yNC)Fw2EyMw*;AMh6Zi;>a|7fqB*?xE}-uL^A!sFquD}M4HdmV$~-E9Bl zdpTQs?q9JuntDH;RdR5AqRo4qkZ^V*2e#?!+0s=HBirJyoveGm!HGm;-LGiWzn7pnH_UinojG%l+|wieB#Vb+I87p4 zmPiSG6j~V}&?kv0sLgwEr**pWsb19wF&??h-+CUQ^oxdf@m)Oe+cJyTg7==%93@)d z86Mx0pAb-E%2(tzkcre!TLsSpq+XKzsHnhY%>a|76ady70RNN?!XY>dJ`VF8$KS;< zd>At6*%vb;$U`dPZ=XTAYF^_5*a^6W?!3C~Gw%f>r33=H4rx%0j|c;mWHKd)hPgO3 z6`X`+pxgxY$KTK^zvK?Cz$maJBU8SvZcH!B7H|4%(CNwo4|Q%20TT472tUSnUd-S@ds&LxYt`R z)kM6uXrgGT?Y{j7&rJOTU)v&|by6zG^DT%Z$dM3}>X9tEqr~EMqm+&ET|St3B9(<@ zYu-UmD$e2lf*0^(=aFCe(sZ15He4FDtQz5jhCRI79tC`=GV(bCY^n&N`W zVD`H?2*&qIm#rQ3CDU4c^}@xh{R~rRky||GQIB88Zr?cP#&QOsl>HfE{`lk9UvKw6 zIfM61EK?`Rh&Kote)F!I6M-Th01=R^?NPL*o475xzVfq8@?YLKnq>Mdm0dW999q8) z;4`(VV!KPj_*kxg$k8C_^m!~J?Erfu55ASujP0vR`Br(ld{Z)@ybkI9j!%_8>x?cN z8&Jbes?N#Hb+DChu zl6v7!_m(o(JT9iD7dPINZI0H;7sB4o@mb5C7S6eaIJicPn>Vd&elI*IKHyH_^q@Az z|5T=bk1BfNAqQ>|DS_EFL#G7rf^V0$0ObU6mExa!fFg)J`0IB2TQIbv!VLAF*$J+= zI1dAi^OLfPYn}uCp?e!f)rwI|x1HR_azbD{VFNe7p5e0K6Km)*5 z7>5#q0KV1qlR-eLu;C}!-TvxBtQcgHHlHhrr`@-z++y5@&%l>-K-8rKUX~+ zC~adiWR9?Ix7DQ;H{7q8nmx?r%e3Kpp>M z@>+ppgf*vgG8NH%dvY?)N1u*T{~ezIQn?IJ7*Pl)^|MNnleK@nG&D2>;vR1iY`u_N z;cw&NA>JtpR2;>l!dvYG&{QE7ET8D=perj2N zx*D)BW$lP1H{OkY`ZjZ02U9B}_IlYO1XIi>L5dhNnbEP;>0@|?*8Zt$7?xGgEp;+J zjNQY)b#^MKIICpdb65@p=>E6wHO{g=cZSRhsKQ2kW!Z8>W|t%~bwcfrNWQGC;pFQ8 zR)jLoZJw?(O04tBgphn(;eV|7^WZ^Dfzc2(cS{_5QC~sN%BZAnO@F}7y`?>WL7}a0 z+E3E|?bj=KcU(y2E!E)i6!^m8K2=i`w#!+jO&8E)(qSg-a?U|3*Y^Z{QCy!P)t&=wyb>ne>pMo48kz9(2;gEiI|sj4E9~wp4zNlo1O1|9BcyknUsjR`3hTVGW4Md>9IpgD5>zi}}7?-U`0M5^pI{QD% z{boYsm@T82B+|7zB4SrN@uh`QR|4JZ^62xAd6!%1b=kha6-N{2r~%EF@O@9?ZgVS5 z0lMIC3rQCr&oJxhwUFU~U@hl!sM6=cX+oyEfUh+=j9SCF1k4d(2&^jr7dLJ&DU|^z z4S>u!v2ZZAkpW5i{{5#P`vPyS#OUpL9h+v1gci0H9O!Q0>!yizj#Yer?D%eNt}Xbl zKx7DsKn9lDT^1RUOcS%Y@ixfd-z#`sqhAzbl<&{7)09V8@N?Kgk`|a$O&VQqw~^{x zzwUkY84im8KNGSDa}FqBXYumjTLu|@=4X4rX|I<`ym;X6-r`D$ICMAjJb!iLk&`Kr z%4i6G*;~sPQ6(&$&L}c67L)T$lW2b*1#PznlL`;cySM+C{5X5~{W zOHTgSS?oVs@nt+&ue@w|m#cu^gGWLN{9WRZqf|P60QfuHlzBmd2s`P;bit3hjb>Hn zW*m*_?11#fQ$J0+>FNi!dO@FLJH~;aNIn{yG47=}-bVS{;|1CP@1DlZ5UI@e#ctl2 z&FU9-^tm~SZEGx4ND_&@bn=$o`cBOg*!^&f4qRT-yvg5o&)wTRuWa%j9u1K)&Q}`< zzcrA_Q;qfDy8}A+!^`h*DZK=OCP17{L1qRFS=MEDPDBUP7tt4TOzIpkpng5ws|nTx zmbS{=$HvhuSd(4kR&EJS1+ZZ_DnTcy}fe!a;J!0TCU25zIo4 zoHeWElR?&>XHb0g?om?DWf12 zv1Y)lH4$oeCUzwYFKZ~{YconwY02=xue;nl=)dQJv{B7Cy_#HMQmzV1SfXK4VXvo> z0;<>tP?}?)k^XmPcLGSYw+{g~cVN7NETmot@&H|Lb&WbG?Z88I3Qj}Ze}=e|iU-m) zNpps#(AJb^Kt|F|bIW%$jRH=ns5NE!cxCTJ(ML?+3y`` z1(FP^-a^U|_+RM-jl=yJZhUS=BU;q-pGhW%Yz;1Jf8h&>=okve8wwYA_jj>9uvOk; z9PlGSLU*c|v=;L+t@}4Er05BwiLveU^M95zQtl4W(`^Jmsxl~`&f(MsIVZU64~ted z1c0k&pd|#s4UjL3;6q%8Ts#1?L{4wT3Yb6Z@`_fICa%_2S(7zqP(|9ZtXI*GB9uM4 zQD5%HZ{%sS$}@$Xb4Nmk)F}h0uI-;@R?;uA&;TtBS{z)&fFG#eVJ+csF*uLfS#e|= z^Su_F9zzacf!1J+!U#+8#hKHW= zu;I1+Tl#(B(D7}@#Gfajok?cp0UnA80xTXMv|XB)j(zYzqpvvu*Mmp%l^=n090<2Fl05;x*WIry)kjJ= zP$h=Pad0P{M?@Wr46--Q7mvzL-MVqtfc%^yk1TdiF5`tPB6>?zxeN-kplZfb3s2$E zCP8kO-}RfXX57<@}=B&HX{t$_G2@SK-!1s>C58PnAD= zi-zzQ8K+RVX}9HE>uN6u$i60B{PVC@t2`r7zwhn42Xn4IfW3e`<98!aW@C1amElyl z%&%9a5cv%rhtya4DW8l;TSb=X3? zklA@UzJFjKEH6U$QD=UmQJ-KYcLuxUVoSz{d2?%VlpOU;S&N7P)JRpWyCS z=;5x=Ip7PG13$u<<{b%FLQD!Ny{kEKrH0HTO2(>=y z*8ZK+sy^iNqP%(LM}GPcP|8^rD5}+MUG8TRx_l^)iR3DgURCpAppH?qtI9V;M$-?R38GvERFZ(pV0?25Ia!DEY{SFT8&g92^wKkA{$u5b6RvOIzN z56mg}ZD9F*c)Jk+l{7A`44iS5M=2$arQ?i3!$x?q?nLB|ei1dqswjn_xbKqu;w*4* z47~b#BUGtR3#y?~_q~`1@+)p}4(UXj!w?g9v9-C^O}01&#zB&GxYej)+#-0UHi%8b z&;~=Z1F@S%DIl>jG*y1A<4^DE_SE&L*R~ars7>BzCJ^=bt^LeMW*P)R92z{+Yvg$z-&jkH^Ke$8bKI}^KP1&X?uhN6QZ<>;*Z5viTQ_{ zq|WG*<e3toc}|gROGQOa^+e?sQQC zQ3YKbv3yq>xGVRfb&9p^8#xnU#C{f|T6p?y08>=$$7k zD0|rd zb7EO^3$N*uQ)mo+p`J?%D-?f6r5_oOf=_woZ zLu7)na=5i0OP2rr{wL~lpOPq4$5Bkr)cKq(F+{v6t*NP@Yxdqq+vCB~U$-AhHR9pf z-b_LiYJT6uOZ&=)ZD~1>Msb@~=M`yTOtAG4vs#2h6bRa;tnPJ)5z#{xVuo9^ms;xm zzMTBQYZKu&)1V$&3ZWLVfnzJ0gFAf6HhV@#-Qq>BLMntkb8(i4aX%n&W4DnH_wSI7 znR|82i14xV=2ZKZZaProDcDqshYNK&kk50?dA|3Y@`_gd(>(?j5vsP^Jkd}s$+{QPh-tQDTL#YOVSD;q+MJwrH5_6YXd1D9j z?RLe59y8@~&|x#u|DluVl!PtP+L;QXgs|l#X)0Ps$WQEDk=iF8|ClWVGA37%lDzXj zY&(2>@v}OHjy%%tYc>>RW5_a4w>T2uDyl|{^4;vLum}$#P4}1rN!85_nb)neQ2INH^$lNW zWZBdcOpjAHl;jmadYP=;ie|{Hh2of0IG3zY+8)FH2Lf9i>EU1fl3~4so8^wBvV({l z^!o<~2lSu7QVuhmV9exv3@zQF(u9A51iPg%UC|_Cd|5;@z5LsqDKU#n&7qRp`UeU* zBw<%?$jLP5?B9uwSe3l8aP4_uvgsX^UKrP<1{b$8Iui1j*KdB_6nlLIvDD!xb3h5o zjL@lmi_{;j7&(vfNk~+7po$Lf5y5)U3*OTGLVo4R>>DR(M5{Gfx3I2_|G2 z9-dVoB8`Ua%SFuU_&^H@a$HE-!VO845-E8P`MdbYY2zM5(Gs zWbeZhuN~ zGdm=y4EOhc0*V6Q1%MKN!Um7u25M6r(P0;&bAY-(Q7)yovU2BOl^4G7W8Qf)LmZw*b0^ zi9Vf0i$?X$Ess9e_6&!goaVcvI#E|gg(4FpvZLolB=~~19|TCVo|~f){&H^RWvSo| zeMKHtfh#{&GB6LD@9Vzne`rYhMC6XglXRJwJAAr$h^~R;)!khbd8icZJhEgQ8bLE` zX3OCe9VxwLQaof(9sS_Xybn%g3#1t6ucV-B4}n&Ki@S`ieg8> zp@@@l4!L0OTXU2eCs=o2zzrXoNUb&V-szC>yN~|R#?(Y~>R=2K{ zmgO6cC{QUC{24oDLLl+LwehA<8rYJ~(bISL^aQ;9Y^f`h+;=~J?22pSA)xPoqjaHX z4QsTt)qq7B1T-gjQe?Jrn)V*^JuS9b^qAo&}`O-%R&6l6JdC|dFmn&gu_VU zTaBQu;Hl%)Ls5lR1=3OyKeNnRxw=Bjbsj-g(ZtET4qx}~o9LHppIjpI6>Xxd>La`9 z%9D9#hBEoW@FcmF%d}-haDo+Xt-Afqr=c-?P|;(BAG8tadAvp<^TV$B$% zdm~|{_qOc%F*bV;m~6W%+MO4t`m?WS3fO-0nL`Ls6s=mU1ZEfY0GLC>UVbi+)XfQ6#JnC7UT8w+ojOE+x=V z;VG!aeq8KK6cTgSC3!*!FOOT+$5w~KQNRlr)DqFvPc!|tg`Xn74jGWxTvHcN+P^VqwG?Y%0@etzibXjT@TAkb08SY+3Vle zJ2_o>QumDOFWlFZ3|~ze@gCR!DoMt9>NzfQ#G>^CZmqW=mk6BYc(~%TiVFGNUM{!| zy#oO|+$5Oj>Am_!=`dsK34%+Rj=ksD$J1ywLP_or*5)&JgilDm`i>d4I2%O&L1jaE z^~IIqsl-w4CnA4-w~aT&rKHXr+&LCj4?X|tr3GL9b9r)tkRm)%`sr)BbaNSRC{P?R zB>5?1q?BawBLFQqE0^*0gE|Q&%riM(aj7h=5Mg6*rnlqI`IxABPpPK@c+ctACcb~X z8fG^GcLH2k1fWpz06W38_fzE!5yTSBD<}6BqLE?oz;X%#`4(`|y#DkTzc|Uv%LRLu zo&=Q#*I%cO)e`fMb+#g)VAYLX_Q*gF8Zzk!mi@#m`*KuA@czSF9Q3(S|2ubi;Lw{T zj=QT2Q;ab~DX7-5$B2&v5h+{>S5aG~*YYD_>o+Yqm=oZja-Y0FWi%u%C5j5z@Q?oq zhr=&lS-`~URWT6bf!kq=G?Pan&fSzHI;i8#)!G^_DdEj#R}m!tOF@nx(8II;(FPkd z0k$EWBfCHTVmRgHT&XYYvlKjsg<9O6vlsK(_^gc6ut?Je^J@C2Q9-k`TqHz7Z2%H+ z&G%9Inpd(U|mNro`WDX!25J!$2)5yPwmP zX|L>^um5H5Ad1#5Bu>=0&D;TTGvEfqK;^Z6WJhZ{L50PXPi24(jX5bn2K62*NOhuNdiMh5GF)P)O852`2C33UK+^?(r zgF-ADo@$V(hlZmi1a9u7iWQ=f=}h+xC?NFtEE6$K zc0y<{9VvR@LMf=G{y9V2>8qKSuU=J3hC|BWh3ik<*k&6dT$=Y=x9Ql&;rI#oU8Xc- zK}9$+(2b2y8m%iKdB~2!_bQiTR;0?*Q6frt`5Y*N<2b%Hw7 zH-$#I(P9H8yc+z5Pv)dg;kJI#@$LR~fJz}gp6tN{$h&}wH4ZL&wsWIVv}aT7hAZQ9 z$&r+^wqi0XDuS^dWlav+&Br%l6;$p^`0y&kelD<7OYJK02tEBx?dF{%<@;*#cQE#9 z;L zFCliYvih~ah&a$^po)T06K|N^CK;`q2QaE>V+n%s7Fiy zzxiQdY$lp-;O&kfuPO#nNTf#+q%14`;gv@X$v^wGoOrI{NU}vNO%2ptulG@4DfINv zQoeEPV*2!^u8z+0m!&gzA@n6j&ZlAWE`IE21U&^~B;rHVd=JPlhp42kylfn)%y?B+c%=gt?Xl15s| zLsvQI&bDwN$RiO&d@=K`XON7&z4tu}Z))_$;9YI;BRYOLe(E|+FStxiBVqHmcZZ>- zr;u+|HEM|Lb))j;6rM|H&+Lcu>17^A|1LMquIx0)q6iF4{a`a0_~FX6%D{4KTT?)I z4C1jmcJeFm2~ix89FkFz8=t7a4!fKautiN6`t<;pf&)w-FraV$a&Tx`7`yu#Fl%pF zv~FJ>X$;67V7w5!?rDkDiYB=FnPv{auGBQ9b1#2R)?T)Z$WzO8p}HvY9q>OwXU+>jqN@@poaxi;2Afn+>Q zHhI-&ji)q6;>u(fBPLN%Vf@jx#Y?4iv5~VhD)vE^%NQX?OF9^baf_NK`or`M)jDtAY@JpB(3ko=a z(Y5VMf@BR4RQ^s<9({r~zd!gFyVsi+mDKOX5_huuNuA-I)w+{kEg5lREL|QJi-%w_ zwnp6^-4_O3=^|nHj+=*`KR54Go^0Q_q7Dp zHwAZYr_0oAcZXLGzJE!gk1bEzt+m@9j=`S1Kp=J)w+gV%T= zoPuQ)|7e0$|9mgBLlF9t!@*PzH4YFYbB*PgRE89wI?HfQF)oE(V^A6#JV+k5}(4lR)e zL%7rCOKXxwp}(`$P1-7Wh>>bLmQjf!nI^XYiTFOGe_^IgOr;SNOuZIc>KXXqOjtRL z@ea|sdlkIKOi5p4<0zY>2s>Yz_y2D8%!p;a-(e?tMlk#H<-@tJ)vVbse`!l5KbsE6 zURWEL^nS=QbSHhD@vb%IE?in;DzNm7wgvgU7g(dWKEAuzD=tUQ)=35YPvSiko(;Lp zSca^UIsM1oN$bk6%*Yy+X@-*9v>Tzkw8IYlGPO4K#JOxEFO?4s)7EmH3ccbr;H^vz zz1*zPJxR}}7gG=LN7_)c?o|L-1+WZeOqr*i-q+s=?roT*pDPQFl~oGUD56FysZgsp z7uBMbQjwZymUA9^XJsB=e}Dh`n1F5KSa^6wiHCe;-((}-UiU*QVewhY8*<&7G^eA# zKP`FFmLk~Wqo;h?L`X}Dram4bX*ybA#^ka&h_?7UzCV899?R9|eT0a> zJtBlDEb5Ac#e7CuPVG9~>_n$pC?|f1(xTF4?tU#L*;a~?jD)KRI&y>^-;pjdfqlYv z!|9N|sl+ybHJ1(#MQ3l&*+%8TON$^knXrPE$*(@`%VdR_^2fV4N|Er3BYaFF=lEFOg~*?adA-!B&GVBWR7 zzILw+E~2xwjctC)O)LL;vP8$fmjuKkDMR$nYjJ@{RMQJ|wl97(2N+r+b-?G}zN_c5(toX6S^HgfL0;9Dp zRd5JY+=_jyC})=OQ;UUPs7y%L1cf=!*j(X|UID7zUvr+rGk4D=6VM+883v-2`o47S zi~3eC^Djzeestn{blhp_Xu%uz+nP59bzk}1c=_!F4DL?jNH;C1h?0!>JHIEFm;jZ! z>cE0iDIWm}Aqa*cTKfr{s%!${U_u?b_-H9xlT*Pe0e3boPaORp0k zy4VVlVFodDCG7X=D}Nce`o9Pw!enD_1>Im|0UKc3Ec^rfvFYU%{mjo_F1b5$t%VLJN}QZ!Q>?T})r0z(*b{f~Yl0OW%exO)SNZ zj5ATKRvkqbVbm>xYA<<0RrPQ#_Gw_jkiGX=*XGqUh@V;oV>be>$d@o>Y&>^jx`if?6qq77R6-m_SIkZ$7;I5eK4Sd2re$ZpvDzC)Ni`Y)-)G!;3^BtyBc?+rY0k&y}xlaT(O zY)3R(`J$ME8;|JdVyA2(p(dA*tL;|ef3Gqq^KJoc4Q7xO2y%rSB%Ia!li%j@jxT6^ z-hodB()eBGn#4w~!Mz#sQGn70<3$bExkm-o-JXcs*7j{CJcPaCB{a0yWZIcYs2G}d zi>$6X=3zIMN*kc%M0U zb+{PZ&SApii`tLzpxtI1vbdFATJ1yi-)$nnOf(#~SAgygGB}7q&_^B8;ysG6sAl!KQ z*${;Bm{v`lrQI-FF)F$|D)O)dbKhnb9Mu0^vekso3><;80HQt!LV(`|IdEC}9XWQmye6_%HS@JlnFfDXI%H$`>3_O(jI~ zY)7+m2kH#?F2>$-!zC<3Bm`K6S)PdUoxu=*r_vn+t-y(SvNVE^6^v)#sRAuw{SYrZ z=IQ!5K3%o@UX`=zsQ>7417YQi+}u|1Yxe&D&F@);kRUMTKq?Ryo;&?Nk1HER&93Q~u1nOdN`B)}^cqpFvQniO(?rizv<$B`O?D54uFv=yS}z6+1<+@&c8c)70!COOa%U8Mgh~^lzwpJ zJdj@?zciQEI^X18C^P_Y;xXt4&mgcqo=?x*Rs>}Z?sH93LOXBef|2yLA$*f#mtKYpa4Fz*65!n*NmYGAG9^Asd2~#}kT-hPC6~2A(2E<+F z$%#JfSvfm3Mpgn|Js9s#fGs7cxb6MsSwTh9wk6b*w?=W;nwl%7RP&GX-urXqUEie7 zT%g_!OmP;ThNxq=B5u65@mv2GAy(d@x zdJ&Ql+J~ygzkL{dYZ)i3ih;%h7T>2#klX-y=h)_Kp@E7Dff$b+!+^Ku;UmthYabdv zz7QynVR#^S=1=(uw3Jn}_;->O{tE|vys$FB8S3-HZ>Ydc_Y~Bxz;75B8t$ci`C=Qp z0}}bYG%&t?6D)we0RYXhLlzltG6b#%-tB#(b)8F1zLWVIA)-mtSH5oPQP4RANdcBe1HvKamjLvw0QdgH$AM?``kteyg+CoRyK64*~%O1P~uV z*~OgepS|fzB>BmZ)0A7I!wj_OEnDi0l5bMZQzk;islMPiucT9%B zHecb3?3I2~zw6+iyAhQ60-y2h9$busW#@1S(h$I90(lrpN{}3$IQxSb$sUvj@6A+LlWzw2Pq#i3?Gp-{NBJvFr(M|bJgh>N6Dy(bgAYVR0fkn&$h>)UjL4L+djXR z&{|}FcZTZ#_D1NvJPZch;Wo%;c(m!&$lwi6v^#)0HeA~d$f2UeptMW>_VqRuj#e#E z%c;BN1HYzZP$;}2YKOZ@_{532!f0GHUu*w9WYoZ(a(En+T>dm^1~j#R;Tks|_ba}7 zo-01%Pq|iL-IQY6hDKPt-;~8TSzTO>JzVL@RWYSzJ)5((GSNDwXox5bUFn;3HtA^@ z63re2S1Yct2I_=pXgg~btp_d9Yq;hD$gzM>0zyTThP#Zn8?o$aPycrCc74v=Uq0a_ zmrU5uQbeg~aI`VO4?i10!hO;xk*%}dw2Xo=I)7hW18)1}7p^Z(54 zySw+Nv8V{ietuT?X4#G~+J}wG5~)Ie*+E6u44_@Kf6^Z*xxn+91R3>~@61$HP`>$f+@>El$VT;0)SyFVc&aUrGfwIL z8_!`^(+SoPF?}QUr|~w7$-F0f<9biKX($!6**@$Vc?c9V@}4_Cx3jwYm$o(cE(7uK zAq;(xCcp+h*Su9o&ckK#Y`SZC5$KM?l(6UNns$Sz^vRv)l6hQH9-h?2Oz~=Pfx#`5l~!~p4;M&hw|vM@UYUAK}=H8*?A&yG@>uhl5cHK$j;4Hr=zd zyx`vD8iAy7m?q9m?N2+6uxH_^mMAL6xu|A2gw!rkGpV5CR_$Za3}}Y_g$9Q=$=efp zc9)U1aD5>H1jTXpB|c)UYlVrlhD{XAus9(O@FMDO?O<8};vDBze*5NDeG6Ds?B<%> z{nZZO0#*kxhy8^I@Hx=(I+#sb96^T4qF)d^GsyZ2eUCe8z)1Z%&_&2imgi6mL+wgO zLW~#1EkI|FlXjxx>>TM{$r=baS&!64XRL+@4n~&@eJ!xcCP3J)vP}>R7w$mRk)Lc1 zgmA6j12t|PU|*oQbA;p~ea-tf$Lm1MrB{>C0-!ODrU4TfaDU$yT2DdLMKF(Z03*K8 zXhWrhJFwY98m+rY5EBSmaw{CX^JeSyCeG(AxXZ)LT`|K?8$(Rbl*utcnCl?H2n1dD zXohS@f7~5G#Gzy?AydIXnw6daiIvEi+PG)}QT1?`VNGf$uE4wppsLx-suMWK0i&}s zom#;8H8~^1p=PDBqQZQg3mlYCV+5Zy3_u_PhZtulMnG^*ZNRoGExcDijy9@$mrGIS z?xEVB9>;=$_xXWd853Vj|liFgjho{N}f8pml(R9)o=Dtxyv-Uzg87`s3O*#9a7AxEnfzSlH6yhRAdgr-$ZP;veNH7{hW-<*B_EU?;Wu===Y1}?fc z;Vj0Pydl95L-z<=nE5*pQIwLDWZ-XkxDUZ^H*R}P!YxSf{&?~@xVz6K-F4hNUHF{Y zBjw%_AMEkSEnM(cXg@y*sy8sIpI?1)8N(NYuT`bxa%}V%Ti(D%R9^ontszBV8B-oZ zKWa=`fGX?d5KyI3<>z2oqDi9i_^=)C_$T{3dx2`y>+Ng4!pSo;_IG@~&Sd)K*z4%R zNcBf&FRbRt`M)0Vi0ApQAO~t< zVglIqg1p&IU)ue>Jxs2g(tQmLR7}A;XnnftoY+3{?KhOZ*b5)6MyPQbHSR@g)I3WR z{!Sai|966KsFJuEg%_$*TUYOTOsjtqtXkG(JH{!U^j_e#XoFq?cGAQE9p7OAthF`gr-JywJCw;) zRaLrB3ibKn+GL~_{->nsn@rveE5dzf0#&86re|}Ry8XJ_=sDOEdI>9NkPsEdk4*ml zpKSOw;T8i~tB#K4ATWTz4-Wxq?@~iMRT!>HhJe^yOG^tfIY5^{NkTFGtsPDOUAR4fO=z1ya#-%+;Z_!E*|gju>E8KIU8 z(#asy4s^D#-wX~8B1pbI-?d!L!cpRYzi(l0hpRvmvG8r*mH@j2gOm;`^z z2gE);xRMU&N%#q)50vhVO-`m>;{36`j=tMzU}161eOcvz6+MMxERX-S<9GG+z-2lR zm#BxRtM}lUN1`E?0OycNxCVNBS2t@2hmDMU4=})4!j4{YT??l&husia`B1e+m)S_~ z{7;aq2bVHXR}Ke`C|bAy6~l-g@%k*Nl8fr0h1ams%Nk@L6Ji%OdQamY~Lgh zp47VOz~F65!DdbV6-#g<9IDxi^bc&YykXKm&+Iz5e%M^Z{SZxhD#=9NT=%A_3EX>V zTtYO+Jh>7z_)<!UKjmx#W_ZbqUROXi*MkgkIgN*2jb!ZG_ zCKRG4sO`x(h64}$00;z-gu>_2J1W7!f#=t43Ad$lkZwc$DU=%;ws9UxaMbAP4uX(} ziJ4hSQgUtR+2-o%9<-EKR8&0q`Fc#60)u_ltItEr{Wps0D?LFj6A^p|+?ncCQe#XX z`KcUj>Kv`1=?W-ecsw|nDm-!kEksOT5+YP|bSkB|9GleSWLjqC$24Ln!iUw>TfoP> zfU7LE`8uS!pbbcYZH?}>mdpJK_|A*kTEBOm76uOYnUD|-#z)jvP)(4P1%)H5h=Q_m z=lr}Jgcd90;Jm-w+=Q&q+>u8HUszy*K2?;Lr>3OD9=(3i8ZX~XfGE5Vb6sii zSmf#mX0LE0Pwdra%&r{&b{`hP+}y2veFtl61E>+RvI1ZwQ3K*ZA;%QLStvo`MoKCZ zbadI9AyX#^v_|TxA@iz*%A&?x?cyouQp*c{|O0u%%)K)oZ{>y^Qm7v&HFL=D)`YVXA}Q=ID15^XtDQd z6s7MnSVFfjiX&4tOHuoGYTJe;L3V@=@3l!mrW@g>3bwKLpRB7Y@FwFN9~{A;Q-;bX z%B!x<&dkdBZaJtprSC+9yRQ!IPJA@DlUmy8!rj`mpPY2>_S%Z4>`u^%!Ji+hkdS*t zANo;F2Byjv|ET>;+LGtspovn!cYpq%z?{l}CQ-rnz?p*wQD9G0d&RIJDcWSJ_VRAH zAUwX<9?5e<+9VOEE)^1YqqrFLsCVz=(+9dwppyx%56Q!MupLxX^sjngo_<_gyYuBn zVNH#NzCL^Ka`KT2{OMus361u|2o&FvL@067lx~ESUoAAr7gOa+(dXmdg}i%=3U?B9 zv`WABXS=;W$|#Pw5~}*PY1FCJeR36dbC)ue5e+Nqvasis=CaTXqLlv=_B-u&0 z!-;VvfuoQH3eX{#MQdxt1O!MBOD88LM#gWOo6IaM|K((VZaI+J@oI1P6DTZ4L169d z>}*^d-%U?^1YvxtsiJ5UR~wc7K)$u5Wv;CaA^j6uR#~~?(M&->VREbXLgLe>N1zHK zzt$H3g(&dN)VXvd!~gNde@~#nX4Gz{MMJxmQhtIOFE#&! z73ULtgq!AUr~(=?Ih6Pq9_KP;8*$T&I-JJF6d9CvxVi;{VHLuqdb4B5N}%kezTOMY z&CW0IA%GSUe7&@Z$W=!squr4oEy1TJQBhG}8#)37U=vA%3JX)y8L<71xKSZgR8%2E zVfBrT&@&DwlDntpKyPo`18&d{JpyE|5Z-#Y#Y3n1@cmJMP+mjLs+rjnYt{ETpzz4d z$^x5|R}0aB9z=a&U_%-o_r(1Q645oeX@Y}KcNhpmFh=1t(cJ9pxU|5+LIUAe>1k=W z(G$Y^>g($vvlaw&aDtVW*_;iw5%|+=jOhzEb1ugK81rFj%G+1f1hUcLAZp?Kvf~R#4J;&lw0G5s};iJuEDKx_-et z)U#*LEWA}A2Xw%?*4$gw1YRkcXmcsmCP+VZc6Rm~E`q8w;7Q*1^fcDjLvP8It5-j@ zx93CjmW0Hs*RQj>t>MN6`a{b7hfL>CgdL0Pb|k&Y{+@{%D*5{RM>#j%aryntD}*q1 z7#|$ue`vyy22gPuo-3>?7llYb^pVq#u{e<2{?u&g&E4EN&~OKiuDDk!vzi#vuamXwqe z5ejV^8?HFD@ySWmQ#ge{J%u396A*H%8xMhwjr&*M*4ARQol%7Z(JFA#6LEYP98_H! zf|p+T`Xxn_oj7BRrgUt=$At@_YT*RCRH*R8ru_d7)s~`I2l*Ej6(rrlENuWgy4c$O z27ML`ez+0w*2QUfQlVV0sQ~M}H=~&QA67;HdQCEIc|K2DHmhi2r|Ooq0Uf z>D$MTYH~)%NHHSE5-LJPl1e8$A_kG=;>vLWA=c74pTt!2}w!UFy$I-OL&O6)rzW3$b zlcRlug3c_=z9XI5)!EtE)upyAcDUr0SNZsu-!jv~kgdLcOY8n3$Hbp;0B3_Q=?dS~ z3i;=e7g`=Pp}&%$=j`pSA|EHG1C$cBS4iX*EiA%Y_wUmNh3wk3Yv9>h_QLb$zdCoC z{j{3{);?E~Y+POJ9p7!$JuszV$5*{4=4)hShX9^W`1PBl|B}WE-L9W3+_-V0zzTkj z358lbfD7HN>?0kHGD8q2+9$y87|Dx;iN*ZSAlMC5=2+dt{|1pIa0$r%z^_ zxsP<7Nmi-TjE-XA@U;AVvpT&^wynv7O&A*BkIaxEPn(($C(w^hiHobCk8gJm@dW2O zxo1K0G1>bjTF$!R(j=?$s%7sWPtTV3Bc!C)bg4Kv&F#;o_la}+bLQM71qBA62>?c> zK7+$aX6EY9&_4Jwl){nJtwdxd^va-H#gbRpB3n?Udg&|LhfbcyD&Tsq^ZPhvj~9W+$bh^BFITWa;(f+epNekIF@$COJdZu;!~?~2h_@UlZ? zVfII~Eubk6m6u4>TDdl32x})W0h`+n0f$N&o`ZSF&?-Of1}dpW-2rH!VF~QC&U$ zysapjQ``DRMojjEgaizo21JQWO?&C!LUZ^S{(ppaPG3<#se183FUeMxs(E@k&yRK- z=Os&g-QDxhQhlKI4;{QbI6iG)5YX2|Ws3W!Zgug@8RcJpU9w=oy1(j7^IW^y+Q>}y zwiS@}@rl(FYH12PpOdpdVv&Ju+D`GzjXH{ZxTdTN7xMG+mfQ##lVpn^9X@UcZFSf+ zOFd>=TXV3x4GMw;D!>fEutg3Ia>Gko-s5Pv)XfbQ{)nwx%hHB_A4wxLC(n=GxDn3a zMMV{d#!Xb4Hf2gyoGFO+Q-#Y@*v|^&C_T#v*pUG2wL2L3E!k-01;+)EBwEmxpFe+IwtP9# z=`o5BBPf@OMG9Kl+IeT^W>zwG_1A*jmM*M{_tq3BPgoPS1Bo2B93)9u! z-hTf6Lv~_Bd65cMnk5~TuFzhRgR@P=1Iex$8deByv9ojR9@lWswQIkV#UVk+hq1nT z_Wb!IGcz{NqK$0xj~;D9xEt`#Zl*CkWW$EIm>BbjzTBNVXWQAy z?cLPc&k1b=>fXcUEp>IpXKNhQ3a*gngjpVX{Gd>r|;FYof@ z4-{891F(Vtp!BqnLtR-B^1EAFTc6k0v!h~hflm3|oGIT|(-1&$aiWO{UG0bYAX(yE zo&7g%d`38!;~Lw0o>y1jC@4sC=(Du6T-*4koS+=%=9m~xLtN%gwtdArvyYkr*qkx# zgLcbt%^NU9Z$b8Ro;boO*;!fkN6iema7ZJPbaLSjpFYhQCEU7oE8wWAs_O3DyOK6) z1bajC%P(&r2}HL%w>DsWa_6g8m9@1~8WiPhIOvawA^0ZRnANPUJunkv#_2jbCFr_d zy;@aUTL3`HETT7;$#^w4w+6l@v7xf1f^dlHbY$E8;UBwM*?2gXc$gfxM@LAwukRSU zf|&mI*}dc%}1vA$7fLRX8zR%Aze*PNa80XV1Y_Oi(SPZFU9lc3t8Yo ze0Mdu3K-fRMJCju#fyi^%OAeyMbMJuc@{5fYg5H(SFT-~C8QNT2+M)C^_tOC$d+C8 z8-5=@$feGw2UKE?arSKZmrsGhG%L}n38|>lbezHaSXx>-#F8$1N@yXLgiuJ~U~@H? zm$8Q|aIzCNQ^i?edFuQ3Z9;dL02roo=gv8gm18E_*@^#^vGkhIPnDpfQg(0)LW~Nx zN$%l@(=DlYq!4#guHH%{%i6HvgJeB<`ulf2cwqnW8E-*?$6oh$1&K&7CmZ#@W$c?C zn~?DOLw|L3HQOXrBZb>^*H2WD9eaqKPDV3e?b_3h`YiE?>58fd;Yl!# z2muehCRUku^n#wsR{VIMnUOII;e@O#AFI#Ic!}S0h?=r8RC4!BVZpNT@pJrre5~}w zjv2$Gj!(^!vCzVyoemJ|ghW6ltOVh+;|v)jI@JOzC+4#Y`--8U*M1t)5}T^t-7LIS+KH(_NdxP`A#TSXBnmab;E z%PBZ4#-uba4}pa-W1tD#(>)&kB&mZ7g+i;cEDIzodwP418@mrUB9njRiZh*|moAA9 zD3Ts(C6!|?$q|lH>5vTn;Jkl>-+^03{&D*z-6jX?Yj~Ick;DDoE#B@cO zojjaDf<#*#4GoQu0={|1j2R(07#_mJfOYc%_q5w+B`GN@k9!`dKB|Ao%p}|BQQK1O z7rDBcUmw8+al$N6)dJ10O=c|1^zhmabA0QW{)=|p~ z)|ZlX%$ns1F-BY(zQN_AoO28VY zp3$MFzh+w8@`Q>ukG9T^j^Kiq%1hp~x6gf81&xKmD_q?`3F?2caKwE)EuEGxcR2HG ziNWEBmj?Z>#alNsC73$E21?#U+2T{d=jZ!fU|-SPyjOMN^<@_#oQ>^&n|`v${m$U$ z2CEWl)a2Vyr64oziMpQU{C4~BIL_L@B5vBe`ON9l>0?Yk3f<3D%rc83njW%qsgd?I zMy8QTWn&}#jX3b-lCbf~lf+}k_Wr%z&F!eQRhajKFAl8uv5raoClU+}dFWSd2@8YTdKbNIV}yU&sn|q&-3)=HP)R-hPBTd!BC@4b zRZRahM^UtEKHC^qMu7phuKp9MV)Io}FYnwLxbs9k%MZ3LL9s1kynAs?xz{CYt(kii z_q1mJQg=75_~Gn~r;M35z$3iZ&ujRO=OYXGN%IFjOLwLvan-gFd*!Cj*S?<9P} zn~k6U^O^}eKi>6|7=}2-vZ>MgO?P)Bo@>Mu^uio(6xIxgveHT-+lE?@nx7PLPeHtT zbsIwAZsSM^ZE)BmMsW$^xm}n*0>L~7x_*V8?wcacpMJ5{_QN2`6k4@ct zAv1Hdo}RR2+Di4tEor9~WgsGPK_t0$z!$H&vT$S)nZhk3g7xtt!m9e0{feG8DD zq#ReO+PJp#)-5X?#rL6>N)Mv$G}ApO(fOV|d-Swv>R&!4MbcWTsvp>$Cmu*YB=cR8} z9lFO5EH!8A)|;0vW6^#3^kBpGAPSqo`>b^orHj7ztL9(`E-@uBSFioLadtrMdTN0K3kqS*#uR%sHb1B`4Bz%%7D1z1rukL~442~}ob zXh;*4{vkUy-alc5$am%B zWf4WQ+uQ37%Sn|u*g^(%EXCi1vj{48%t8nA90<%wsdLDec@#HqPRmz|&x3-NoDNVB zSUz`dHvEM+w6ogK;`ns@wf0zF3amHV zym>PrKFJmnlx(UFNl8+gU4Q@Wo#zVAqi|b7simZdRvstzK0@3tpuVX{QC0OwVxmA( zDX#R>r%&ZaZQY6IGsKoF6`gL=l!5U+g6yN4P2@pGddXbyk5Y5&P z{RAdbwcQG9YjT^ZQ_Kl_{rKd*6BkaL7^Qn43?o`$GgnD&4f?rj@BEWXw8Cxh7>dSp zsHmvY25X^ZG`WNT=y(E=M=~X}0Lzh=c=1AcOANS&c}33XYEX^x4Nl62Zf^CX=N%>! zrU?XH+z5$?W>l25mWi?P6W$B6!Xjo~lZ=6~$P{O{@mNz*Q-6|{hSsYuDH)Wyf2=O) zCO=I}5Bni7)LQE)`=M#_wQG~_vnl0dWDLU`3Q<2jJ-z8C_fTJ_N=lJ zn`MfGdzN<7T+DFeCCZev)>=p9hH?POejg3Zyw%ggL)Sj#9coGG>(N3DShHp_=WoD` zZ#z315&Vv*6DJfFS{fSWa8F<$?SGz8#a}g4Qf-LN1?podY-}71WlP?W%!t?T_fJtu;KCpUz)Kq)Zn%;u~4`3W&GR&BPK zmAp+_dUtubEk6pv-s`r(QkiNKna?)tfyjICFvg1Ku3LI@ABF<(vzy{fhJ1kdAe_E? z7mTwvv-83AkJNUICr*rG8+!V5riMxEuEHuG8=KwuY@IyW$nzxG$K*DqvTfy$VhyR5 za@tc_?__xHo}R--jY@DfPp&XEF$tr85h8?ICRuIn1D+XAj^~GdSHJ81>?fMlBx3Pu zZ&U4cU;i^uaO&BclouQ3&8tA(isy>i(ViSzQ!_KIB3}YDG;pf@CbTaPA0A<3WMp>K z5YX1sBZ|g%Tym3ukWZh`mt}F$XnK6YYMDz#Vt74DMZz>F9q(<~DZJ@ma`Mq5M=sTN z@ihj=?R7m9t^o&tmtZx_d20$+)0jdkVXK1;`PlVq4abi4^YOvQ-qh6eukP-m(D&(9 zA}U=oP2|WveJ0hBm%1!jG6mi=tSl_amhab75MtN*Wc>0LS{tc0#sXmu9dhyX%=kJV z1k{mAafu()UpRhK^3{AdTTbzCO{yjGkNo8>2-p2fr1=NWj`^2tUi$lgKYHwi z>at({{a|5rQ>+3Bp>+Gz!Hc8KC9jL7|NpBV{uo%Jno?2gaCen}*WB5^Szi#Z+VQ^{ C|9*x5 literal 0 HcmV?d00001 diff --git a/v3.12.3/beetle_example_imm/d79d1b8a.svg b/v3.12.3/beetle_example_imm/d79d1b8a.svg new file mode 100644 index 00000000..384ef309 --- /dev/null +++ b/v3.12.3/beetle_example_imm/d79d1b8a.svg @@ -0,0 +1,46 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/beetle_example_imm/index.html b/v3.12.3/beetle_example_imm/index.html new file mode 100644 index 00000000..70716264 --- /dev/null +++ b/v3.12.3/beetle_example_imm/index.html @@ -0,0 +1,94 @@ + +IMM-filter tutorial · LowLevelParticleFilters Documentation

Filtering the track of a moving beetle using IMM

This tutorial is very similar to Smoothing the track of a moving beetle, but uses an Interacting Multiple Models (IMM) filter to model the mode switching of the beetle. The IMM filter is a mixture model, in this case with internal Unscented Kalman filters, where each Kalman filter represents a different mode of the system. The IMM filter is able to switch between these modes based on the likelihood of the mode given the data.

This is an example of smoothing the 2-dimensional trajectory of a moving dung beetle. The example spurred off of this Discourse topic. For more information about the research behind this example, see Artificial light disrupts dung beetles’ sense of direction and A dung beetle that path integrates without the use of landmarks. Special thanks to Yakir Gagnon for providing this example.

In this example we will describe the position coordinates, $x$ and $y$, of the beetle as functions of its velocity, $v_t$, and direction, $θ_t$:

\[\begin{aligned} +x_{t+1} &= x_t + \cos(θ_t)v_t \\ +y_{t+1} &= y_t + \sin(θ_t)v_t \\ +v_{t+1} &= v_t + e_t \\ +θ_{t+1} &= θ_t + w_t +\end{aligned}\]

where $e_t ∼ N(0,σ_e), w_t ∼ N(0,σ_w)$ The beetle further has two "modes", one where it's moving towards a goal, and one where it's searching in a more erratic manner. Figuring out when this mode switch occurs is the goal of the filtering. The mode will be encoded as two different models, where the difference between the models lies in the amount of dynamic noise affecting the angle of the beetle, i.e., in the searching mode, the beetle has more angle noise. The mode switching is modeled as a stochastic process with a binomial distribution (coin flip) describing the likelihood of a switch from mode 0 (moving to goal) and mode 1 (searching). Once the beetle has started searching, it stays in that mode, i.e., the searching mode is "sticky" or "terminal".

The image below shows an example video from which the data is obtained Bettle

We load a single experiment from file for the purpose of this example (in practice, there may be hundreds of experiments)

using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots, Random
+using DelimitedFiles
+cd(@__DIR__)
+path = "../track.csv"
+xyt = readdlm(path)
+tosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy # helper function
+y = tosvec(collect(eachrow(xyt[:,1:2])))

We then define some properties of the dynamics and the filter. We will use an AdvancedParticleFilter since we want to have fine-grained control over the noise sampling for the mode switch.

nx = 4 # Dimension of state: we have position (2d), speed and angle
+ny = 2 # Dimension of measurements, we can measure the x and the y
+@inline pos(s) = s[SVector(1,2)]
+@inline vel(s) = s[3]
+@inline ϕ(s) = s[4]

We then define the probability distributions we need. The IMM filter takes a transition-probability matrix, $P$, and an initial mixing probability, $μ$. $P$ is a Markov (stochastic) matrix, where each row sums to one, and P[i, j] is the probability of switching from mode i to mode j. μ is a vector of probabilities, where μ[i] is the probability of starting in mode i. We also define the noise distributions for the dynamics and the measurements. The dynamics noise is modeled as a Gaussian distribution with a standard deviation of dvσ for the velocity and ϕσ for the angle. The measurement noise is modeled as a Gaussian distribution with a standard deviation of dgσ. The initial state is modeled as a Gaussian distribution with a mean at the first measurement and a standard deviation of d0.

dgσ = 1.0 # the deviation of the measurement noise distribution
+dvσ = 0.3 # the deviation of the dynamics noise distribution
+ϕσ  = 0.5
+P = [0.995 0.005; 0.0 1] # Transition probability matrix, we model the search mode as "terminal"
+μ = [1.0, 0.0] # Initial mixing probabilities
+R1 = Diagonal([1e-1, 1e-1, dvσ, ϕσ].^2)
+R2 = dgσ^2*I(ny) # Measurement noise covariance matrix
+d0 = MvNormal(SVector(y[1]..., 0.5, atan((y[2]-y[1])...)), [3.,3,2,2])

We now define the dynamics, which is directly defined in discrete time. The third argument is a parameter we call modegain, which is used to scale the amount of noise in the angle of the beetle depending on the mode in which it is in. The last argument is a boolean that tells the dynamics function which mode it is in, we will close over this argument when defining the dynamics for the individual Kalman filters that are part of the IMM, one will use m = false and one will use m = true.

@inline function dynamics(s,_,modegain,t,w,m)
+    # current state
+    v = vel(s)
+    a = ϕ(s)
+    p = pos(s)
+
+    y_noise, x_noise, v_noise, ϕ_noise = w
+
+    # next state
+    v⁺ = max(0.999v + v_noise, 0.0)
+    a⁺ = a + (ϕ_noise*(1 + m*modegain))/(1 + v⁺) # next state velocity is used here
+    p⁺ = p + SVector(y_noise, x_noise) + SVector(sincos(a))*v⁺ # current angle but next velocity
+    SVector(p⁺[1], p⁺[2], v⁺, a⁺) # all next state
+end
+@inline measurement(s,u,p,t) = s[SVector(1,2)] # We observe the position coordinates with the measurement

In this example, we have no control inputs, we thus define a vector of only zeros. We then solve the forward filtering problem and plot the results.

u = zeros(length(y)) # no control inputs
+kffalse = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,false), measurement, R1, R2, d0; ny, nu=0, p=10)
+kftrue = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,true), measurement, R1, R2, d0; ny, nu=0, p=10)
+
+imm = IMM([kffalse, kftrue], P, μ; p = 10)
+
+T = length(y)
+sol = forward_trajectory(imm, u, y, interact=true)
+figx = plot(sol, plotu=false, plotRt=true)
+figmode = plot(sol.extra', title="Mode")
+plot(figx, figmode)
Example block output

If you have followed the particle filter tutorial Smoothing the track of a moving beetle, you will notice that the result here is much worse. We used noise parameters similar to in the particle-gilter example, but those were tuned fo the particle filter. Below, we will attempt to optimize the performance of the IMM filter.

Tuning by optimization

We will attempt to optimize the dynamics and measurement noise covariance matrices and the modegain parameter. We code this up in two functions, one that takes the parameter vector and returns an IMM filter, and one that calculates the loss given the filter. We will optimize the log-likelihood of the data given the filter.

params = [log10.(diag(R1)); log10(1); log10(10)]
+
+function get_opt_kf(p)
+    T = eltype(p)
+    R1i = Diagonal(SVector{4}(exp10.(p[1:4])))
+    R2i = SMatrix{2,2}(exp10(p[5])*R2)
+    d0i = MvNormal(SVector{4, T}(T.(d0.μ)), SMatrix{4,4}(T.(d0.Σ)))
+    modegain = 2+exp10(p[6])
+    Pi = SMatrix{2,2, Float64,4}(P)
+    # sigmoid(x) = 1/(1+exp(-x))
+    # switch_prob = sigmoid(p[7])
+    # Pi = [1-switch_prob switch_prob; 0 1]
+    kffalse = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,false), measurement, R1i, R2i, d0i; ny, nu=0)
+    kftrue = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,true), measurement, R1i, R2i, d0i; ny, nu=0)
+
+    IMM([kffalse, kftrue], Pi, T.(μ), p=modegain)
+end
+function cost(pars)
+    try
+        imm = get_opt_kf(pars)
+        T = length(y)
+        ll = loglik(imm, u[1:T], y[1:T], interact=true) - 1/2*logdet(imm.models[1].R1)
+        return -ll
+    catch e
+        # rethrow() # If you only get Inf, you can uncomment this line to see the error message
+        return eltype(pars)(Inf)
+	end
+end
+
+using Optim
+Random.seed!(0)
+res = Optim.optimize(
+    cost,
+    params,
+    ParticleSwarm(), # Use a gradient-free optimizer. ForwardDiff works, but the algorithm is numerically difficult to compute gradients through and may suffer from overflows in the gradient computation
+    Optim.Options(
+        show_trace        = true,
+        show_every        = 5,
+        iterations        = 100,
+        time_limit        = 30,
+    ),
+)
+
+imm = get_opt_kf(res.minimizer)
+
+sol = forward_trajectory(imm, u, y)
+plot(sol.extra', title="Mode (optimized filter)")
Example block output

If it went well, the filter should be in mode 1 (the false mode) from the start until around 200 time steps, at which point it should switch to model 2 (true). This method of detecting the mode switch of the beetle appears to be somewhat less robust than the particle filter, but is significantly cheaper computationally.

The IMM filter does not stick in mode 2 perpetually after having reached it since it never actually becomes fully confident that mode 2 has been reached, but detecting the first switch is sufficient to know that the switch has occurred.

The log-likelihood of the solution

sol.ll
-1660.8132416661117

should be similar to that of the particle-filter in the tutorial Smoothing the track of a moving beetle, which was around -1660.

diff --git a/v3.12.3/benchmark/index.html b/v3.12.3/benchmark/index.html new file mode 100644 index 00000000..f52f2bf7 --- /dev/null +++ b/v3.12.3/benchmark/index.html @@ -0,0 +1,39 @@ + +Benchmark · LowLevelParticleFilters Documentation

Benchmark test

To see how the performance varies with the number of particles, we simulate several times. The following code simulates the system and performs filtering using the simulated measurements. We do this for varying number of time steps and varying number of particles.

Note

To run this code, see the bottom of src/example_lineargaussian.jl.

function run_test()
+    particle_count = [10, 20, 50, 100, 200, 500, 1000]
+    time_steps = [20, 100, 200]
+    RMSE = zeros(length(particle_count),length(time_steps)) # Store the RMS errors
+    propagated_particles = 0
+    t = @elapsed for (Ti,T) = enumerate(time_steps)
+        for (Ni,N) = enumerate(particle_count)
+            montecarlo_runs = 2*maximum(particle_count)*maximum(time_steps) ÷ T ÷ N
+            E = sum(1:montecarlo_runs) do mc_run
+                pf = ParticleFilter(N, dynamics, measurement, df, dg, d0) # Create filter
+                u = @SVector randn(2)
+                x = SVector{2,Float64}(rand(rng, d0))
+                y = SVector{2,Float64}(sample_measurement(pf,x,u,0,1))
+                error = 0.0
+                @inbounds for t = 1:T-1
+                    pf(u, y) # Update the particle filter
+                    x = dynamics(x,u,t) + SVector{2,Float64}(rand(rng, df)) # Simulate the true dynamics and add some noise
+                    y = SVector{2,Float64}(sample_measurement(pf,x,u,0,t)) # Simulate a measuerment
+                    u = @SVector randn(2) # draw a random control input
+                    error += sum(abs2,x-weighted_mean(pf))
+                end # t
+                √(error/T)
+            end # MC
+            RMSE[Ni,Ti] = E/montecarlo_runs
+            propagated_particles += montecarlo_runs*N*T
+            @show N
+        end # N
+        @show T
+    end # T
+    println("Propagated $propagated_particles particles in $t seconds for an average of $(propagated_particles/t/1000) particles per millisecond")
+    return RMSE
+end
+
+@time RMSE = run_test()

Propagated 8400000 particles in 1.140468043 seconds for an average of 7365.397085484139 particles per millisecond

We then plot the results

time_steps     = [20, 100, 200]
+particle_count = [10, 20, 50, 100, 200, 500, 1000]
+nT             = length(time_steps)
+leg            = reshape(["$(time_steps[i]) time steps" for i = 1:nT], 1,:)
+plot(particle_count,RMSE,xscale=:log10, ylabel="RMS errors", xlabel=" Number of particles", lab=leg)

window

diff --git a/v3.12.3/dae/index.html b/v3.12.3/dae/index.html new file mode 100644 index 00000000..3abe493f --- /dev/null +++ b/v3.12.3/dae/index.html @@ -0,0 +1,2 @@ + +State estimation for DAE systems · LowLevelParticleFilters Documentation diff --git a/v3.12.3/discretization/index.html b/v3.12.3/discretization/index.html new file mode 100644 index 00000000..77e0cc63 --- /dev/null +++ b/v3.12.3/discretization/index.html @@ -0,0 +1,39 @@ + +Discretization · LowLevelParticleFilters Documentation

Discretization

This package operates exclusively on discrete-time dynamics, and dynamics describing, e.g., ODE systems must thus be discretized. This page describes the details around discretization for nonlinear and linear systems, as well as how to discretize continuous-time noise processes.

Nonlinear ODEs

Continuous-time dynamics functions on the form (x,u,p,t) -> ẋ can be discretized (integrated) using the function SeeToDee.Rk4, e.g.,

using SeeToDee
+discrete_dynamics = SeeToDee.Rk4(continuous_dynamics, sampletime; supersample=1)

where the integer supersample determines the number of RK4 steps that is taken internally for each change of the control signal (1 is often sufficient and is the default). The returned function discrete_dynamics is on the form (x,u,p,t) -> x⁺.

Note

When solving state-estimation problems, accurate integration is often less important than during simulation. The motivations for this are several

  • The dynamics model is often inaccurate, and solving an inaccurate model to high accuracy can be a waste of effort.
  • The performance is often dictated by the disturbances acting on the system.
  • State-estimation enjoys feedback from measurements that corrects for slight errors due to integration.

Linear systems

A linear system on the form

\[\begin{aligned} +\dot{x}(t) &= Ax(t) + Bu(t)\\ +y(t) &= Cx(t) + Du(t) +\end{aligned}\]

can be discretized using ControlSystems.c2d, which defaults to a zero-order hold discretization. See the example below for more info.

Covariance matrices

Covariance matrices for continuous-time noise processes can also be discretized using ControlSystems.c2d

using ControlSystemIdentification
+R1d = c2d(sys::StateSpace{<:Discrete}, R1::Matrix)
+R1d, R2d = c2d(sys::StateSpace{<:Discrete}, R1::Matrix, R2::Matrix)

This samples a continuous-time covariance matrix to fit the provided discrete-time system sys.

The method used comes from theorem 5 in the reference below.

Ref: "Discrete-time Solutions to the Continuous-time Differential Lyapunov Equation With Applications to Kalman Filtering", Patrik Axelsson and Fredrik Gustafsson

On singular covariance matrices: The traditional double integrator with covariance matrix Q = diagm([0,σ²]) can not be sampled with this method. Instead, the input matrix ("Cholesky factor") of Q must be manually kept track of, e.g., the noise of variance σ² enters like N = [0, 1] which is sampled using ZoH and becomes Nd = [Ts^2 / 2; Ts] which results in the covariance matrix σ² * Nd * Nd' (see example below).

Example

The following example will discretize a linear double integrator system. Double integrators arise when the position of an object is controlled by a force, i.e., when Newtons second law $f = ma$ governs the dynamics. The system can be written on the form

\[\begin{aligned} +\dot x(t) &= Ax(t) + Bu(t) + Nw(t)\\ +y(t) &= Cx(t) + e(t) +\end{aligned}\]

where $N = B$ are both equal to [0, 1], indicating that the noise $w(t)$ enters like a force (this could be for instance due to air resistance or friction).

We start by defining the system that takes $u$ as an input and discretize that with a sample time of $T_s = 0.1$.

using ControlSystemsBase
+A = [0 1; 0 0]
+B = [0; 1;;]
+C = [1 0]
+D = 0
+Ts = 0.1 # Sample time
+
+sys = ss(A,B,C,D)
+sysd = c2d(sys, Ts) # Discretize the dynamics
ControlSystemsBase.StateSpace{ControlSystemsBase.Discrete{Float64}, Float64}
+A = 
+ 1.0  0.1
+ 0.0  1.0
+B = 
+ 0.005000000000000001
+ 0.1
+C = 
+ 1.0  0.0
+D = 
+ 0.0
+
+Sample Time: 0.1 (seconds)
+Discrete-time state-space model

We then form another system, this time with $w(t)$ as the input, and thus $N$ as the input matrix instead of $B$. We assume that the noise has a standard deviation of $\sigma_1 = 0.5$

σ1 = 0.5
+N  = σ1*[0; 1;;]
+sys_w  = ss(A,N,C,D)
+sys_wd = c2d(sys_w, Ts) # Discretize the noise system
+Nd  = sys_wd.B # The discretized noise input matrix
+R1d = Nd*Nd' # The final discrete-time covariance matrix
2×2 Matrix{Float64}:
+ 6.25e-6   0.000125
+ 0.000125  0.0025

We can verify that the matrix we computed corresponds to the theoretical covariance matrix for a discrete-time double integrator:

R1d ≈ σ1^2*[Ts^2 / 2; Ts]*[Ts^2 / 2; Ts]'
true

For a nonlinear system, we could adopt a similar strategy by first linearizing the system around a suitable operating point. Alternatively, we could make use of the fact that some of the state estimators in this package allows the covariance matrices to be functions of the state, and thus compute a new discretized covariance matrix using a linearization around the current state.

Non-uniform sample rates

Special care is needed if the sample rate is not constant, i.e., the time interval between measurements varies.

Dropped samples

A common case is that the sample rate is constant, but some measurements are lost. This case is very easy to handle; the filter loop iterates between two steps

  1. Prediction using predict!(filter, x, u, p, t)
  2. Correction using
    • correct!(f, u, y, p, t) if using the standard measurement model of the filter
    • correct!(f, mm, u, y, p, t, mm) to use a custom measurement model mm

If a measurement y is lacking, one simply skips the corresponding call to correct! where y is missing. Repeated calls to predict! corresponds to simulating the system without any feedback from measurements, like if an ODE was solved. Internally, the filter will keep track of the covariance of the estimate, which is likely to grow if no measurements are used to inform the filter about the state of the system.

Sensors with different sample rates

For Kalman-type filters, it is possible to construct custom measurement models, and pass an instance of a measurement model as the second argument to correct!. This allows for sensor fusion with sensors operating at different rates, or when parts of the measurement model are linear, and other parts are nonlinear. See examples in Measurement models for how to construct explicit measurement models.

A video demonstrating the use of multiple measurement models running at different rates is available on YouTube:

Stochastic sample rate

In some situations, such as in event-based systems, the sample rate is truly stochastic. There is no single correct way of handling this, and we instead outline some alternative approaches.

  • If the filtering is performed offline on a batch of data, time-varying dynamics can be used, for instance by supplying matrices to a KalmanFilter on the form A[:, :, t]. Each A is then computed as the discretization with the sample time given as the time between measurement t and measurement t+1.
  • A conceptually simple approach is to choose a very small sample interval $T_s$ which is smaller than the smallest occuring sample interval in the data, and approximate each sample interval by rounding it to the nearest integer multiple of $T_s$. This transforms the problem to an instance of the "dropped samples" problem described above.
  • Make use of an adaptive integrator instead of the fixed-step rk4 supplied in this package, and manually keep track of the step length that needs to be taken.
diff --git a/v3.12.3/distributions/index.html b/v3.12.3/distributions/index.html new file mode 100644 index 00000000..d8822370 --- /dev/null +++ b/v3.12.3/distributions/index.html @@ -0,0 +1,12 @@ + +Performance tips · LowLevelParticleFilters Documentation

Performance tips

Use of StaticArrays.jl is recommended for optimal performance when the state dimension is small, e.g., less than about 10-15 for Kalman filters and less than about 100 for particle filters. In the section Parameter optimization we demonstrate one workflow that makes use of StaticArrays everywhere it is needed for an UnscentedKalmanFilter in order to get a completely allocation free filter. The following arrays must be static for this to hold

  • The initial state distribution (the vector and matrix passed to d0 = MvNormal(μ, Σ) for Kalman filters). If you are performing parameter optimization with gradients derived using ForwardDiff.jl, these must further have the correct element type. How to achieve this is demonstrated in the liked example above.
  • Inputs u measured outputs y.
  • In case of Kalman filters, the dynamic model matrices A, B, C, D and the covariance matrices R1, R2.
  • The dynamics functions for UnscentedKalmanFilter and particle filters must further return static arrays when passed static arrays as inputs.

Analysis using JET

All flavors of Kalman filters are analyzed for potential runtime dispatch using JET.jl. This analysis is performed in the tests and generally requires a completely static filter using static arrays internally. See the tests for an example of how to set a filter up this way.

High performance Distributions

When using LowLevelParticleFilters, a number of methods related to distributions are defined for static arrays, making logpdf etc. faster. We also provide a new kind of distribution: TupleProduct <: MultivariateDistribution that behaves similarly to the Product distribution. The TupleProduct however stores the individual distributions in a tuple, has compile-time known length and supports Mixed <: ValueSupport, meaning that it can be a product of both Continuous and Discrete dimensions, something not supported by the standard Product. Example

using BenchmarkTools, LowLevelParticleFilters, Distributions, StaticArrays
+dt = TupleProduct((Normal(0,2), Normal(0,2), Binomial())) # Mixed value support

A small benchmark

sv = @SVector randn(2)
+d = Distributions.Product([Normal(0,2), Normal(0,2)])
+dt = TupleProduct((Normal(0,2), Normal(0,2)))
+dm = MvNormal(2, 2)
+@btime logpdf($d,$(Vector(sv)))  # 19.536 ns (0 allocations: 0 bytes)
+@btime logpdf($dt,$(Vector(sv))) # 13.742 ns (0 allocations: 0 bytes)
+@btime logpdf($dm,$(Vector(sv))) # 11.392 ns (0 allocations: 0 bytes)
@btime logpdf($d,$sv)  # 13.964 ns (0 allocations: 0 bytes)
+@btime logpdf($dt,$sv) # 12.817 ns (0 allocations: 0 bytes)
+@btime logpdf($dm,$sv) # 8.383  ns (0 allocations: 0 bytes)

Without loading LowLevelParticleFilters, the timing for the native distributions are the following

@btime logpdf($d,$sv)  # 18.040 ns (0 allocations: 0 bytes)
+@btime logpdf($dm,$sv) # 9.938  ns (0 allocations: 0 bytes)
diff --git a/v3.12.3/fault_detection/index.html b/v3.12.3/fault_detection/index.html new file mode 100644 index 00000000..5f441043 --- /dev/null +++ b/v3.12.3/fault_detection/index.html @@ -0,0 +1,2 @@ + +Fault detection · LowLevelParticleFilters Documentation diff --git a/v3.12.3/index-2fa057fb.png b/v3.12.3/index-2fa057fb.png new file mode 100644 index 0000000000000000000000000000000000000000..240bb8f83d1b93f99fd62532a9e5147cbd3d59bf GIT binary patch literal 47897 zcmbq*Wmr{F*X^OZlx{@2JET)Wx&(wni*$FVgrKxYgMf5{)BzOf?(RU<>6w91;A62qqItgNiMIyZOsdYuwB>yPH&3&CC+g)6)|YG{>G1pvB5P$Hi5vGL;RJ`uz2){@7Yi4}P>_60_ZM+q;VCXs?}% z+sMesVezMhneMJGvlUnnn|>|hB@;3>xn7?1`rt|Ndsa z+CoW3XKFd%$U19ckYLC1f-x3}2;;g*hZ=DCpT&Iovo%ioP&9;=~WzkW6T{Fz)U!_EEMkjvIU8jo(7eo|W6 z+u*fc;?G#C3D#rzXt;!g$;;^Qy}iBQ*Ax3T`;stFQ6Ywgh94$>&}n!7`nAyNqsyGa zr1>4(2Dk-0#MQr>{dbp#{X;|il+4uB*|xLQ61!ssvCYP<-h6a)zh}CKhbyedzZWPb z{q(sy$_jY&I@=m#P;3LA){JUn1~5YNL%`+qIv@ps^|PC=SFqsVr~sjWfQ^kUNB7g? zICB)$%hPkB%%B0BoH=Rl_F^BLX|Sh7$~oX7N6Bz#hhv7~f%qTc84gWh-?Em%+fNOHOgLBSDg@!1~AC@8zUyxgBE>lYu$ zp8Oy!Elq$fJ6iEVOw7nVwyz~$Mn)zwSMPddIgv?|QYZIc2+jTUySuz6eHmp6juiHH zG0hHhwY#f}vDnJ7ay6c(Yw+suXWPRKm6eR$o8QFz^znaxf0IsVW=xXy#RR-lE+eIo zb3WLHIGg9h#DcCnYU=m_PY+i*Uf0*xuMKElypa1uKAS6x5fJe7(`{enD=*WlSFhOE z2IuDuKB$3gd0S)oF}KmY_u2Xp*b8_q=1Jp#2fC=W%fopPHx#(IBRSG23ZJ__Q5c+; z#AD?Q^!JYyD9NhFL`D73tyo&0(<)NSF>d$IWeksqAWQ05UN)Zl8SwOYy8fr(!{ooM z*D2GdmH(uyq}1Qri-wN=g;c9d-|hbTG?(%5Z$C%(BAp)|qRD){T`uF%a(g>i4mdbC zySZ8+-|I@oC=(Nt??y^#+!nR^b^vo)Tm7o+!()^c)biwF6BF@w`8b7zy$8SYQ3c#P z0mMM(+Yb!A=C?g5FrSs)dL zes#2%;L6F*?+&s6ByO=>a z_jPmJ7Jc{+Quye7KWmn;W4jrm(ky%?k|;y|+&QK(aWq-6bQf*XHY0 zoM2Vz^^GR+X9$jJNxXM_hOis+8r{DuDd_(F+u~@UN#mgCb5{foS+i^Ed(^{&15D(u zDziT^d~rOX=>iUfvQ=*TQ%HOAAP%EUpB^8g{Rsd7;>w;bG`aBe^UE$PZM~&M>Bs*# zGc$uDb`2fLmaGHu0X7qa%Y1{w@(=A21Qcwo5*@aH*Zs6i?|z;~;?e5YzE}V0YE48$ zWag*dDQGiML=$B?oGIE2@~mA

{IC;iHAQk;${?&&40k$2&q$bW3!~j9R_f4C)U+ zh=d?xVUr80wR&Hqrlxj!csM!TfX$t+wO-%c+}zqqZh!n(m~14y?0Ytt%x17vkz(sO z>UJ`&Do!Epe-8j?*>gSi?&_Gxi6d=0&=&QLM8$N(e~#gFfeP=7J@7LQgL>O`{|EFd zXOKShA|eZmiw`qZX8kD~swyf|yRM|MmLRGWH=lFg>FMk18yJWmmGKA(&E|WOkffzh zgmmDN{5zVU9l=oqER=$du<`M;r^n+b^sK=Bg9CC(%A@^#GVlvvwes^{GO6WbEC~;NfCUtq%^3A3j!IxkWQdP>(|P`x)5ur4RtNZ4E3`7o*yk%}R z6T1(7Tc*zk1rT+^Vgm|F_FH><_7g`cE^cm(0*%QsgK1mm{+}( zKTCi>k7h7`{kkVtHhOGqY_876}|YPw)UD0byWK zD;|CS(xX5f#mvl1R^3RV`y|zlJ=@5+Oq%M z;be*Ka(h5Kh;uwVys+9tCdtq*ge!E^^z?FhqqYl;ry$@29F}UUssNtco^;{(`T034 zG^&F*KRo!_~5Jv%B5($tw8K#n~Ad zk7Z0@VPQqZ@yF*3dlSX983kI!8V&Y~W4o^6_a|K!`_pd1ihM*fN0QreVXT#$9WtU*Vh}aEr5lujt(9qC;uTe2DUb$?=01{{1<_o~o`|9W&_yk}=RO0|# z2jB)JT0a1A%gD+S%=`o=&y$Z6tMQ?yHPf*iNCj{j3(v%G?)~tuib45JK>Zxb5_hnr zwMbTHPAbu@7;1NrkqO1e_!}RzKZrXGKu0gK7X+6H`FHe%%LI85!b)p4Vv>h?1$VJnVz$ zsDp!pL0JfDOv0uRCQkW)cLv_OSWEM}a#O&Q|6|R*>rYUbg@uGfRSvpi$;4IQKm;DQ zUJV2knn#5#(6TZ=K0Xq#=m379#fT3IgQ(M5=*ECAG1!lzqjD|ggfCxWcvzTq%MC$> z)#>{I0s|HVA|@sV$P-S4pMimakEbUD06{;M89?fVN)u_Y9|Hpe00cpZFvyi!^OCBn z4$IpsDk~>W%O-d=F@og=g;qpVl#P{jZGBz!o8W0p8Mn0@x>QO)U}FNUe?T$YyH^ zlFQqjC{Ac?eE|8Ko0ms5+dVm12M|t2N9SKsR{l(m83>57$_W`JoyF~I(TKby4|%L& zArSx4nWR>x^K>z7te~Kf!eN}rZ>JCFEtQdSok9YA`{V6C;OlE^Yq#gS<3KSaY$kv9 z(&lW&7DE}ZM%89c0^GYdot4(i2-CE@1N!w@l&Q&4V|+ZWB<@_jUCH!*US3}N?Out% zk|%8d0$@sfHdB}++~$)%w10orliQl?JP=03B;|d7FjM93?heQj8Si^FOH0cj zEKZZ)hzNOeb8|okDvaChzd+Cv^u@8o#oGb(5as!IxPW!F6#5>c%!PX)lq)u0tD57G z2f$$dr(20p1q#2z(*5mzMTypvx1a4yB>=kn!-i#06?6+#C?pxvewR~FQ2Z-;;50yF z#E=VB%b3T1UM1Oq0??I`mVV`auyc5LxVp;aelP=%1*l;g;6Gx1w~dXB2Y__|$?(0; z7Fqheon0$n>CzF{LV|)b^Yj0>s%n5TNt)@4Jy~_DHF@Kn)0UPNfNurP%E~bs#jYM6 z!^^PgX#oZXD{y-t=0P4Tw|LdyLvBO>(tvY&xVs;Lk^$ICUT$t?4TPKfscS)a2CRfJ zkY6AhK-JeQRPh6Eg~99ja54RKe>Qw_;uzAwY1SPBWCIEkQrgRE62m-zW$tov-5b3L zbcLYeTV*|_0vRQf6~f-1FZyL&6Jz#=8e`0of3X^D=UTbbRHrAso{y))L-S z*HC$xrb{A?eQTQ_#%y8YkXKbz)yI%GS={fIH$E+m1XNOD;_HL* zRL;rO70{D)3h*MLOG`^2Ho$(~ z9MlYpJzlSi`dm(wzSaCv0|7V%5=lu#1^L|DZ@JA+HB;o~TY=w8j!)Qgb92eHs3)C~ zrg81ByXHN=oVx8I;VOg{HHU)viCWWT4Le1PTCX z?bMfnB$y^rQk{UJgUE*q4GVjd%9#VomHa1iuSN@B-}_?CLUiRVAUZs~Nix3>$)h1j zdgA>D&e(CDUyg303y*JcqTP1l`+%ziyvzWU(gLLvWE@KJXU|?tIxM$6Y-a^vV_+yL zD`R3{%(wa70si_GI0BzPS6PqKCm?!yYiMc?XNf<7oP`G^Penli4IBGYWTa=K1-LX2 z$bdRqFN}6~Z^@=MKCJCfpS)PWHNxbo)jxC@>2NmMld1T&cM;hI&7x5M;qib>EkMVne{kGdovloj1-k_c*2PmTLTy3#QSNQPL^gU4F-Bg1M z3kwGawl+5VfB2^MFM7RNP?-kJjkpHNL;921d_epG?XthKBM8m_mPYXc=!iD}e+!(! zj{)o;ARq+X?iOzLr;s5mME#3Q5O`SNKtr3YvzfNa@^c5(U9+qzCT4bI+jMQ7G3*jG zC_g_x!Yn6NN6qxlCyFnc`7(N7<$ryAUZP#%4uBlMbE^@@ezx*Q6MG5~;6=pKNCSRt z=HT#;nF6ol^#!<=WRU{c&S)NZO>$b=Kj{F3Z#r`|2ntYU!6jM^eG~G#J@4u10g8Hi zBh{10+LSgI7== z*mcr=IfsB#PF2galamvG2x4`ZbXgzXZCS{VSR-XvXDW1@FpGHZPXpldZ!If3jOJ`) zIWyj}n2;2jE*fA7%NBTtc2N;blNetHZt9GCFWVN?!ieo$SkmfiiDtZ6Gq|!IrJ|5( znnbSxTukH+Xs*Ub=Z$=@Xr3f)l^a+&)FP?gLGSMqvULC0(VdBm*l>-qNh>s40Ljag z8H9}zpSh2tv zI6nl;T8&<3mPyRoMm~piz%F~R@sQL5RvO@>pD12URho2xg!Vn@K%qyYCX-6jMVBlj zQtk^rg^y9~>1k0+eTM={5HT3;lt65QM6$AV z1ho^81yFQZUcAT!;6^JK!iY&Jf(|QmYS;;EB$SL=;W(|GAYso>R9UsAi!< zLqqlT^*|@Fe%Bg~2Kc0iQPaz_Z=r}e?#9VdQkgOevYT|8$kok_K=u@b-wm1T@zUb> zcn!exTtqLX--+XliSqt=V_vB9tb4AFw+sI&f4cH@y#Ev%NK?g)ga49%Mxa}S-S(8zxC;Qk2i|Tvmsz;h)3kAb zAHWM3h%9(``0uJ&OJI2bO!|0vDcC$G%=jV@8l0UdhRTeXM9qkpvr+KH>+LAn$nKlF z9gKZEU>3V9{&YJ%J%s`FvRq@OD(M+I{|D5|2@|w4Zm+)^;HJ~?x!GyYlsOx)>0iF& zeLo^mrUL-c6u2<}nv(W_)kjK6iM;^m7bvYwO-*3U-@JKK2JE;;wXeC?#`ox&2 zU&|C&SxpE3{ILQ_qHzNj9PmG|vmZZxMEd&fr)zItA2T<%GceErJL6LiE-V0^OhxOZ zJ_rrNckeJ9cDJ^4z}Fia=DRk)LI84uhR_=&6Nh66{Q}rU9GzHRlD|NWz0oZi9vbrh z`{811N^%AGte_IHs97845H$jy87Q(hBKuGO{J)a0rNE)uEF3#~6MGVn>!qcv#jJzo z&W?^f4ydx~r5Xi&K!cQ)mV(8u2YVbC2zfZm$Zt3A{Q?wrGQdrsuLI-afNAsTr5zlQ zK!CNyL^l-V=eJO^2($`@tKo(ct%kQyo9_JOG@%-It7L?;8OHxd$n|$*HOI%h>4?79 zg5u=j>YCUG)WL)Je}QUblmDpoEJ4GRk?QIW0^c+HOwcgKKU ze2xWdt4bcgkH7M?q@r+P*neR#w^(s=Q*CAnAjfoxt|~M5a17QvuKxx@P*|8bsc-w~ z#qstw0|C%(z|8<&3sbsq+OsZK3f9wnLQBq2pd!GI082unSPQ`ZY^6zv!oz!Y-X$I{ zKJv6e*$LXOxBU7$E)8HQ0Es?7oWEN89S!6v*U+bHpm#k0yLaB~1Mz@_jGQUt(!I3g z555Jm^wY-4DNZOtesPb8mGW2w#(PhS0b=Iqd>&2*kEd2}myUf8@k< z_wRW`(q|^@++9WO_jfxxJ3vEXQi&~$jym;zp>x?DO4IH%6ueQj(jA*F?^3J(`v2An0zkL8Z%H5I_p-cnkBY9ob?3AVBo>Q!Dm`|Le5YSBxC@6 zv@(G%skfVd>F{QhE1gEfc_R`uwK|~xqyd${!|$b~Hqc`NjiThXM_?|2^<);QhD|67 z{gy^w)L~Tgf6=aA#{WGf={F;1ghI)rn3H~Rk!~bCI~*-(;FoqiPz4Zb_MyNbdAeT5 zDQ*Ev`#YM*Kwn?X`FpHlf%ny-2MQ)JbZnL@kH&VszO1I^3|NX_6ZC+Vl6Ob1si^^q z?O&$)#YRVuf2bo>Qr#_4$wDF?ffHT~Np09Zb79>?_rmkPtN_q5S%Fd>`1$U}{fqZ#j8+@rA#!0!z4v9TWE-Qb%#W|L6Eb z%J%^l2nT4*Vtc?-mz}eV%li5{5vv}ww5o=Mca~Ws>tpZO+sw0%V~H$21m&MnmCKcrzMyjVIe;?eNd!$guVc!FBYU9O0MdP!I}d=dhO6a`5^FkK z-`oJ{mx^CbOKYZbuBcwfYmK9RgxA-TiU%r$wx-@)YAP}CG>Q)n582#`DDAh7j)18$4aT}^NbY{rs4`ew9hYEgl`K`AAtKSJRIig6PuFPf2C~{a4#-Xg}i4m zT?7ad(Ej#IEjM{_V!*WP0VZNPul3juZI)s&P&WTd=M&lhBlG~4$R>VS%KSm&5O=80fXOzdBPoMu$> z+Uz4Rds{f3A>uWbpRl!E@Pros`GyEtlJ`M#OiG*$6dZsI!0AzObUXnV3ff*bzdUV8 z(yV^}KeC7g5+L>53+cNma2`Q4F@r-)%)c*@2~ZH=veB_64g@5osG}$?@%`x5XBOPc zfDnc8IT}^QGuusW1`aIv1gd0x4Um_tM3fnYpnj1hqMUJqQ(EcJr_O~?6F2X@@KQ1& zKK8ROCzp7Nf{w6Y(f_o-3y6~`jw?HL?oGdlPdGcXQVEwqZ7o~?i1uLrdlbVqY?a)3JJdjmOJ-P)=*{T&6`#DxU~qUDmH zr&RDV5; z>VVJ%tLw?z|Bx4S^$O0^BCW9YSP-gCK-+;b{1ccWK*0l0%dcC(fZEuQ5fW|zeA?Z$ z{`zaHtGCx0xENrU?@s?vQBBhWrx8#^aQ)q+*1o4rsMoI_FP>|C3TDswpILz1FZXdN zI+$n6%4Is~00fX~_Nj57J>v!qN`R=Km3Pt4(e5iaS`-%cJC(}}v`y{J%v{cQ)YpSw z%Wfn&qxbeiqUOGzD?CBCJYEg}Zw<_)X5X8?*Qe|M$do*PI*3ZpBv2moa*zWl=>hmF zXzy{Ebtfiba&wCyP?TyFj{(e%z#{v{(t$bsiI{6`l^^gGz*46{??xNsDez~~nO%CX zP}eVT=vT-RUqBty5T=riG%T=45w0da!jis)1S+0pw;M0zvOCgkTR+_xg_L=u&Ad{RPO|&q2uP~7>=G4brGV4 z7@6E&%a|MjU2p5^mMP*@4T=DWUZiAYYXBBy`gP%$Bx4oE;+jbO7@)iX-yTcG1CvIAxEVK0P{&HB>5Sfk)CnG_3439#_5fJ8CkYLK|jfx6?INR$S^6p=R&p@>TR+_P`Z7FzxVnH?VlIrXIhgz#Jh}Z#S zr>(!f@i{|!MkuzBEnyMV9rs{|hYP_Q)#LYPJ69W~b;u2rmGgFY3LvKPG8lNVN4rrq zjR<*Xrw@NuQvr|m6Gb7Dr@8_@7>Y&wOTKhIzy z>G6~S8&R7V0c$VVZFm&>P8rX>ai%`<>&uyG_e=r8jf9B!dK36+8yg$&;UkNSt+LUC zVBmv(Wpk6ydh8{bEC3CSG{(l50TwAx$%I>RZQf{TeBt^wv$SONqj#BFNa!tYD416f zdG+cJkYmu7@LP`+*c#6ICybD!i!_S&YSBO3sL8! z3x`Aktig^fO@$4fH+o-u0KH2sY)ni*AvnJiCp9{6MyV9?gnwCT4_NN|QQ0sb!Q>^a zr}>_d;J%D4$eG_8CR&i8CB%3_NR9fU@>CxuyX7#XUg@izrE{XSy$bm2C|>%X)F49+h(R%DAnjx{!!JW3`VkdtGg%Nlxz3$yr) zo_nPyAEkUxwAfjLsHQ`RbpNn$ZOgXmscPWgE;3?o_9+S7iF&5~+w_8#o zI-leC61{Emc=Su*6tfJ@h9siJzyTx6kDP5CX)Q;eh(0J*R(t0p?r=`}%}EPoR(8py=YDxc7@ZQ&Lg_4y}*Jv6p8f zm|ZC>5cghNcgeFX)34F3P;qv4udZXN&|%ox(l<9ZjEdC5=f4`sX-5y07Zv!YZaLoR za}`zBwJz#QRav2*+@X5ir9d>~-xTU}KHhjxd63VuJ+Oq=)oC$svI9q(bc(37Ov##; z$i<~>jHlXR`L@Ml8HlZvNLw(!7VUAcqw{0JTo8V_%e78eqO5J=`J2=Vi(1}h3OSxic6BSJ`3Gdv=F$~!@U%oVVEpEy;w$Z!~1;PK1;{Nb@~?dh7;`P z`ky$}H118{TM`ly0s@o)%w#R#8v0p>8L8ugsB8iZ0QlD53kv+MS0e!34kJG?F;bK! zzP~ZBr@?Bk(MB$29U~z8=!kL@!j~V6l`r+S5fj~UxF%TggzZ{_S;|3axIZ~lk|5YB zd3WbI0s8QUTZK!HLCCgp`p(`x%|>T3_3&*43deQz!@Dp?W!&5q&DZtyh+i8jvzh}8 zv%0D1f2GOieVF=j0gQ-QO3DVluPmJ8!W}r3ME;?7mAF6AIwd3uK}&H6W}NRq-!8FN9;?TjI+l@`?%G%zA==IO+H16o(2s8eMp7=L!Caw z%GOU7W(}{yTJM_~Zk|WDYG<#$}Y zic}2v^YB~FXReOe^iozc$S~6#G#eAbiO{Ez?~YV~B&2WR!Y_utiKjTROvPt9*+0zg zw`UnSUeP-qKH9?+G=Fz=uopRp$(5!5IJ8^t{rSy>Wv+RNDtNA7;c1aM{Kl71Sn%JF zNsT2_Qr~^mEKpVa$-ut>zITBdBWC#8M!)Y3W==qZoX4`=)SQkewl9=!BX|SahL*HK zJ`o|FgIPq4(qkh8Cl;ZTjlx$O+N#5TJn?PJbkR=9hNU33pc8t%_iK{i`SktS^%a_~ zZVIz@F!#~2xW}cG&QzW}9-`#VWZ~5`MteoBh96P@Olk&Vja#DCf*p~AjkAzZA76m$ z@8m%&c-iV8mi}@WF)7`JH{8t>Tj>Vy5C{|ybLrL=Zf{0Fni!R|eN{`Kr6(ZlxrC9m%J-D2w}!^W1UX{`BxMc)TG*VA8` zjQAI%S|w^#hU3#;u>*&^#EE<)Q5Lfa$pcHM15uM!=t6neyW|)&2 zo+vSXjIh^uI5pB3x`DLjXu`SZVL}0lGqr?K@n#2sXoa5~NQg8m zB=JxoX)OqSj+0f}#lCVbdCvPW2j`a0G^(PCEwPJ;R! zspvZ_ixRAm?xc*>q^x#OqfPM6LunihXb$SM{I*IJ5s`c^{nsmual}NfJd|F!EmYkF zP%)1wLR(S%Pj>Usn#sxa-@di{xb{|^HR+3nba50Hu`@Zv7?KHnOrUGu%lgt~_U7gD z#6&01n6(@Ko@?AD$+7dspUiJpH_MYtoiS7~h(N!6$#!I;Es0f&Er+l)L=zWv6`~w; zwE`asL!H6+Gs*v4*H>VUniRKU9}7cRHaF48ms3;eB0$+ud0>g18kZKpsk*3YQ{@RI>W)AcW45I2^50 zm+%LA`A`;LvDIRu{q~4Mi{|(g$J?Kdk5^&8PFe7yE*)x1=PFh7rPeYj(m4zpCu-lG z?e-JCb9OGbbU0+zVR5k@U`L->{Pyf?%g#Vd_r3)B~kfnkgaFX?xOr%SxCt9XV0QM zvy8!bc^nNna9TirzoxqS*|TTD9!I`lI=FNGm5|V&al=rK_r>}LH>9#PrB;*afklA; ztl{3CUP7%4F~8RBW-K$L4oMgjpSpvE+n;V`$(-x4xywo^5(dU+P<&sU2q^M3Eaij+ zGa?I0WEh6@A~`YuhNee{s=|r;FDICo?p& zTji0^H#JvdFB=<|@tw1&&K4h-tayq3;1N)s;5x!2{1N%(T zwgd{U1O~Dvf?TJ8BbloRs_8D=n{1jGB;#xGuovu=h9M-zStJj?|7P}AWW*r5zJM(^ z=>{ruA-x`IrCF5AI10$od~qumOQw=3ULh6uZin5yC}b14jN(z zmS7jd2&sQa0wvsAu|R^7(Wb6=KeDA2l-*8kO|(Yb5_L8^<>^-{go3)FvVXVMb;S6>o13Uw&RlQc5Ob z4~dSB)+rgxayKl~;h3-PEmyIlVkrE~iF>;(B#YgtFoXSILdqIOu!1cCArHGU;m``5 z&kmhZL-^DgaY9HQ;^v6?6=rZkIuW50e3DeKX)iGSmp1&EgkS4(g3HE8&hMO@h`&-L zV45`~q@>oX#AREo)%~r$tiJwv;BY$$Q?MkiFlwjZHRe*FN+qR^G!8L_@#bPf(g{He ziu8(GycDxQ7iT02M`h5|2+pnbCj8F+q7cxv0G7eB-_^g_Kb0&o3h)R5XkCCgq`Z@NI=0Jg`9`g5ikq*C zP}4hvYWHDW4(7{BHB9R*^L@D`5`>-|_EvZ7YH;+@%&rj#Py`iRl%^B7d-(PaDPj}? zOj8x-@UF-HSN!Be4og+;mF&8|yPBo#rn{4P6@SweAw9v^8WAs6Xs=1SrJ0D~2LBqO zuU7W{zU)akL~3A-XmgO8(Z4fzTLcxs4C$)Gp_gWPkLd!*Rzh##Dn)qA)oiZGr zRyMrB>!7m{Qho`}na)2aguKC!_gPlCWB5_{MB7d*D9XiR9i57s1P68|#kbp9ruVI# z;W!2jc0Asbe-Va;+9gRnI~>$7N>^E~(U7GX$&mu|5D7X6@#7KNrE#ti>O<&W7ghx- z?;yL-5MKtv{giY-4Qa?mi9ErcF%bT)Cu|wu`6ew%#`0V9oSusUO=E@gB2-Tn$##I3KV zq$Uvd{0NiJVngtiQ)qK3R~7q6&B!tb7tvOZgNS7Gh2OfZ9O3=Y0TMUa`ILTZrinHK zLBBcv5h_h3{@0+yjV_Gxu47K5rC`#P)T@DZob?>Sg^)TXaWLpqrYY~@?Ct2AFSV|j4f3o(i8Z|Dmxj&A9HaC!Z#L1p%_%C2av z&UUJ@V0_Z30FN+`;~pIj7m36R-ZrcON^Tg$IU;Qb!H>tZ$Hgk^z&i>;)mM|YyGHoX zwH%L~C8<<|D4mUjiR2);V{M{7*=g$7>>fQ=?>4phqxPddM!I=HQc#{?*2&ZEN?RzIYY9Lo7##9K!Yq6is zj-+DY1!{QAu)7tMStu5h8k&wIHF?0!DXMO9_*9AR`JY`d2f;(!Nh#`04u*=HUqpn3 zEw=g14-URT-|~9d*4Cy~+W5AZ95ZtSvIlDjrk=5}oV5`P#yR_`X2MCh24y>s_#BUs z4n;K#`r$}_Tvtwu82IpTu=qf@B~)^M7-A1L6B>EoAE@RuX9 z7qm?z5wXlA46cQS(SPI+X@!_G*bEPQ^Vh4{McCt_BYQrd>qOOqFsEYKt-e!(kq~3~ z(U7gtJnQbzA;u=k#y$w=8X;{9D)Wllo#!NzVMM{8Az+vKmVS7>W8H-8K6|&$_`~wdoHpv*hIG!{)yAfj7=Xuv+fVY*@;gMyS(MbKHuez#O5x>kE;AH z(Ip*UPBR~Q6wXbLKQ%o@W@M0=&wZN7t`x^<6X{vqhxegDDVLUx4EpOxI@G182Wh4z zyFYuppsA$l>$quIbO>a-M}7_!#|-sXlde46pQ9hF8&ucBc93Ft9X?1<1dovYqt7|K zn|~_P664PNV`~DEBrg7P2X-p@V?4r-ma2~ixR~lAICGL#sE8b`CM<^9jQSY1;dmni zZ3yCya8QoWjV2A**9dgP)L6(J?@xl|PK15ol5!|maYI=#N`4R)+;!lb5SE69RKg=m z)1o2}+#`IVemGmpri%&c&JHCN4l$Fd^^v`@yxf~Y|IGnEz4|bq{O8xNRoXx2Pwz*3 z;NavB4nqy?Y*=%=7_4G9!e@ua zw6I(IU1J<|_^6>^OY+J{Va&iuuPS+xA&yAe2;#h3dBun@8)=WK=or+T9qh(QeAFr2 z_yV11t3RmH&*H0HwksUjIJG5*V=vUzr~P4WZVcYR5%2p<}8 zm^djeyW%SG{Da4kxkPD1?eD4{T9dM2O&|F6!gKQ&NN6ZE2I+$KG&!!60|4bhn&b_&k$L)?3V2ts;n0WYA2q~F5aT5 z<6>;mkn{!d?5r^72a|n^@OFHrFM1xwf^em*kd!aLc)>BBo2?oLhOogj?LTJ)bc2DZ zKb*!>2!@knms>R`vfM)qv~4Ny?FzLFoj#R#9|DnLA__QBUqBfQBMKCl=EV%1?l#<-J@(m&C*2~Gev?SfAY(xJ z^(1{#k(yVDU4ts1ygQPL<;N&iIaH-^Sm&X_oM`SLM7F``m2kGJ{E(zo+!mbnAQY`( zACe?^lP{|nkUrS3l|!5Z*P@c0bxu{$XxoQvxnO<^a#}J>stODPfrrr+TYaWMiyzGBjE+7{)5}@OlR=X9Z%9iy@GM*(e3y zf)Sf7KpxyxM#ESJiaq(NaFbnGT92QD}pg2$JR`~?;+#M zn~UPN6{>s>7yFeRYkkTRPupcb>%OliVK&`g(&ovD+eML`dpk?ALJl zlcM>$cZ8LAKRTUy0*k%Y*(I>vGomIRl?!`JCwMvJm8`r%4RWd^%!m6%z=^{O3rk{?3+jW%-m2SWfP4nD0&} zHv+4rkxZ~z5v__K@;T2Z!bwKR>!s|M$hO7aV`R|4s|1lT(jbhPaAHPis6D5bHh$et zmN^6G2PMahz*%9?L(b~-Il;OPYL#s9z8oux>lSF+#AbbR@1G(F!2Wh=bP=A!r}KlO z_O@~7S96t94JitxW7VyG!7h54ESEH{eHUjVG8PTmLI<+FByMO3_MFr^JsgZ2+Fu0j5oE*s>B5 z#@BT$qT}M?z>}iJ?T@Eq0wOJ~1;&%q#2DHz(jjSWM~FdW7{v(DW8fAfCfLra10PTA zU15a}%hCN)neKdXgv=v8h2JY(-I;eiy}fB%CSx%l6M{7C#m)p+H4(MPgl7)bi_0T@ zgWs2^-NU`bMXJdm^8GA8rLJ$d{ag=)!GzKm)d0$?6;#@ScVNLu;@z3fNg^kKer@em zwU2$zXQS!+wP%10!CMw>3cDe0=XiT-Vd$Jhx9R}S;p&vMBncNu1&Z(oMq&!X_7BU! zMaD9D?ixA`L#Bsudg65EV3i^Vq++G72!9J}u0-A1y|M{~7%TPgWO%kLlphl^sqo66b#jJBR4KLI?*yP`~go=fRTduciuR}BOJWE zbF*Hg6JbarGSD@@Yh)meU@qs?A{9>wW^1Ck3_dFMk!f7LPwQ@0ultPPDF@)*!cqUsR&g zOT5qv23!DTA#g#YLRoqS{!@IWuEG-IG^gI@ZECpsj%`j1|1c6x(xtFZ*>WN%yF0w5 z_J3E&r(o~Xth1InL@>!coBMZW`-y`&|5W0pbsbxJ`9k+GmHnxcc23VyS zrC_7aRN5TmBIlV_ROpS&5Ev-04gVsJ{rZa(>m!@`b2EVtrdXs(_yz~WzdmILCN15u zH}jl5a#hZC9HjWmP@{u-QNBL9zF_vRSX_*cLvX# zfGNwrA{E*LpmWWfls1FMv`waqmDx?L{w~ zIqWS|cGP%gUABGvE{Fyuk^Q_9Ll8>@g%Cmp$B=wyc9wO_F}GFr17YRukditV7?O$G z5o=Uf2h)mta~bLLYD;^yQcPBj7q1w^&nr>7W+1092bcg10!11@5Jb3!Bm~mK2u`lN zHsfNd5Mww_Fg=N`pT9>mgvW+AkzmsqWjb5!eSC$VCgsPA3@i9UBl?M>2uUI-{mF5l zWy|l?JmyhbrFH8Yxo1A%c>c3Vfk>R#GjOkiFeKPv@J_JzP;O3=8H8G7dq^)#WJLf< z$VsV(Gy_lmXWD|N)U?4Rxq{5Ocwk-A9->xI5Bn*5Sy#Q}a^C1Z_aN&|8A!%qv~Y7) zuQ~61QrT=*D)M(Wd-hW2>g50Z9r$o?7A4PLA-ND`t@&J~^bC*RGSqLXbN;dJDQ3w@WPzrVzvd=F90*+hsbO`jVi zsfL0-6Yv$m22A-;kdrI2?rv;=P9Rz4_Ii*v%#9jyf1T&H*5Ll3VR;3H*FR~BgXs?l z)WQNe_OiwrBZ6;c5>_Z*aVeJ3R=O-nf? z%hLtoNbv~N(XcsqzoAOdUP zbC?X2y^{Dnjxvfnd^e0A`Yaxm95Mwl3nCF&mSM-aIWzCPiKZDgVr_MjUEH&zV={Ep zZX~R&=4N?p|Cah39)@n2r9!Hy1_QlJ8MHkMHGAd^^uWql4$Ky|{ z!D<5ZCV1I#1;Wh!KJaM3KwqEY;xo-3IwXG69pFKou<&s7c`hz4&aPqaRiSsd(h%_y6}HrHYJ{#@1Ju_}QNjshgD}^xOUQNO^C|~EqYTbGKHQ8;sCW6Mfxid= z9&3eD`>K!7V~QbmYV`ARlv~e$D-aJCog9uG5)swS9ueXI+v0`t*six7n{J|ZD}POC z{UfweT(z$9@izwykJBSi^#4#YY^+v6-#+)LQa%wxcOXl6BC%@icK~XHJt63GtQ@(nah$x$VTkX zkGFcB1>a%=N(bt7kJUGrA8+=>0^PBFCz?=dwz1r;4dl@+14AyvE$OWa2CgLdSKu)J z4`E*(j&|vl;AzQz()yQWfGfX)s zBBrvu=n|iASJGCT+a|_YveVhY-jwU1=hQWG!nx`g!iL+QtfX^P@fOFP(eCdp2;67u z>|EgI7f65tt9Z>SH8s^Af-)%m?O)&9PrkhD5qxOsfghz8!HUJQUz6-_@bL_3J%TCe zVfAbqo!eVA^aS!o(_uLq!4mpDIyF+>##3nxG$M(IUZkc5$X)xp>F{AJ??AijoLP{7 zj*d=KQ`0kRdh$l`H-tMm5(Et41X;-?cW2y)2vcWkq|BpuO3_O~5nSKMc7j@*<{{Z1 z@+}fUl93bFhsB03bcqe}XUK??PNu{+yx&gL~O-Zi`(SWiqA_Tdw9{-DcPJYn_}s|Mwm#OTZ1p6OK z{ylQ7@89dQ9^9PJ3zvOZ?AIbMPax3H&@AnkYzjwz>jK{o-@(tHC8ec}`R@5I^_Wo5 zb3Zk&dS-CYF7N^}1=NTTs)<0!{^kw`^keIgduS~b+_`fnhlcH$b*1y0$@sC|4Kq%c zx3Ww1_u5dzyp&Jmel&l(uH{(og$SKH9|^m)dJhS_ol5z>*`~Xn+i~XQW@0`{>hd1+CFDCsu6jZ;_|G-IZfIhgVQL&M{gfxv%cSEOf zX9?M8@XN-4VM`mf*;8GNcENK5LQvYifZ24mf3GbC5)Dp!^tSZZ=Y`uqybuIf^m zKUdV$_?=2zN0d}a^u*Ehl zD98k6gs$Gy6r%E^d$`Mg=eHeJq};-X7d|c&lV1I)c-`U5jrwo3TjK8Hsst0m-@a&w zxt%yR;CH32{m!yyEnCdeaQ~l;y=;foIF%}Yzloonjgar4@mw@ddO`NCEr>Gs-lW<6 z%um9qTx|wZS``>ZSzZns`VjVnE>mCG@X{p_LiAWY?2p1|*!+Bb75rCPcUW75ZBaR4 zIN*%ZX7@8oxg~BF7Z4L}J6c?q6rVqns(AI$clO91 zYpb_i*n%ASi%EFuGTauQXYp_!NG&dQ^U~@6(zx-D=0<${W=u_$^wc+9!Sds+;@3G2 z1e2^rb)DkSep##){UMemz=>RsE5|T#WVVYsG zVai#Tt{d_4KuVP1A z^R;=x;oO#hrOB7kq@Y?cVRG-iy|S`01|q)r^|rNLf^ZA4P4dVQjM4UDg6vQr2{lS; z7){)Pb{E4WFsvx4sNlpjNu)s7e-y1s-10tOy4+=AcRt-&Pqv3lxpDmjS;o=W9o>X_ z(wC%6JWTH>M1q%sg*rhsZx9wq*=^{=IZu*Km3?bDpS#;%TuxDu`oPn);*+7FdQ(>yvOjLf{mt6naOrPw)7uSJX_q9al=iFwN zLIYm4Zjcsdat#Cxs$J|kpnq}Wfc3eE@v`aqZ{h)(Ru*)Gq*6x0NK~wtS(S15#YNUb zz4hVZ1H!?633ViYE|C+08WssQd?N(Yn$}OhyU(+yZcL=FupR80ry-a=a|?YEt(NDj zz7n+*Rr%mWW0|zv?I)eJd@SLt&QfI@;$5!I#yPJ zjj{Tk=KfQIPcJafytKY9qjiV>SjRW^%GFR+tM{9S{T{@|Rye$`7u8(S>tJO_WI`VLP_p87u8#B(|eu~9-U{c z1n-Bzxd<9`OpT**NSF7W#{`WOO<#Zi(w}}wDX9kz{V|GbPH<5vex#=|V_;x_$*XEe zMommiiUgRnAHbW*Z}jzirmBgl*%l=y$!UVfiZ3~J`JKntHPg2gYQIlBzmWLKpZ-AE zxaIjcZrAE>ow-|bj})HE$XVI(8|2$FGqfxm8H^)@}h|tfTs^VZCh@l92eM&?|kmFL?>*uGrG~O&!3pR2$fUipey ztBUEqS4Mnig;}o&7*NpAB<275yLVe;bHP;kRgkOwR!3+3CyTRrdKJ-XH-xPhsG?0s z^bUBESQuUr-D=$xxtD~eboTAJ`lbdKx4kXTvMM_A<{q?u{VIzQ!fujn?Ya$hqmTN8 z87tv&>n}|v`F&CZj@9k0pR=jcLwsB#`BtU7+RyMP%$z=TrtX*UA;03An7>5VZhL)b z8{=+epl;!;N4egSDzh-zwVwcyJaMYJ;^Jp`3><@>n70d61NTdPzNe(qTvRSz+YE&3 z13HAV>0^Z1R*SQPX9=nKqJ;2kKYeX4Irp#GE&iO!OgVODaNwBI&C+9_|w%CHB5uU!FCM z57RVw)OS^}Gc!{WMvC{obs$?2_?4SgzHxnnon3idSibj0Gno(2(8pQN z8o0y=V(^}#f1O0Wt^9y26OD~(8JXV71xvA7A^Gu=M%v(`V&t8@&)gO_vPE_WxA9Xo z&Lr6qOs73YGPnN5iO^bZT9q;8L~FKONMPS9RlndYI3OS9Hq|tgLvu@++hU?;hhFnz znNE@CCmx>NMc!IOI9^Xch2PY4DeSv2XR%(o(Vr%dG?UikF*i`b<9P#o5ffWj=z|D}yWgZ|MRm?@(FvtU({ngz803q%bALy%h}kIt?SzL(Nxrv}3esbppU`^8O1cHn38)y1}A?5G! zG%2{YJKi9EI#d0vp`S@|p4GZh%j<=;Gi_gAre5Lm|C>K##4%;#Z5k6B+nO!1$t>GI zw?&)@!UR0V0*C{QgV$#eiw*m>o9UG{mIquh<-jHDHMz06FoS7xXXme&!o{$ry86X4 zKa}4MsLpsZ1mC>bj3FREmJCg_Y@xN4i&hjx zMMW_Da^GBAg3VI7W5?S1Iz@xs(K|##6U+xfuU+UzJQbhT+iMA?38IRbcihPC55u;O zo|`2-DJiz<-r(pRIz&=* zI(vRvet%EW;O`7Lg<;-3?C*V{GcW@?$KFu%9z(UT8pF#tY~J<&-;_1VQ5xec{_8nR z7%=)jHaf~et?uOHRCQ&vcQ3D64Bi0on7e#KywKujBIZm9qD2_|Lai!Urd>D`8O!{Y zM{c&C?{A7Oz0@K(V%ygzeE$pW`!Qej5i)Xl>f?$gniRHSdGAI-wntyh)=p}wYnXCF ziH;HP-+%vJc5tY~h)PBVkGZ*fIX82bm_y!84z0iax1~x&4&7sUB5bS5UR@;ZHhg05 z-V_W)CdyoB7E)1Jyfw!A^4y!wBMsGs48#hh; zNlUfU=u}guS&ZJ{#D=Tm*Xq8!f^A|O(hKx}U0q#}rT-qNa$`(^Wev^0dFR3El*Gh; z_-{bjx2c1fc=L^0XD?SY8NcySg`Jbg;BZpCS(_;`x5%lTzwRxu7{cKf`` zH%aFmCpJVM`|0^I@zO3*v6yf)=?TZ%vHk41&h_BKIIhCDu&;#;(zR><5U{DP z!`tCL(LGmMc>ZcZl($}bKqzf9M(2;o%gZ18QgW^2UX@9b#@z%%5!MM<^J0Le=k2{b z`jFcE0#gd@6iT?Pv1_c?9b}>Q7IOCS@quvztN}6e(7qthAey9OjM-thQIY878$sBP z&-1;g`pk>4F!h6DB6~Blt?IT4NPz5Jz8_kXj>tS}SCo-4T={5OMC@hKcxAjE-#rX! zDGT1WtoF!xy{v%{h7L2w-n~OFy$_+M{OuQ2zEx{BT|(8TtzSX&KO&Qome+Da>3T!>;o&4`er8+!Qg;bKvEqGsWkKaT@b7 zO<^`CPBdbm^Z;XA6+*8Ko*g~6{BfK)M17oXSc_sTQ>&cNEDrA{Ohy|C$K#UY1=>T- zs79U<@rD@RQd2ociq9e^I7lS*UDCN#KN)a=1LkOW>{MUg5;YmV3s2Pey4u=d8gSNC z$#3!9*RRR84?kJdG8u^es-uHv7pL4+ofjc%@HE97RAD@&q=W>l3fOF~cV(%=NTH;% zlJ%&w8GWQ1yk~Fk7KNwrv;6#v5p-O5)Oz9T98_Jm%NEZ}`u8?BkAXyPT80D!9#g50 z9ud{XiT3Ol@St!ib3{%KUckcuZEhk)xrT{D7#x53^r>tmR_Dx_GZ6NGTiS;g^QTVL z?_?-EZ-|qgc(?Nl3;UpJ+b|CLZgeTUH~JWTWNqbfx~K21a>x`Gy7s+(t)`Ispv2bM zY<|ZpcpCuFFTZdfd;KUab}EO~TMvGp<>j6l8n($N&zzwc9v#g}6V&^gn;wWs`5Tp$ zOY1WYV$+LjF9Y~wiT{|1MezO5En!gT$TV;iy%Q62&C84B`J>cSpER*K4>yDiVthoL zfT2rXIkQ3ggG{<7g5tla`qA1(WRN8eJ5bB03#M-ObG*QeWEz=LHwR` z7~8h^eJA>eUN6iKFUeNn(Gvsp0Twd{V#f)l)DZGL@U_%aDYz@qt-Lq?ZZsJ{Q3c>k z(^Z@+2}#MY-%U(_Hi{77W4JTR?upvT0@lnRm2TB*hd$yLg8FA=XNP6bEQ}=z9Or4N zsFGl=7K|SO8{>l2Fxd*pvMgJ9XC8cd3 zHsY*Z$q*cu`R>6As1h$6L&>AZKX!LZ@$$aH-(MQIGs4VkSi!%)gQnTOLM5wIQfLKZ?bV)2>MCW7oZo%mX_O@y1z2$)dA zUXJLIR3C)ojgJk8W@&Np+w;pQg@uLFW5;D=5Uwl&=zHN#0~3ft&9sDg$1p$GC$`Ss zFp3ke5Ufx9Fkbvv9XoE%L0iCLd*1de$3 zF7Nf~VXNE!0Sxn(S^+cv}0;PBy(9UW)ha=i_GP&l7=6LdtHxUC9|AGNev zF#%p7IRB?R|1-RsP;QL#@H-6uZ!Lg_@0Balz_)OA;T0zAxu9FXYP_*odv-LcLUuUx#Z;;S}T(<(V|GJXm>YuN^Qow1WpGr`;>M+$3)qsOP4~GZ3Xs7 zUT7m4k}nU4E)kE=cqY?1ir34I3@Tm+RJn}io<=*O7U-$^M8o{H@9S5%nd}ym@mrjP z(~RHs>$hd)kUN~i$vUDgS?BG%=|Gt;4;F8sTAr&zP(a|ly@aj#i`^pbJp;U|;r=kZ zB6^I?jfUlw-^Am%V48MbUHYm=&ib;mot**4w8#F(afg6@ZM{VMJl2;lFR7m8On~z z(u1}m6)>oSkH=A2*_TL2<8x0a^HuOv5EQ>6P2-kdzkZ$Q0f$7EQ#+sS> zy(}yh5P2d!!fVVQOkC3jZBA~wS|8Fqyn*3MJ%(xs%K`Mx(Pw8}ba=Pd?p67)nxfa) zW>8uIb1iIea`1F>Bh13pluhh@YHBTJ$zf^h>A5iPcRtjJ5fAi#SQPj=)Z=jiT;(&5 zzy}ytg2eRPIW7gi3Ousr+qZN>{hap1zqf~x9)@Gn-2R2b)Fx%${n#?wR|Oe`V|B+* zPv}J8lY*~vkdYBfF!7|o4hV;*SGXJo(gd%6+`I=OWGRPXC4s7=`)jpR7oY7I{7|OC zR6c0Xn}otf1YKGjLvcw-GM=mIYATB-H%#Uz0_XCv>=I7jE-psj z>+zX%^WpW0RYsBGqM}52;MY@*ql&7I^*Qhi2$QIxAIc|NY&eWtZmmlf)LbN*zyY1X z4;-LvWvZ~a`!5InN-k*2Ur&!A7@rwVQqseR6<5BS!6+BgJRyaRu-ODkZ`fQmA9)Mw z#3*?=-eg<~5->SytE=zr%TRr5Xlk;F*<8Bx4do6D9B^t9GTSxiZ#vL%%fs;MIDj3X z0utt7KE6?u;jV$EDy_lfA5;XUGS>%O(0YeEp^eQjd;y;*yEFlYjRha{c(Z%tEL61q3V`0xkcs7#ievKf9%7x6&Ve>S*>qS*I&k z0&%OrA^7_GLRV0~K3&uD;c-q5IXU^?{_8Tu@DjlX08GR3_YiO>Zp`xZ_Y{X+ z--fjZ%|x=9HZL!FZ!&|bfbBy@??>=EdUXoW-RV1ukipf3siO>J56aA%7cXeJ9V1MqJeMJ&Dx2JV=@5aQid0QRb)G1vCUcspU)VN+~ zEft;c?$POqv4SQkI@)G-j(9!uu<;9s45}(BP#e!2IQQBK+R!Jtv}# zmFmRz^p*&p;Zy6HwYgbHYkMGGYi@JV@7Yb9?=2i!nP@UMI5L6e+QY$dG0bR`^IMLl z=UoJUiVl;?=(SHLwX_U|6fM4OuK(-#tIiauCLC`ZcSmJV1py0{HcR~vl3Ot`iCQ@* zP+()?Kwru}#mmz}{h`p*>fn^^Z03OL6-XB0jl==-chuvsw}IhsetH_a7ROXZRN`;N zCx9?^U%m&3YK4Nk$go#eEKvKLcLnBF@bcteYQgU9;zxI64+^)o?j##cgtNd|@=6l$7MkaETYcr-#}k{E2>A{dLByV|cGX zDwXBsa`25O)=pwpB5m&U!?-y(p)AiEaP;s2eXuWs*RLOP65?N$-7{K~(9p?U6mvrw zg)OYSyz!xklkg7#z|y?KZhQXx=X^t@GfRbS_& zod5fkosCszVB!dCw!xAkgxR?{INp_KW(UI`9T{R57dZjM%x6TOPW=pA2RLG~tn!`S z$fnjQH4e<9bIy{@8yC&Lx$|`B`M1$UhPlzU=LwxS-Kc{0$Wo&pT@%-4iTc4yNJvOk z^9EX?Fyqtj*7hmkEM{8uDO{(_|35#ZTS}{dHO)kM@h^j`Hy^)R1K!_b)D~=MtkzT) zOK5=t$$#_w2PoN)bXhKqGg0%p<^bF-)jkZnf|dobH*@>8;Y>c_gqBv+E63Kv_x7~S zk8^YPO4BkkGvhUEJ}W;f4fqQwt%%F;GBsdWNC@fD{9`=xO%$QK_8Oek^wv98aMNrs zPS!Ltk|8)TF|nkxq!FXynR-TUv@O8agq_=uRC88OAjg0Zknbqmwg%t1u&{t{KYGGj zuS#p4h?Dc^m{cfvLmB?Be;L%B+~qS3X(8yhI&_y{CSCk)P9NzEpqw44A3i;>T*NzA z%ZEGd$A?F<;i@w-GU8EPYd2b2QIUGwJxh&GpWYcf1iCa^$H07}QH8)|a)K7FVmMv< zj@YT8FyE&Xn3|X+q0Y1ow6XEm?KgYx8%GCO{f90k> zGpmF-TI<`l6Rd zKaB;{_u1T>VwdEv z=UO=u5^Mju-@JLls+5GX>kDX1$M$4_Zju~>{C-}25?7b<6aJRr18*&7m zEy!t|ePuvAa8k#c`I}z6IF1_!kKxQykMa4kN*>lO0<1?L#j?Vw3vjZB7dfbZU;v_D zDqd`WNpztFL_jgUMw5u{nO2ULmX>gXIBb3KRXszu@Q`@C z2=E46TUnu$y9?j6M~{v=Iv=LTM{^GN5#=xmESZG_1%KY8SG;xmc6n9Rv17;B4zmEp ztRkm*>>3kQ_GU1mxSc6$+64?Pcjeo00zP3dwkn1vT5u6>MMtN>-M4oOM4-+iS=QkH zR@onFxG-B?r+W{O@k)PL4)_fM;+H!N!AA<`a7)mAGJ9rAAW|WIK7HZ4_6BY)nGjIR zeQa&@@bcOr?$nuqeIE1N!dEef(%5*ywg$Bupa5*pZ6D$nLmELE``#Wk9paVn7x6)E zBMPJo;tNIRFA)SOk`81P+vw7<`c7fD)5Q3A*lztG-oJR%sN{h)XK;sBW^KdsU*yPu z3C!j$y>g17@UalGnlta;nq674-(4Qe-V0(Ka^amds zPQTA;&=$NjuYkZfiY(wu7+-^hNGJ({lO28(=w*6(dicCM`bNwxP;tl-J_@+(lQ}8ny6@Jt- zYAWB+@kp*}wD~$s^@|rcE1aCl-_uiq`x}O6j129y7(U%LW@T9$p8Lm|GbH zAu(;UMZJGNkN&+ckRfj%i?1*Jo){gShm@E@mQ#iD;Ej8kWC!ALxK8DK!l4SBe=meO zqUm&`8v3DqfDOcD2Pj8ctOeq=Pzd*7ubZLaXB{ZG2uc}=_`|z*x9;ApL$w2DcJ@JGp$q6#$QKgg;<8rbkXMtFlET8m=H%%c z!8!w>AZj9FB77o=dbqpGpf`suYWLe;gLO4fJYi8HE-$gU5c6|*n7C06%^mQ#c-Ia8 z2CpNk0qE|cp)qW@hwzRXY5@c`-U^txmLc`Kdyb+tVQFazDLm1Sn1dsKm1sbio9hSy z2#Xhx-|!=yQC9)N;;p-L3O$%xT*QtNUINH)Oe0asp}z`Pb32{xgn_{)8;qgklKE^t&^ zDB^=_m%vsJq0_0u+uHd?SWRPoV77(L8p9iCFBH8)L~C5A1uHpw9xu=*4aCMa2w4j~ zJswU+W=Ju^F|Q6m5Ag?E=tP}WlymmW=^dSYl2|cU5#V7>VZW?2=+vKF9df$ zHqgyecKE>Hs<98j3K8Wq{yU5l<%70TCwzl~g1nOu{L&^+WWu2b`7K%cvaJ2PSfGx& zOOdn4x`>IW!l%2kBZ{HV)UU)gkhBRfvjA=1@T>)KgY(J7dFtKl@j~N&-5Od!zaxo_cAZzZWb0w(fc6?Yt(PM{bvyI@Cl)! zn^JxbJodwP3zq~JWXcY~6Yp>2_%qzMCT?EF)^QIpF){B_B%?Bsy{xP`gZrIJ?g(my zhQ_w$JJTjG!WLY0l5NKPK^lNPfPnKey6Ic%4$#r`$#DV9FMP#Sy?w(CK*<&tKH)(8-lrB05)<-yt{+lP3dPHCe^*U1;fBqZk1 zPfklqGsv%Kn@MI+5iTz{VyfYW?1n3ddzyQ6p~=;-PaeP{vjV0rlgFze9<0SjjxFI*r6(`k<69dh#~G8GFaCp4J-=u$5Y zGnS%OIG4~9wfh8E7Noyt)eX3dgzjA>A&9OQw;raZ(hehRp+C{`4;=^^vY=2yJoj9* z7?N8;4=H`mCB!~_Xo}@WsJyTzKcff7V|%gSmH z`Yzlj2w>{KMB)A)ws@iERK%+7VxKQ-rlf?#bvvS<((up-)#{6t2%bMC6W${%01;yC z2d%s-m>eZ}LSvmXgauRxME7=Rd2p)2{xW^AcXT8>4!R;k`KA|V0mjZj!5v3jgD&9c z04+oVnP=xg{9sRwyPMl2urneoJ{@AIhe8^cC&RQ?AGU`gfuBb64+sfS1Vj3Qi|VDe zE*MJx7^Q;QKW!9^$~{y2ckp~W3i4|Uj)I^?5=}MU9YA$qV%-yel0Cu$NTgk45`zWP z(^ht?&~V_@Q|#D5IcA3gF8JpRCY3V0YeFh3E5-9BDnp&*yr+zkn;f!-3@P^|PIn|Q zs1(EsCs2~;V50{TEz-~7KyLx0F>FV=>h4bLugp32j46dhOQA>F?#L!;_SpNfiGQt= zg#{;JiKhdO;w*c6BmmY&zuXe|S|1=6+@ZMM_Ue`L?}PjI@0XM;|HP?w%=Tm#_}Nft z16^Fo5o@!^9D{OyI~ zow166aM-H$T^TXvz(pMe4vJT7!;r%A8hjtrK1-Qk_S_&D0wE5IN1#E_Ryq%b9qUv2miGOL6b!Baz53BP zLF|MNymh8tXn1&m(2Ijturi=&+yl57w^ag;*K*?B62oTl3WVB(2PxeiJJRLo!n5f!b|E$jTw{^mg(1S9!b-UJ=;(CY)_ z&~lXvH>47<$2A_BjtB~(zLg=`J{bGzO(BDc;k)*ER5Eh zxp$Hu{=}H*`Xo>Op$tf)2ut(yG!)A3^mf6Jv}vLC!hkEXXxKHA&CI@{(nTV}CbtVD zh_mP(BLFtQBok;CA0{53)X}2>(15QgQebBm8l2!}#cB6*s=X*zIRrZNI@S!V2)qs7X#9~_ec6pUXdhz zky01a_#b5X{I(}^45G)ZDhG`toqH=JkBZtl8*)9+T5h>*bT5-pr67h{Hx#FG6NCs_ zg1Lj|FJBgYntsI;9}S`6NuKnr|58&3M9_5PJ>cB)eDTrl(OxZiKmJR7vHR4*H7N5H z3kLnbW;V`~i{vsaF-03D7>b9+3f~|SkUqw*N8;tYLmj8a4%aUT}k)z+$9VOf>0>A z?BYVh1Ibl+BOW7yC4R?3kBK$XkQn$jOuHEoLK&Jrsq*1W(bCgnkc~BXdvhiT>OpgY1= zB9dbDSVHHbMgd3od5+Tp)0v(nZ74*DM*8&u*OPRfV^cBi2-SK6MyU|)sRr=Ms!B^Q z!mbBF91Jxh8=J}W%zcI|C1`>0STFaNIiS8EtgK5cjGO;&Ex)%xgkmf-!GM5J7ZVvNg9L#J1w>-DM^H>CL)|CU&rYbX zuzMLz$oK9Rr%!(b&^x4BxW`xShy_V=l*^u$-xm`4fp!rdE3Te?D6U*rbmgy5sFC_w zlHFzGHk`?-vNDV(c6}hBI=ELO$KGgk&5z^b?C(nqDzqolJ?|Rq=HL0YWR#g#J2E!5 zYLD(q-2yh_mb}-xS?wh+cYXj6P#|_>Y>!8es0m7^X^1h;8)p-_cVnu1y4gOKpAR&P zLxl?K`g-><4KQ|*4tu08O@hG%*$O;+TTYJmbth315Oz@ebKWyGG@t(4G)q$o8hm-}PD$kU#f1|Xk21IaUZcbkjXpHU ziEFLL$B9g@S;ZtQ7`})Q!vJ&zxZ=PV&Heo{;B6qIf+y?&?Zr?A)r|kVaPs(f7x}!F z57Kc+zzt9p*@OUPYrxo>U6E>8G6&-@VSW7c!}K$U6U#*k^={SPyT@RshZf0FlP80m z_rABkeLg``1{SDk8Gs)_9uNVfb`N<|b917|xp|;f)bo{>2cTB2CZ?Tz$9P}cES9S% z@W$`RHaH@jlc#z5*)v6Tw8@v^*qR*Dk(@7(czSx`vp_A6mM3Zo^iOF#Uofi_PzMNt zGh^FHL17Zd>i^C>$|2Jr((lK_?~r3GUinD z_dzv}TF@feHI^aE)lWMVhZrv5J_v-}h2G3|gjDLMFCy+&J{v>tyoeabuA)QZ`u$~2 z54n@Gb8>om$AUZ>n$Wtnw|N!)R-??nw0NJWdPPSLzQiJRoOff(3?u9LLO<$fBYe6d zeqn_Z4kT6x4h14=Hf@36M~~nw0c(i5@Yo=7MvLPa$YxZ#Or}*oF|8+pQsKurD&F`oZl)1pk`lA} z18y8U<1vQw}`1>S6&9vA` z;eT{W&+y(KOx=1_Qakzj$wIiF%E`*yjwA=ugu9WEBdK%mcq$!5Tve*VEg(jGClnV1tN)?cXu9DYq2?=PF?)=;g`yc3GWg0md@$rd17NBAX&Q|W= z!AM(n{DDauqKtG~_GIh3vBD9_8t8F)4toneAGMS8`mU(2r)OhtWU3qL^2)@U1cFm6 zhSL4^cRMszizp?xGCf%Qsi*r~YIgOrd6dNf8^ke{>lo?;RWfIXPB)(MVMXS>ypQLz zpXfuRl^W`plg0g}GoCVrQwI51$byErm<51e{tskzcMH)^35o?GA@^@Df9NFF zfBKeBLro(6CogI3qNc{;>ROy7w3;BD!PXo;+id_g=nQT$Oe96ac-`(vhtCHLzLfIBeADpZ%;YUgAv1IHV$;$r zY#m2i5v0>LhRp%~(~l{M@H#Yl8k9!Heo3MvDG^x*74Gu)PE?eEE7p>uq>qw4h_~9Q z`Z=$%();RF;;F&k2BN3}&yOG5uxd+nkS2PhMTwS6iuZLa)bZd6>sLl^<3I@r2|-fz zt+llPnCZW|kO}s*_*;IH^)ayw27iB5$CTiv<1R~Gjb^8Qt0jZ%^6huB1{H5liXw9+ zyp6z`0AbvZk6$VvMN$0Imz(g`9hE8Fu3bIn33d*S6Eu6t$vJ~tJF{FI92_PYf+fN- zx5UYNdw;rehl6taNxkGzZIN#@6&NYrlKkRx$pcC%-@;#_j9>fvAN{xKi5TN|HVHdR zN=i!b4D$a`Zr)ytQm);u4Y;W>Uo5;gd`k)3OMVii_Dx5D)OW9!zaCNv3fcx0hk2t- z5P5)XzL1a`lbk<41|cV=d$CY$9$g8Dsj^6ULfI1nnTTS2NbJ1v(cw!b$Ad#3?4l2! zSn8kn0yGI6i^(RKRA5!T4KfHCay`Q3KqFuo5VvJ{d6gHgbMrpd>Qv=}mEgwj;s(&M z#Ep??5fZ4VsF2WH1MO8_kD5lVD5_YFlaZ1V1#8QH&JjQs4g#O;t|@#6#x0>+GOWQJH58B5FnC$d$M7b>$dOMn^g7N zZS6~)Y7+n+&=@uZZPn8_n#jl$NlMJ`d{XJW`Rb3a-0qo;fPu)B+LM_&(eir;&8CE5 zpTE-;b|ic2{2b4Ph&8uK)P7V{2M4e;TnuG20kvqdLI!R(QA#*Jj~&f+iH9xGfd39U z7PQ&zm`4nD>{3?Gm@upc>f?wP%gd)q}=lgiO=t94GyRZ%s2e< zxwDIeAhZ=Vd+vGkrMndsQcD6EM6|3~e!|aBwppCG*~7@F8=n$U;|dOY{`yUTz3VkU z_uy6q7MI5q>0E_6B;{B$E!SyYN5=^~dfkmblAdf|_!E}wOV)FB3ljqtzIMgowM$F) z0%1V>VzD1*VR6p)OLKFbakfTPa2J7s_MqQ#meE>7?!wEVAolLSk`hFe-c8MDucsqd z|ILpp$Xz>YA93XEk*Am<`7Y{JISqvuaVuUQM6B+R8Tdu%D;pVMyw8AM06G8Y(W9)a z1m4#rgHdWuc6LnS=U;AjzegULc6ewM`J?=fPN8PZ8+!JqX{y!7(L#~t$yf-!@kUUP z_f>AymA(wU62F+sTT!fm_k{-f2V(A@d`3#RbHm$nB2*`-tyI|I#{8c-<{LB(WzU~K zJNu#BwmF>p?%o!4bs+)4z|yH29hX88@w*%sekWHd`PZntP&S-d+aAhrP;y=Q@J;^X z*JKJZo8$1GC_hRPl(9>%Ch|+p!`mDjNvkqR7T>?7aB><1N2^j;TZy}>G~56n{~WLz zTfM!1YVLos!_>@NNJwyVwkNCM^v1bxCts`iuhpuz>(os4jR5&?V;vrv8DNQsyRHYS zJ#$NlvsT2l<`CkbYm$|f^+YGB474>+DO#>5w{mIkF{=zxqn_wVj#+OQqq`%;RNfU7 zBw|Hq(b^OL0=r$zc)N}$eHef1Gx%^qe{toZ!%WU&tDt%QmFe#>O6mW$|9*G$XF1E( zII{icik~Z(*87zDeugUX(Nc_Rzj$tWakmT`6#@NB@5j=H*nNMOh zR8**Iq>v`94t1g_g&U7l|1*B$;bSnc^NDe3IbYp9546s}$Qc9SBWHRoxT ze?qGN{F_~8I!rwNor#E{pi8|UE3Tri_>slbP+cbLKo6_B0gI-3Qqh;8p5OE>ZzI_6 zD!rSpiIV8DskN6%&~bImJg}{;!+FHENz&h>Lu<3zsL=TDyPiT`jcm`g>JXL|V|}`V zQ8`%|2OhDGzsPFSd!QO+psvra{ww1^!v~2Z#nTtnWp;DUuf!buO>Y+0Ce0};C3vJu zUtiJq!RIIs^@L(U!L6C9A?)|niSjqhj^dr^5&v~0_l==2DcxRa5ukl!O%%9>nwmF& zjsh0DG^eg&tyM@!2tp)kM(n0Gxlg)#M`q)=OMDAVx6gyY?!S^3^pr1>{~|%%cg=L@ z{AVkEQJzyl^rw8yC>At7 z^^GSKZ*=y#Z)Hzwdu{)STZ{S>)KMR;YbG3}s6g1&I7E^nUEch)wdirxL|oDDtja^!^N_GLODU)<@-(Ds zgwP!lK@ho_KCH90>fcE5Mv&j^-?r?kao?(DPUVHK=^fStm3{D6E#;8%vRHk2*7EY@ zD@K7u#qs0zolPfwD4D#Z*u%fQTr#fqxOnkm$4bkUr`Er`DN-CSJ^jkTcx?D}e6BS1 zWlqJ_Zfjsw@)CO`52bIW6Wv{{xW|&8voz!Qho}{=3;e3lNqWN;7~C4WBUtEl(zzke zgEQhwd0YBZ(~PGi-|AlO8~w}p@@;);K%7*Lo$sl*tuex5=mcXLK0aIQHGfrR(bgkC zV!%5VG|l8jpOq<4OYwn+gmdJi-|ii)jgfC-E(W_qjsE)OzVP#rW6bNewx_2)`?0zh zUuR&h@f-+87tbW$%whWF(E&?~j(*bs;SV>Zl25zsA}E>CI`UEv-Y~J*B@%4l#-~6- z7oN;O5`3&}=YBQSBNTEILr*wZT1M~j%B*(z)dg-n6c|{JI6PFT(Aj>uHf%L zwqUox>=TfXY${XM7aO7F?&GWoIJXU;s`8vA?A z?D@jHQN!fOo_2R9N&)4N9C4ny!ea!*2-{9JkrRKr{)I%9u(m35J`Lx!p+9dcUD50O zvQgpDZWkH~)8qNqzJy*?sFUwd4#*>EP&wN7Nc8JpW8=-Cz=2RTrw4Zg6HS>5&rmjL z7l{k1;Jv+mO)=DwtiM?&ZGQQ(!>P67M}B>Jep&T;;M1+MRt?IVkqbZh`@iO7`s}%* z`P{YGtT-*KsOWZleAk@M2iGa~_n`Vbq+@X8Y2 z%|HJ#BW_yey_&o?Sgn69r05mKvz~s*?Hd>fTL17vcGr~5%NOrtzkjEQjNZ9fKz>^= zX8knR>%yVDksmEL2L4>i{_{uUu|jf~$EBJ2Fr_m`j!DW*{Hi=%SVXuzyl3%-ObO!~ zWl_@|&99g&Mx^;en7@VXOycX``Q3J>S4d_FLtLYcYt7$J_3QdaTu8};V)mxTB~Q&* zzg!pEtlQjlwXB{WczUkKrKjNY6qnewf1g-ei%Tl&a=K{4>!uiwCWk#cY+iFsAv|tw zBAlen_NYk6UWU|*jfOYUhgtKUzLVtF)s4-dm)dFlko@xq59duDC(;j@$G(y6WhZgH z`SI18wpTwnjUwE|Y4#{H*w3{7YIHIv(*Laebo|OGX=MhhzkchK#Dou5=-WxuW_zO^9r4rcV`F3Ro!Bh{nLM@M zJcJmD>r=584UGsT$d8Ha4j0$uDMpdYBFRrTr!-xwR?Y5`3Jo99%OLlspcr}Z=3Axr z*e6$G9q((Gi+l3Vby5^4TRy%k&TyeIu(L_Z8#3b3mz0^irVr z^T?a|ouqstmh9y3FVMxbadI|N*nKLls|>#|yZb?KPgDs1CbhdbNo9%uhXPD6Tl(WvN(Jn4@m)H4XOL z&e$o{$tC@Yl)(3jO=_5Cg5X3o_KIUGbdZ7S=jhK_ zW|x*KtEw76BQv{BdwF=Y_MO(&W)8bbKGG6L6YpSQVL{YPKo?o77RiL-84E^V=4yOas<80?UOIkI7NSmytVOw(+*V|(o4Ng&wXBMI(tviHWZZXx_aa2i$mqR8g0U@QUusBtyQs?p|A4claVC|?T5h}fGDZDq6&mT*l&`zpxSpiACB3pIkZfX6 z!6k!9Dm9g?>Q`v~=6whSbHhj;mqS=}7$+}D($c>I;w%I+!l@h=iBmv&meY1x#Ru94kx zNPK>!rc|?df6dh@-SpFCjIt{1Mx>&g5ea%U(qzNrzh6;~y`r4b89L5R$gw@bd8{=t zi~CQ5d$ZqEw{fMjf_H+}1&wnqQpwBjWZa#ll5xiO$$B}VI)*kaa6I0mOe&WDAP5&J zDJk^Z`1$QoLw0Z%@lb{-A6}$H2M>)nRBM7ZZ4Zy2BkAqs)n*W|zXp@efm>rS zhRTW#8k9tXiin6vlAZb7=llEnd9LSN{S$RQ=e);j-uL|y2xT5Vpl-sm#O)aCdWYWH zhH6g}*W`i9pg@A1Hr1(^Cta!^sM&}1UAMe`b!VycsfvrvD*K*!Oly3mjT_w3EyP=0 zNG^v~FJ{#>$xc&O(DBSUZ9ZU2pga7N;8mG%a&QY+OM^_F^f}KK@3TlX+4y!W#5`{z zH4ZWO?|IyMm8N6J)2wVG&i=&CWTQV%R>|GPo3glX*}Ty_9nQBZ%>D7U@=I;~+AWIC zq|nWdLeKV-qL^8Tx3fn*G`Sm?IGqJosjdmr2RAVqL_C_~-qE5nul+)-(x}@f@Ugm= z>yUfOlm6r^jrA4O&1ir%Q1=`8S^Zn}lfYN=cjY6S?D+jqj!1_emcXeYd;Z9k^{a7VExPT+TE*x_ae$jL1pD->jo*3h3i~0O|I| zF8jRz5`po8stpBHxo{k~S7i(DK%4wc%X@dy5#FnL;fi~6jm=*F`5Sk|t?;52ANS_wTLWf13&r0C z2I=$&k+UY-7MfP>#JuQYpBuL&8boyp@k=o+joE=zhT#2=Of?5l{eN$no0~N+*>@tM=}Yhy_2B^_W0`p8sr*FgR}>O zwL&~RJgh%Wh7S;;rfJ$@w&#Lx4pEes9{`F#&s?H9z~3Lh>Wn-|)@iAV$SIP*?gNaW zOyt6vOseuG2DL#<@?s%zM*MMN5^E;bZYg%=Jr(QYETa(huZ!obmQp(Pnh@c2+o4zY z?`LP#^Q(ut{i?P^7faH%Y9x|RX;Y@EHO4C2%} zL_96~(7B%sFNBD1n=9w+**cuWb(&~w=wEe-u1OnROo&foxU%@VtYg?dcbudM`{oe;Yz#?$J(=*(iHg zvY~{P8zS;YvENDh-f?N1M4hHhWR6TC61<&uxBGZ1)HDh1rXn)zG@1CTK~UjlzO7W* zn@w7rwmaNIBPL!*Q(b*)BbeIeq04w)(Ci+^iO=K*^<=b&QH$$6JL7rq*f;W{4To!u zTNDTNKeMs(vGWAY3^pr~dHC4bY0>j7Q*TKyg1G90x$0%cR2RQnmot0GGq0u5v^1*$ z!~qdHPy!Df=x@3Q0k#2r1Xv9ea}d)*Vv<-&CF+M6#&1`8D@@4mnyk-IVB1l3;FuXKHJp~MeZgsOQ{A%Byxt)T%W96PgRJ~k*B>*{+_orDacL^%A*+2!UX^)PP!-p&nO|{GZp1>Q8H#C& zikAIWN~cbr-lJr~0cz+IXrH0gNs+I6csvnkA@gAly4>lu7@hMd?K5&pmGs?fn2E;( zcr?2GJ$;;=uU5P>82>?DkIs)1JinRW0>p(l@@~VGEs+H`3PI=BN6~UB@!V931wA)xTX^IpD)h zyK!-`d9w<4;mCh{d zd!dD32!?&F)Gyw2H0|^)H3-VeYC%p*;1dWc-ba(2{Pd0TRE|#l$>c)tTzX4mXJvQi+uG zu@?h^eIC<2iG9@ha@*H;7sus|{iUU`jrYyCefx0gqw$~b*u%}XQ&I7z9@Npa(B+hp z`7kc#$td7fcQ)YE?M;aTUcF0ej*ST5y`#U@hyC@svUPyWTs=5PI`h3r@M*SkL-D;u z-JcBkO%nEDo!|1=7eh(;daV(R^X;Ei`|`TE&9>8LX(*3hG2JFxw#afv^47IEcI%2T z#)I$EWRH0_FL#H8g^}L`u$GJQCm(58T@hYujMnIJOsW?+r<+8jWwuDI_wNt=@jyFO z28NYQf%df_wORY0j6smlAbe}cYroOk)Y-L;XSj?Voc;+`_BAR6_avOSd)GrTbt`jX z+?Q3dt@+C%RM%UlgcaO)c*D46rS=AQ_YQsOqmBLELasYI`OQ&4(aQoPn%?TuOpkoN zt>5-}y7So6Rk9+49-e}IfSp=!+ey&My`fseRs$7%3|U7Fej+Ryw$J!fnrT1?W}(k8 z2=doF;323B@lPC(IRD9W-yLfe`~7>XEclHIdFpSUTrAqyaOCOH8}P9!HLp8Vs5(D6 zG5I5O;$Hrh;$19t^XDvoj~PTqJbt{k#Ph)my&dheM#bJMvBn9!)4Dd#IS+{1QXN;( zAKWrKDjwRO%5HA_lAl&>_0;Iy+kzujlb0L2scd;Ft{Sh}C>ES;T^jlUHS1ky>q(e+lqkWzasmT zz`{bwR*oeZjl zByD}eqLP)7d1`+7wH+O=Ey_Gg-zf;L+ww_B%%5f1tXEJ_d)Gz|)Z0^k-Qp(xj5vFE+)Phj zN*D_hIhd*v@VmFn{+zx<@x#_6V?m9-xY`>7tIFgDV>h1t%}KG%5oLY5^V{>z-ggD* zNnf|}`L7*g7d9z8bOU8xOaw)f$s1}w6K~<8veCeU-@4bhKtZa9g@pmxjvjL@5IqUH z!StHvg*m3>4S@(48rppPxQeZnS?cg(yWg++azaxgb()6&pr(ZRAw~lQrbCQ z`Kx)?@eXRxtI#Cvr%7BK-@8%g+?rMi4siy!wlz0*w}QBMM2|JwP|r2A+Wp3Q(3KKJ zDS~WGlx%(0i?l6#_db>FSzQs_VO8d+W*nz1-R%aKi8E7#!a4TmXK^k)?@SOt;F z0SAY#=wJfSf2+|J*i&r%J%>7%_oeijlFW?S$z3VyZL8PAgQN(`rV{Pxb8SIYh5*KZ z1y|+`tP2Ex>c5=ydQxAX#H%=g{!V-TRy->Eb&L)MQ{4|3e-FwTx@!O>DSCDdk_F9) z*~yw$4Z}v%+CM&fCYtXyh}~1*O$0n3Z7bl>_mRtx4Qrcs5Jl)*`(JP9Gpn}d9 zz%TQ^KB?|Yx0*C1`dx`CkStRFKCj%L=c>S~m_gpSRl;XG&2G$J$32_7Ow ztKDFVBgxDA0hNd^`R>;|dPi0F?-Sd*2=uyEq(IM)X0BJCQG*ktuBP_!H=Fn&Zstoe z>SWY=(!sAFZ7!qF?)XdG+ z>uSw_A;MYfOqUaly&{gV8k_g3Vfpzmr(wW>0S<+r_?Bygop*eMp0p4zIo?wWoR1s( z$vW!LihE8uHh@I?`ucJ!c{}KRS)``j0Hq1YtB$HYfVPLU11@v>tQRgwq(iNqr;iUAzr*(f zDgfQIEimd_pEjatoGnP{HadNh@!m`=?Yp+IpcKe1?+3}k3JWj zIS;3yW0*+z&0@5@?!Wq9h>FhFFj-LFB87Eb^#SuWAwm(`W4#!W7bWRxA9qqpjw6iP zm8P0)id8PX@7eYKjsMyP^i=?&DC8aJ;`ewxwsj2j^#!uD8Oc8YeH8LgSlI03v&~T{ z5;`K71pBXUyYlqxtUb;u2p7R597uvc#)| z7?B@AcUec5ywL6g0jt~_4Dt7!ot;pT2FSoR0}~oSJ6Zho2_j%eM3@*`uIP$UEQx!9 zvPZQ}-ptsJtBYWapvmq4cheiq0M$_IG#fho$Q>%Xriy5kdXqtE%2 zXXSuffB`sBZ5O2|Dto-A%Kb3NADaLpkpe#(6tjbJZ~_s}-FR{hObx?7pZx8=4}rE4 zL~FZG12=+1{PD3R9o(U?=|Rm~^6q~B%&~ws|9i?jZ|=e5Onoz$0T3uc0HQjW3Yx(q z;MjCcBY+A34T0%A=1CmBE}6R*mogs?14xwFRe#2)ln_6E&j4VE0je*tdt8<-BgDax zpV0jLWVG@zbI_9p!59FmAu}}_mW*sw9)iAV2Gg2H(<(yy_p)BT0gu75236Gi2|cyG?>Em|OnOjQ+RI9(dJ(Ycc2!AYPpf8`UF!6D9HRpbsqQ!Qpu+V*!bK*a%V%J!ap846Z zp+J(LWjbpZ*9FLOcemoog~wEXfhGqh5llW&lvD0NI0_F9{%&9z5HJU_{Xpn!M}j(t zW+0+>@`Oz7REsl7EohmJ;YcMhk7uv#s>F%v3Z(l$L&7G5ypm&*29kh{lm9|1_fj1}A-7}cBqx}m$b%dr7c^2&;e^SBMbda9rK z9{uVJ4z#b|tW_+W8-6xEzwDq^B$WQ#b6I^}d6B@U;MoOiG2pEI7-I@lCoFBpdm&}z zI+!GsV_`?ZM_z%J%godVoZ4-Edstt-ctMd0Bsti#IoieNwe8sNm(4{%XoGE5y4VIo zn-4ddI%l)%0~{qpI34;aI!(#R#%Y^iFa5rcp360mlZr1*&h$uJUS39Ud$b=&wQ7Lg zC1TV~5r@{C?z7_F@s%-Zdh+=MyVg|~n8Nf}=6JbSYluzAdly z+S}a(tw{Db69g*pr$S#ld03662D04C2ADDb+BPE57guMJUiY@*$-SVJz)w12j!}U* z)|LCRjwHv<`0*Pqep4E|ZSD`EEGKwjX$avv5P&4tm&}11SW-Aei0-}zzz>317f@V9 z6&0^0z{qU5;WXnhlnJb$Tk7QlEc$+9Ej?;F)XmL2R)v%O zk1ArN%kWK0%?yHHfr&zY%OVF?ZT^43mZ?0i7<-Sb#kW*{TD%udJtes8uUAAfAcPiV zGKyrRl;s4znwO;+T9iU{Bn3NgZvW>vb#!$>e3uzxGqI%3X%@@}=+jix-vH5TN_<&g~D4cOdi(D%ze4s{$+e@Xs;G-{UJ$ z@N^(u0muxoDGzW`&})~qEVEdc;F~z}`lhTPFE3+T)hdJ_Hqq0swQfz3X6$5~$4=1; z&~Rjsz(3jpHTH~*<&U~g6H=Q;wmT<%B7lUJ4w=6)OKICQPzO~(Da8ZaPhgGN`S|!) zS)JbpVYkGxcd`Oy@j*Seu>PwdtP$)lP)%E)%i|9v3ap0;L@^f@C{aykcGzr((w+s_ z0P!6=_Ipg$6;F$4-64evb0m@Gg2P62mSo(R^$hJ<&36X=E(B#ae)jrd%<2N*rEEI9IUQbdyaaCFO(jzRS?O*8?*~s9&D!lK)VfaC5knX>y$e=xAQl6@Fbw9WmFd@zg&CJ=s#w3 z?Je9^t_WMMNdY(KMVIdpWXXC&Maq<@NY|9Psx*$&iZMaNc(wn2l9renC*H%MTS4(j zivRt{in(ZD>h8$ClNQ8ik$Vw7IY0ZKK#$jJ7e3^^2Nv4^&?^7k#8}oFj4{+@Ete< zI2v%wC_KLLU5t9Ra_LLNPe>&TcU(dsicg(>eud7Zrv%+^idEuz;TbH#am}3$|A6v6 zCAphN#^r<9;)MvZmqU-56ag%VFrQ`X*3Qr7c{*`WXrMV(+4An4X=(xB&)ZIMkB*Ka z29I&Bd;&RdP_FnA>D7+^gct-Ev;{7idKG6RSQ3`-WiV6ykV1to!DD2tOo^zfe>47&viewiyF*xXpONLbk z@X!N94xW|SB#7=Hc=GyK0>oAaew8L=d8i+{Bt6gxqGw=$Ch0l?{kOkJpoHEJ-&n^w zKyd@)J2ZTZ`ZW+=A|YUa=zXcV2MQ;=N2s^8anfnF(W_)lA=?F?mL4_nctJQ zK3Oh7WDn(07Egr?cm?c*e*aS#Akc$ywl;$?G>n~~gfn0u6;B~GF~-^!dm|C~g#!{K z@C?)!iSo8*C0W^ib81Q8{C%=oS=+HT_q80*&TqgiJd! z#@Deakg|aN?*<|2&EgDszQ-Qs(xL_?lZQxjLTjPenPR>mDuPT_kmMAB$h`g`b{Oa0 zx>XqP;L>g{7_OXRX9s9Tfjj9n0Vcu(tYzdU$B+(;+=l#jM6=W9C+B=Ftd}9?ke5u? z`8hQO1(2{t$9wx5&;4F*`IK;rCXri#v`xO zp&i_~e^$3S6p8^iq>w6y4ks#AO?IySDB%lIQP-(FUxUkpn2N{X@Zl9GVxlg6lEnS- z?JelS$lUWN4TUHNa=a5DTtlA$D!xU=IRhZ$wM>_b5VYP|k>W^dYF|M*hft_M8Z;T+ z<_g`l-RYa5OvO19gkg^nVBg|^Tq~(hq$=7$UxCHTVD-&9HN5zi4`6>!QF&6 zkT3Fli&+ftY_tF(&B8SyH@Sl=iM;o))cUb}BCLkQ3sfg>_F3M42;xKulz$2D0c z>n?l}$Y%&yI?^Ac7W4D-V^+s?%+-W+aKijX1cH7j4MT}f4Zs$`7GFQVGTVnmH*R#p zpx*eG0D3;WV*~y>%G)!uV + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/index-7d5d19a4.png b/v3.12.3/index-7d5d19a4.png new file mode 100644 index 0000000000000000000000000000000000000000..95f0c46f52764c236fd83c188e835b9fc9519b6d GIT binary patch literal 24138 zcmbTebyyYg7B0N$?ve(T?(T3?(%mK9A>G|bNH@~m-3TJx-2&1L(sc(t=RWs*e}2^7 z&+M6Bta#tG)~q31K~4e%kpK|{0-;EL6jcI&AT>ZBh*)??;K-AD_&D$aYbY%t3VM0{ z{?<_x4+4>aBt<`{xMduzy6Rx<5`xZl8Trbqx!!&YcpKokLDGCvs^zNPpypc<;T)sY z)Y!PhtJTopJgZnS7p{6p()>YZAb}VXLDTj0G=?lTQZ?`cbk=F8P+W4`u!-PJWGUOM&v_hrq3%jMpxD0ZAo5RoqjADKO)myyqVVL#EYNSjBS_Xk)h14? zcJOe+WUt$<77s%Q4;X6npc|S_7pHQ3jO-PDJ>npR0YBUpgPtyq0Z7Y29{?V2mt{ho5s%L zbz9xC`z6o>FbqvpgYHN7AgO|j!FVbPq|D4r8*6J285LFk($bQGIrZS!Skj=en08@d z;aZDhk=c0G0T=zgymQi;(a)sB4e&3Vo7Le19m z(}Vu~dUtoXc9Si>?Ru;8aBpv~0uwzZHnz$IqnM(p0PiPKa=@Ua-y&CgTt4gZSUSxV zD|+6Xbl7iz)zs!T`y%_JiLIz(zI=H+tm*=h(Z7CK55`ewRb1bmZzVJ8MudeiA12iN zwFn0dfojvr?8l++tlz(XKb)%|>N&}1?;Sgm_Lx8V|5&Gk#-&wIGc(hx(e*x#unG^k<5T{35E?eCAQks{ z_?j4W@*su85RO-aN$Rbw$|8HY&>h10J20+D4KimGV1Qs8ggJP?q5(CJ*b?+9<^e0A zjZqqT$IfN1Meu*mRh_g9T95$zpjfJx;8m(fv|^_C)&ybzU}!4PTiH%i2g|-*tH9Iq z_w!+c&-c*4`e?tr-QkKdjNkyKN|b;p$1r?VN)9cG)!#iAVdsh0SYQL!ZGX_HOICfG zZ!NbiYcNgy|C|#-+t<^+EuaAl^*Zq|O&_bwzolFh`*DDeUL8@Tz#t0PZET-H`C^{< zu)sd&KkwJUonRgO#{nZKOm8p@UuPs&iT>yP4pJ;RBoeRU zDdh)7=o5SuVd6&`wd_xyuMmLu#gCuEjRZ^!k1HZMk^>BTB2zc?a8@Q>` z(flT!lAJtWsoQ4I8v;N`v_VRKetwe>C9rT~VfYr8<1}!N`BZ**Lqo$ptb7(fO{H_BZ_qrU!!6~FmR^;h2^(rd)tlQh$l@`a{nG$7x zfB&DJSiZi#`uh55g%F!ANYF}U9YOAyK+pnVH;*1*Ap8!WIOkZvO+`G26*52>^9nznfhvyFPo35wp z4?ctGkMt8xl=N=wL)d!~r^^I2Bs&eY-Y{xyOCfiANFC&|7&B#E=NoHZ)vaUSh#R?+CPtLFNPoiYzzU0P;ry4JR`-)zwLV{CIYC z#j!fo-%s`S?dHJOcU1y~zWr14$pf~gC^uR{nzttO%9;OY9r zL{;}}cy&WV!^@pflqPR4FLnZ1aq*C{GOIzGABN}6pSLb9FOd)teeSlCuaB40uh4Pf zgE*|_+TAY;HyVY>zEMk6&38Q+yz&hH&JD&6UiJC;IUsC$O$|VcrlV;Pe&TsFrN0q^ z!60hjtA#>LaesfGlamuv?Q*afyVr$mUrx433U=_&j+Gf+Zv*dQrHzn##-Rdyhv(WFm4`R#$l>m_VX`< zlT<$yd~AIhI+lncXz;qb(5y3sfrS+p7q8T;`>C*2Ycl*H5EdY-eSk?66%`E(3;@F58ti zpo6&zy7#R zPGIY7m*i1@!QlTwt;j$bTVK0VHY-m&SBU>BENv%zm^Rn!EmQ=cLsbi=7()r0>oXB~ zs{;=faHQ(PNYzH7TgJYigZD-g4ev$W{{xFTv=xvuuN4;{W0{Iyf~`^XH17 znDl?6tvY7A#f(A1GIamghcu-GKV@*(iEid=oF!ENhJFQP94K;b%U9~a5r>zBAN$J# zCL2BNuPoFT@E3$}MWnuJ7PiOR8vWh;2lkX@35~U3=Km#_A}86rZ7rIAGaE_)GrPwS z^!-zS{Xe`1m%wv?BRu19pT0{({w zBWVDhB;o+BD8?kmPHEfZFVqkLn8rOJHwIm~oE+H4HvB&>gjLTLex))D<~EBz4RP`D zTy|^p$-_Xz0$}Ok%Mv{~xd8yAKulDnTokR@-~ZR1PMKPC)&NWaVmTq9E}y4+Vt%)? zf^-b<&nUtsxAV=tJ#$A=$bU10R3|K^n&`DWHQFpgLP5<}Xv2Xp!;Jv|7x27hUp*?y z_PMya8XXy7Kg>b-M}>ySsU{;2p4-KfKt$%eH}T!R4ZwFGHkz_*$gojTQc|nZ>u}ni zn#yzp?E1o-PA=SnL=p1d)tML2!?UslW4|Je0|2 z3kp4+i2zag)8iw6Dsmaz2GrT?7E`h0B84)kn>#yd^)(;gI{--K;J|uF{x`g>eFLU; z#9Q)qRxVYb=6ApNoyum0jo1e$pNNF2^-~0U{fGg~LHC~+v zl^i!q@EjGua$0P}uOHbhXQ)FA0Hu1LZ}z=N`3C|(++jzL4*&G@v^$b&)O@_XjYC56 zeBJ-5EQ~}k0NCn`Ne#5LmYBL8r%IHmkVsym78o#m^$sjpx=PJ}F%kw0thYty;iy71_lNsVn|@%;JSW)zx9%k=zozS1+wSjTsm1& z19vzu5`Aw%LV`*?_0R8taKT^$#b|Co#(M&0{sbF2BB8)4woXs06sR2>9DE**xvcR3 zI4do|<^WF{ke;T%KyCne2OJs+5h*ECq7+~`(2(DkNngb&CaS^g3ifW{iqa~KnOIxv zoS}RBO0oQM65E)6dxnjC`IXS2@=*iHAtwP{U)e87+t=yekQNjL005$JzO z0K4D~z4A$*RrUXyU*IZZ{1;?d=yOK&QkuTVZAbkt%)>rsm(|B1bBZy-fafR+fLC{a0e-!l^G!!ek!gp#5dK zYQ0;yoj|1a`R0D2lCJ2tc$T8Wm{pp02FedGlbj^sKDAtULo;QOvEQ*oMjULkxa0@# z@@7fd7s`liHAE5nB2Sn(;(}m?XDI=gh0Udcz20LDoBKb z(_q+#IBnDFdfEvTA^@UlX>N8pUP?^iA%}XsD(7ZiUg!x(TB?9F>i*$jJX^@OHv}aE z#h7&wzzkp(NJz-H@7`teyXPuUk9fcn(E|WDU$3=a?2 z)okpbwmI&~+1j1}zzUpTXJ%$LhoIsoY~JfI9Ro31aZO1rmVs#}i6u7}>M!3y@zW?V zX`N_n@mneum)P9xv#)~`>eK31W!6t`ZvtRS+wfPn&$(Yt_lXB+HfS8VDH00(lzSF< z@rmEl1wS-5W!od}Fg^t-Z<76{RMEb8guKa#isziHPk9igM8U9&s~=&P$DwM&fv`2} zmQGWY>HOf8^+lQWr+W|Gji0VN6*q;PmoH#ggS!*SyWKQjFTRYu#IzGj(GTR73VNrJu27UOEWlcme5`{R~T@omxL7cFxI%x%EQA$@l*VuF(~%yR|5igvyqgqDJdzbsVyeMxIp-lE>EZmp_E&H0K9A`5#n)d1^EwZejd%R+EU0uIuaTySuxPWp{UX(63+J z9k4KdKq(Q(0X>0V@B2TJQc|pk(6qu))fab%5vEHdQXeF#Gb;<(>Pm(99v-MBTN+zo zqo7L$)o${*Bs@6J-@U9UywA7vS`lODu?`M!$g&5J)NWH&+~1)YzT&l-H=T!<(tn?{YqzLnGn;b?ycf_2`Ff z7i+}|lxEA+$IG$0g*6%z2*MU@39+WgUH9O>?XTZFsoC$PoP5{+WTM&}+|f~KOWht8 z00OzV@YJi0eck$Xi~@21xr4zkj0{2t-Rq92gUU66m5+T;(4!*x+vflr?5Rq9H9Vf} z_#m6k`Sf@>E+Qggk!A~&?*Q*a*`|`qsBUbu1wvUv!%d)I$;!qC@lCBl3l5dY-pPsm z5U3GqrNm7}^O<`ege%BTlBjvu(H%!kUe;%OS>9IVy4bj7C=tOx{MryPpBdOg4@Lbx zkrP6#F)+=R*{Dl-SinPq(AX$hQ{yc}_^>@)FCXgY`3zJgF77UdnSiXb^0kaCski}D z+>p6=o%YU-7TFrKMt3jo9;cu=kb{yE#?4KKn08S0%LxBKD5xCdNlYFu)o%U7v-`gF zIrPhrajXG5Bnl=b*@WA`%2=j#a%CD!B+@A??9L-jL;Hsc3~ziwx|0-^pf!f123$W; zc;p-hRcw(u$dHB&tQ^0o{XH*%itjPzvlo<(zhzzB8AxK(SrOAPBW1$}}YV)5; zsd)6q=TS%yv0*^y=-s?+Z^Q(-xCTaoMn*Q{enxFLB`DH6ITvIRjQ`>GCV)j@rNuzJ zB7Rr7I@s{&D7-g%ZvInQoU@8*zADzpw?=@EB^taFsQ3Fb(R;yn=kh7?{d=S76T!6Y zO25_VZg7ACnAVgHW$6Cua&g#rC?1qA(rCIwlPwIF9VCeP%cpe`Gub5N(86{bZ8A>W z+}tDAXZodj5(jDMmHEaCGpp8baXd+43=P%Yv$m}Q};V|c!_1;6%)%2xHMFNb8d|eyMMaweCrh~&9 zAIGclM8UCkwEhL-->ov1IB9IAwUuhIWQ=M~E zRojyjtQsmsyj+9AiC1Cnj~a26IZl;Y%LWu2j(Efu#_d~Kp(-^5JZXUv-(A28-pM=;gk>x0OOPO?jaq5DEV@~dU znfwyrGjz!|@O6dVXgT|N6Pw!t0ttVt;Ng7~wyK9CA937&XR4q-RYypTeYgHX-I`7| zvYY&HQL!hB&fFGawuo?B;O9TVFTZ{7{P_@uUdhO4|Os$7bO1uotdq=P;@;-?~{H`oQg)VKx|dMsT!N?96hrw`6Nwan_ zj{UQHv>zYRsf{a4O88JOD~eLU6;nF0P6i%0>F`9$5-6Lr#fU542WpYRcoA9wesg?4@K z!dEZjX6t|RgCm-fL1Ae2LJZ?juLcd+VTdBV7OX-PBwxxicz?F3GbtNpo=Eb?j@n#jW>tNUhO!T#4d{L}GTaJ%6NMW_ZGyfD_4-64QdlJf2 zJzcHN*c*w^@bcbg~cX_8Wj^>o#G?^1(fC^Cfquf4DD z4s_eT8J{}aGt=vs*UL{AGF#z#{Zafpczw)ltzm!-4I)9CfvL7oetnx0>(zyeN(@=> zEEXJ7ea$JRIN?X1Qnq|kw1<-R5doc{3~O?Q-EJ?_V9?4TG>z5OKB`aEPk0Y{CBxww zY|F8$DR>i1bUZMMlUf?1~V=2M>>l4kdNlMxSl&nb~`jhcp?^Ih1* zahU}sK%P*|MT~pzEt1+WwXRxM{oX0UihAxafa1BO!fs%LgDZ<6EnRE)IwO^ygL~#z zVXAueP3^Sc;#FTPJd{H0nfx@=EG`r%M`7}BiOCz44$AtBl{U(X%JqolvKg&6xa=LF ze0?ovX)o?}gY$Z=t)aQ>F5VWE;L$_Yy!qqdG0*6-uap}+4{a?vVYkdjer!aEk0;`VYa!2Fq)0wlKPEb!kP%mi zKxx-^i!f4&G;yUMs;+L(s+&0MBaXd(@#N$%(C9pfNdmJ_i?D|{<+^+Db2qE+Qr1|ROk*?e$zhg>Xxd~KuyyQg%rl~{Z*$L`< zwzj!>Wv89gtF)oBvTkhG_yxQ-Hz#hlZ8<=G36i0(eNYgf_gVsTPt`xsVIV+{PvK>B zO{!Awr!JsD+wqxq0$-~PzOOY?aZtc~@zmZJN_5i%EjBDOyI$VKRgn*KWApHW5xH_& z$T$|KYm|Jwe;8hzH*dCaa;_NYgQ^XK+1X{zw#19|v*kQ(uh@N}>wF(up0uq_XU>Ab z9bGkvuU_^4YC?1m5lak3XI* zwldmm=-fOgi}JlVw|wvWb`d#k$%*+OK<4apcw^y_{O6Ym$$#ML=pjI9KS}yo6~(8i zhExikDYaD^lcrkT-{53&LohNP95Wq|R%n|&IXcS)rgbgtm*1JB6SBu-%eE#CPzz$O zjr_M4Kwk0NJXG(SK5&Ivw>boLLsrgCx{Uh0X|{ya=9oUUWv3uZCp zehGeSVHCVw#O&&wfp;#w?+$0YFsY5atq1bT)XCdLN55QVzJpGpCpR1Ki8Q{>cO^|> z=`~NcUHv8v{e>853XdsT%B0CzWM1|sL_^%hrLab>zallXkPx>I5w9~X?N)`Z(88Qa zSci5`uS%-$o)!Z%sMTXv-fi;ComQ2_V%St{xv{T*f8py={nwE!WgS*$+J{TrYq84` zpAijimyG9UzUyhpV8T78+QF^DhS_7Gs;;cJ#inJKjswiR|;jf|CaM0fdH?Vv^Ug&!M!5`A2mPVm@jPY)*8ky zg49cmq~Wv=Yo8YT1$&0*C!%ZH+&Eo-4{YYVL;K^hGy&U_Z#Ktb=HYs_ z=EEysrSyLPcM}t*=@T5CnjFG`8fVc6q~xse_CcZ?Bp==eP>S-Fen^o%C2~ODmvLC)#g9J9*V~Cn=a$ zj9~?F#l6_UmS{$LyxF}yt`)-y%p?|TIx#gf#-2g0zC5pV+T#9$oL_*?x{0gR5@$IR z#B~eholWv>5`NAuNjL1FI*BVg*GjX?tML<`>$1oE*m@eX9E&GJbIbSDwpyq*3d!*c z#NT(M-ms{sGyBsscfO06d{HjTjk4%(KDGIJ>g{F)tXL1~KZMLG$}Ce29bFsv+}Qg_ z#hGto&Sunzw~0!`mnieZR9cV-`rPHf(R|5*@s*#9P0G~_ovv$oM1X(*#gY&%o6UUF zjdY75Y}Nj?O-ndGBVTzwttxsbYt1(a0qRE2OdF*X{!#x$z9YZ$L7`IjHtfg16)S>o zEE1u$v@buc-kM`IE4|7i_nhrYqcavU_{TjlUTVLCfe6>t1ZQq3$NilNGkWI`R?BnQ zo3%`$P3jGl^Itq-#EKaL(pn9)kFHXPDfBPJ@jST9Rr>NL44QSrC;V;JhYV4eDCU0~dN0g)!MRwVk+TQAC^@z|ix#$D}Jn6xP(+9klYIG(XC)vN_8N z*J_H+e9}2DtXz#7p4vSd=T&Z~u2Fw4HH1;>Nl2g$YQ11tEMbFwo#^sXrMJCbovX-A zlC>cSq9)|T5|WS0h}3GM=jR@{n-}0S8lwsHDi5(cef*QkU+_N}bX5zokv)`kWpmN_T~psSH5oo1Cr{CNKnCgx?S&f2qYVvv-OAXl;_q_C&hoRXd_3!;wa7 z-uZ>J>xO-%6b9r0^6o_BmK2AER49v*Vr5hHL=$I7sUl^EzJ2_?w|D97!LmDsN5zDU zJo4;(I&1S~A}&Ktl|aD<&xFUjEN%*S z7!4*0Vin(3vP>O06Xqzs8yJevt`TkXtU4J|?G64$ApErdBF>J8vADb~lO@^i?INoG ziAG6?YpxhAKOo`@o;!r|EO8hsA)AP5>FYMFrl9WHGc0a2?*^j zanV_jq1coQQi|3X*(o04VnkkTRD3h~+=i>u_S5G)m>dzewq}r&-SENRj>F5KHf#N3 z?y>r+)`;)&cyYv}^(R~EX9gmcDhP!vp_g7i43ULzR!)ThQ+J02Hhs@;wcOr5+-ZvE zQRQPW?Cswc3duWkfGgD(&TUS@S!d#R2%qHN8r-AlEJvspHHPX`B0d%-YS6p=VZNGf znKmLZgA{|gUFfH&n{sfFa-o=-ue?50G`a{osHt()A=C;T#ea``39&aY7+fYmMX`e# z!=LSb%ioNb^}8z+^*WQ?=9qfpt5upc&T1>={$di}@MVWYSUj?I`S&H*sp;Ysuiasu zRE_}2bTzWC3RLog4mOtiX&{s=S`f&sE|LQAlewS0x$q?FTTseEh>Uf-*#em{KGQoI z1gU7bp`luG7!Cn9;0I*CRU^ohp9%=eat6N9E|gp(LK?Wq>$5B;<%6HhV1&nLD0KVn z%vR&g)-U6P9y|~vq*7hfE;A%Z*r)Tv0-RM=_oHvIXWr88gvFhjbWOLb)V>&Fe^EI# zsgU0d{`y(*wt({euJ81Tbr)_fll9ss{|=hYGC|j}>fqj0UHmm%QMKSva-iZzqwAgU z@(AT62-?$X@DMcLi)GZ!(rKs0)HK~;L82^k==#pMeb|8%M4MXYwyO-~mv?tG zo$KfiLK_)KROwP2lCIBJv0=tn-tRg!v@$x_HPNNq=*rMswl;GEK9EyJalp4 z;j9!*1OfSd8_M@&q1G9Dd@<>!RB)J|(vHhn>}0oR4rNCmY+A@mlX!JftU%_vLXTf( zLa2NDbX@{>b=7z8I_Sivw&{qaouEAsPNyq_`K2nSvU1MfpE3{`0`#l@*tO1dgef8b z)a`WWV`pl7lR0+r6{~yB<

$;ILmSN%4ljw+lvi&9 zml_%9bv{1bzPr0M`bJGAnvy-d-jyDwNmnET#m5&Gp7XNM%c%9|KGf`^X(25o<@B5y z_M5%@S=Q{)7WbXb5Jc3%IINYKRP9bg)P`F}9|{IVB${)!GWMsS&*Cq)$6N~?ZMV|0 zibq2Q=WSNFFkqf|$utfQ%UyXn&Q?E=pU|_P#q>90Q%kO<0GH$Erxm;yY`2j=sYvyv#*nlge{jEW$_=s zpM}kRDBu+dsph%&;_Fn65FVZ3dS+Q{h_smea<>uM!w?vVgJyUU5HJvg5Q6FabWc;! z;~JI589ko?1MWJ4OM!7=a#riy#WP=PuQs2fKUm>0Y)=clO2u++b!J`d_?S&X-g&+( zL_EvM6C+V46A8LC<+M7!FBR-+lfN8b-m$Kh_l3=N z{Y0?+CR4M#!#UNgkSwT$tUZM>PB~gG_BsR9*HJn=4u^-Ahbc%(L{xh@g=5W$=Egqp z<0mx}oSO&Osa{c19M+A%4oczIeri^hZH<`{geDofWy8|hnLW@4HZd^)m={o%ZSWlI zq;nk6sC{p+#BM5VV2a!5dGn`RSatYB_Hv0@lSlUaeFDQ(YorpxWJXPA@$>F!?m;vy zt>xiFOgcC|*ZXEipoOQoZRfB@aj69gZtdZ27h!m3ce4FGLk_%ll;Inp_-9{jZ3-i& z{Y@hZK_P1O$|2dWLT7do;cMxLjYTRwZG>!go*BW6p@KmuXIj$9;;Vv^}`SF$+wr;K+-6U?|v*{@(J5n@U0{24vWS6O1cz>!)= zD9%eFf2>GJIZCe?3a;6)hDrDB&*|Zhp{SBFb5f%;i7ADDJgCH1vP+SEL4#-;g=Hc! zIl^H&_^>5DfKmiA+08)}THhlnS-;DtLrxo6&a;qA8|NCJd@o3)&~`GPrE79c3MUgF z4v^9zKUzUpZc1JWv03F*q*Y<@pgHZh(?}2|vN6~a-Y?}GA zRJ?+TVA9(j3G59hO&EN7h~4{;vXRZ<=GNI;RH5~OcAt)B$-HmfpYK-mlVIUyCp52)eS)sv%9<7WWUj)1lNOQHqJVngpUIQT`bmG*S>{L z0GsA@uvU&F(mlPF6!CP50YeaEjtQ{9R9EQuZj;;Zm`Ur*5p|FkzUdSKSRBk`{$* zLMId^_Jfw21~2LsP)8jLy#{COK;hxhR-Gp+iYcpHmY*<7o1`^N_cGPy$W`F^4+Ckj1@GU!U(U(wmd4vs*N z&6t9PKP6P5UZ1KzxZyt5^iOyuxE?Q|JqZ<;xJGXm1vF6&INlNjQ?78QEiHa8*JKRz zKsUoXJ12KNb#YSkUcREp6t>&%C7F%!ZcU42~PtzWMEcA5fhXoJ9^t6qvMiqc$Kh;vWgE`Dm}G&uP=6v`@-dITj zVL{im$v4&v8B@R4bK<8=x^UGT*;tQo$Dgee)@P%pZC{u|bBklOYKO1Y7WET8ihND@ z(RkX;6J2R>IV{nKTqd7fS9vWSk2dRpuD#bWi-p7I1&{1jBg_>e!D;)A*X3=4RbZD8 z2-JIKeY|kmNu}IHy=Jq(%<7$HdSMpgIda6be;*a3EHuxksdj7Qan`LzgD1hR{D&mB z9E;K&+oja_AUcZoB$+`{FuRxOhvk&#?#DblfyAH^OIl;X~l3dB(LBo{{#u;P}gv zmCqS`Mmi{4B|)b((b2U(ZC&5>yZGjU$YopI;##1Bhr)F^pRPUsghzFr#9<%>1ROT+ zHI!;MO=Ds)soPO%GhMAUJnLkQdNHYV&8c2n<{t$5PFUB9WEL-5PB)wNvXXRUN| z;=^YPdA|Hs?DK9kparOGJ740SZWujPXe&5)q*gHS`=Z)X{M7Zi!r^hRbwif!4Y}Kp z%{?X_h}aIs>$}`l9;C^rLKnNFoKf>7ii<4|yQz|myi?J9&k2uqL+r+DVb|2C8Q%qs zhW4B|tRk0ma=z8GUY<)uLVEg3rPXD-R?OPwn-yMOuFLVKe$+gK1VosXFx*Mp2X8OJ zSzY%g+{^JbL7#^u7AAZPK6zt1S;wu$8q3b>{-&#xH#|oM1Q0nBX$%^yODu+;KEHUc z^k!79(|ozEY2?(p>ie}=r+xlq9vR|z|2rk6Gn(mJJ{EnVIGtf^%o3Gi7159qsZ4=D z3WB8BN$l*JZIQv$?;t<~fA+1WYX#2FA89$dWVuI`Vc($Za1Yu*XJ&viYfNUn+% zdZu0rE?n$-skNB{U7zHZs)uF}*;Q=zC&dv=dqux^zTf$oLtyLFZ!=r9rtY)CD6?2t zSL?yBY_-duwZh%}@K$y@f2F7)nG|S~1^RZn@hsi|&o|t8`8YUSNJHi5F#4YT`d)7_ zjqJL*x=JO-F6FzeUZFKLnvSlOE41HFy0O`}>BY#JYI{>PpXP*H8nkHLm;!%%7d=^P zmPW^g^bku-yy*Ybo!_Ay8~eThMjpu_;me$~HI*p@He$6mOFJ7A+7H7MoTq5wDT2=2 z^(H0%1~P$Fk;Dd?4Ch#+Z=1!3Z@H&(_IhO@{ALy{cd+vq*-2tbNq5wQMo>VM=le#} z@9NTVZR7ChJ zl>d%E8w8TIkQ91I9$6hTai}^cH95a1|De^>-K%{jx8ur&-1K}iDS?g)%S$Yig*-QB zzXj{X-J`2{+#rB)iY)sf-6NOtYGk2LsC)kh*K?4cT7N_k`uZ6JQ3U&Xr78{a-=Jc0w;fsxecLy0Rlry!;1rU* zg541+7gxM9cUN91<;0TfXMO~IM35oIYF&r&I9__al`&x({g%?mM#4y-|3*NyBKYU1 zY~Ca~n4Ms>Ox+C+F&O(QEk@KrExQ<6HV<12M^_4Hd?M#x8}R(^#t452?AMIU=L%C1(D|{$T`G>*0nM|?ai>?_eYJu8GQ+nxITbU zE)-tx>~qJsyb$erX;q{8BtqaX&B5)fSf1;qFUm?dkM~?!TfSd}9t0Mo)1|jg$4@uw zy-Aqp(M~o{>k$}J^Jetwp;?T(gewxQ5>mWigg6luq20Z*gC?gOocbd4mAt=#`vos! z6E&H*jw43-Ete&C!Yu5mglynUrYE-B{Za;>;=9YWPM&gSx5mld+CF@ms`a5QQck%@ z+Qc-<_fWyPcM74~j%heJ^*knQ1g0e7J9ByyC<`>oMq0Y z^6|2J_|O-<*YCFp7@lh805!pa?4kaEj%Q=!U}tBqkMmrslb@Y`JZO5fi>xJneK#ZU z07;H^eZt*owKW*Yk&zLR{?_H#_iP)DMboj9(%=e!@j7+ySxuMYi~f}m3SOpAWe4x* z$yoNUe#?)9*?r#PMM{xv_i+u9zIH36`)Y4p0~DxXa@Lo&B!x~Uuri5F<~48{x15Ol zCJ81z;7&qgi&X5TpylJZDc%RBle68BuE)9B5dLuF{J5-4sJFXAbmHpLk7X-3{@%GE z&Xun@;qd^0#s+t#O+CY5{AbASmNbWXu6`Qo|;Fzh~Q(k+VBibxNl&mKkdJ-NBb5xe-LP z&=9%Qo|@n#p)vP7aMGtP;pUFh^_g_L9|F6PchAYX0@brcQWFQ!%BrK>S!yt1fUBdq z_k*^ZmNvu;=o6?Cg56vi3Pc`MXfbBzKoeWK$bPV~asKFT;BWx+B!?KRtm+Fwjm*u> zjgQ*_4UjL+#Xtc3*kahXfF?AubNS&tW?|7TEAmaU=M1&W;rNnVCdd!slNY~#{7AK) zK(Vg&LVk(MB>3#Az;?Yc{L9SplI2(iO{p*QdIc7vUT@XB2A3E7*RbHO(@7y|)7rX7 zxHwREi=&{IHUTxBLFzb?m#+%cdKa!=M74OGBoWArp;aMcLMi zI?E5weHio8x>7=3=1yUA6$W<>DV!C?+1XFmvfko^v(CItHy!IG=N)Y{i;F|Q4E;=cI} zxt{&Y_FB#f6V54DhxE9!)YN&FB6|7m;)kkGJZkX11>)P?A8;XF?9Lbr*gph^lEPpz zwLKnvxCJl4P6kiCqYP%d*%G0DcpNz@o%3p+2HX)lR+zG-iJxjr&%NwjLz}tJsp1dl zh^)Y?KgGzeo(>o5o5@uIM~OX(i{uP>8$(xgCexf5)v+KG4bVcy)z2>9|A?3}SKh&I zBG+$&&0ya|jz{XjSf0KNiGe9`x(V-%oPTmEh5Ov_G_Ez)@hBsfezpnRfeD2DezP7) z>6M?_1h1pJac;EuXFR0Ikscq02O6@~Aol3Tv$srkr&#cubQi($*{sb^CV>PH2%a1g z=(TlQ7H0yFRBot-2*0*u1CKp2>9!_}?~?MnRRd3XxKKK_tm#DVj2ew)jSdbDj*s75 zU)#<$owh{c~iAo{<-c23>9{MD&Hbs%i(zzf@D0>K7(YdR)2uD_q+!4SEf4+Nu zh@%Uuji;1SDA1r9qKj#4!@Ixp~`y5k7JNyfkD|I7Nm<`pK2Iu14$G7QWeyoe^eK)U*CN|;gGDmG_O5Q`f z#jv?d@Xf#Gy@7I?(>uabVkB4DsMGCL>d$*JtnL9lA;2YQ0Q-7@o) zH;9N?a@nP5Rf-q;AV068BECj>^C#HsHc0U*1I^TL33dE!AKa$aV;HlK@(mG<`P0>S zyAHtP#=|jm9#uR@M{pKzPZ)SIT1|^m;2)86+V3h@%^Uq&t4oBEI^%m<#&$0K*;p)A zd3AT;S2wFrZZ7zo+}t*ALoY*#39qxu#0!cOhbUKWQs^}?Yxl6OCQug_Ez!^pQ;n<| zta^0=LX5Vi&h+x|gaq!I+Ksp-%!ypBZMMLL^;?Vw0eZub{?$NBCY@S&SXdZ50>UEj z2tqV5Zi={>l@%RsB*d@e*|Na2`e~m#p+;AF~DD$!(FXpRr#dx?WJlXx=mG z=FZ!^A=Z(;$PIS+72mHAv)m+n5FBgl?EGQFTA9!Ojbs*+&Aeb_t~r^H*LQ2Qs`?CC z6+Ew!{fFBUI!>IX1$OI{tGkR6>Evo(BF^{LGHpJq2EV(zVYa4y5E4UOF---V)^0q1 zqld!EK6dH>(dQNsn*8!Ply{p%N@jP7EY^cjgZ8uCWKjS3Z~ipPwTZgH5w*y+#$mlX zfte~ahnCrUJFDl1`7m!NJ>T*RVQ%sW^b~>gryG85UPzFJw$*YY;G!qCsHmEh!xa1Y zn91KpM@%eLv09fdnO4<(Z;!Hi#$bOK>KPtTu{H@-UV~zb<}azGhJdUmjq`=;s*b9a z->Q>3qw&;GS60F)rap%42h24=4(a-QL?a@`eW;)BhMlmgZdZ&v!hxdm0X{f=a6G4M z?CKm%$O;aPkbjmTxENPOd6cNjxpnnHP%5J9lN@Y%S~ z3lYB?GXukMPcTvgcR2D|bXAqzTac8M^-G!nMDeZ#c*xvICI#rT%ba|Z&2Bp{ljyiXZZFYUt~*R3 zpvK=`_aX4e#`9o=_+A8P20`QGS-9-wg5_R9x{^EbE%#lg6_;z(st;|Wk@>{pFYsN1Dupd5jOLC%+HG7qWGYzVe0RNA6oYMgFgU8q=CrW70Eg#HP*KOWcg5M# z((z-eg8sM7ZBo5C#Nr~ty3fr`>SJG4JBsQU8a|1fmBjg^!6WYeNPQXikElla4ecyulu{iO^9 zBHon*{x3jDHV(D5TLABzT&~b{iRm~k33kQ&a@D=ZFRp??@u?EWk40lEJ4qKNw#sHE z<^(XH8V!E?U)}R|>a_g79`-FCI?PQ!dU{BCZcBYeLy9g7~4Z4B|^63xH_yd20B*b_*{?X z8Tod^ygk(re0<(te-KcYbt+|kSZK)YoMNl!87yq*yE`~Kx`0FDt#)TyY@0_nsoUD> zvYU+S@GfKC^YAF$9hY5gO3rwhXJ$+TVSgcTr>U1D4$gz>Do=taVJEO8aF*q}Hi|(V zPt;|5LcBfu^z<%N2NIk*%NNlB&%F1}4b{lk|^1tzM{`xzE-fi3rD2>%qGv zW&G3tj>FP|MO=kz5ZO09!Q-~{c;%TE#}}8=vUEY1jErL7X@p4ixzRGTq(K(#)Y+@t zI7S^mT#DMFS|)r9@sBNLqu!_W4W(*Sw+Hi4P?F}}pEU2UWfMbw?>kZSqbt6XaAQbU zt@fcnK*)*5%)Fd-fcewK#`)DHxc4y^7MTnwBvHmvN(H8S(D3%S>GzNDO>8hN&T?(A z;_PL%@5ioA@w!0Kx1%cq%lg*lP;cP%t0F_4@wV=IFVk2r({Nq-o-jlNGkIxll6A#S z%Wu;YF$9P16gQ^_l_1bsRh6^kakE~$+I@O%d!FiQQ5$UA%JkN@1=#Ftu;$SZ1; z(-i2na(b1PUPq)DnUEe|or_F29Wi9kq-2c^e>B6y>@E`JdJaZ%exiGH=rq~bT8qwW zN}>Fzrn-ZjcgcM)qpPX0p$<#Hhu-xDp4WHMWoqkNE)c#1 z88jQj6y_MS&su&U^NX8yK|=Ini{xS$-FspsTI`n?<4TPU9GMpi^LW2qWk*tYGNo&0 zV&uGe3M+T7eBLu+aoM2j86f9sG%S8R`Xr+WG}B2)^xdCwdEb3+w8!;>__jf8dPZZV z%3e3pCIPWMcH=k?krL1O!~eo*z<1K?ymJK8XMOf!Q$kiHI#b|LGL7Wc%hTWI_s62d zr?<77&!)Hjg}HJ(^7u^$>FNbpB}33&rE%@g<{#F>ni$&EHZ#{zo6(7gXm?@sjE znjr`t$r0xNlyMeNQFh-NA2A4(Mx_O$6cFhW6eVN`2|-#!>F!1aL1N$&Noj^gN(6)< zK0!h0?nc@nrDTA+hwuB}yY9U%7E6~eFXugH?`NNV=6!xItjRW`rwhY(;(lCZYvc-l z9o#rk`%uUypm|mmRjf-@WK1Xm_+D@}&`uihhNHz$=Jm z-4d}l#A@C$mLB;|nEK9Rm4bfy6%TQpl$But;hBIb3g$C6sOduPUnTEC+;Q2LJ1&2> zo@-Fm9VxpuvEDAazEb>+9j&khhpc5ET^fU4K2}badSL!cpsB1O-Av_A*^giOF|R{7 zl9Cn=35PV77&#u`TS$tGdm>GnS6G8 z?||Smix(U9*;kjXwayNd-2UTR(p|s(-bpNnq;+6tj;3@KD<$evd&~Pf;kTHoB11W2 zAC9G7UFqi>pQ|@-rnnoFKN%I;*l|s~`QeW|a;W-gfnCIeGsZQpShw8`OX79ge~_=) z`B-EclOp~wjD+Z_xcH8^=e=vf{)=5XX|~R`VNI{R9bcXHFCToZhpftb(>2<=bVccD z4N+FTOlI~g$Lo4aA8DAq3Qk?uXlWAF3T+dZn-C9uNuItd=TPE&EYZ318=E9(FW#4X z%6(0u?P${6_Zn}lssFf`zynp`g6w0LyzgIP&E5aTJd2$$bekzJn;*mBoTcSNWAs$k zixb|iNE2KYG_?HY94$eFxT-@FP$27V$oNKKwzC%4w~8>L`YvL^jU}CF@BRn?CWpX`}x5=m4`;C;3!r|994v zpl+*j$`E+#OHb`5ZdZId+c2yVe#YB@#B4%ncLt0wWnL#?XHO1Qx^ASoA#`I_BG0P zF)3FhSFfoK)Sb%-oN){mbL^0*Xnx*t&M{#uD?3(t&TphFZy|~D;*W)BE};=l;m$#2C#WMS{Z?%#hjSX{T~6NH<(} zNqz-~S_%1~mwE7}a3ZtVyCX|f-EsE&fL^= z%h)@C!;Id+I=I_J#htrf=;~(mrMFjl2{metUMiF6%kM8MleG@d$68%B570lGz0k?4 z8`EOQ{Z2$zvdpVsJ<44;ZN_G*eaKO%fw3xtxVL}I$FToHc+df_Qgy@d-$K4q;ESv^ z%A0(vEwYaT!#_sw z&i)K~p>F%q{Wkk$o;4Da|Cs%s9+7O%?{Moe{NshYr_{ZmGx6yEU`?V~%P#P>g`Jql zY3xmmPIxB2>yT<{kzrv6#W6pLS)fq{O2mamMxg_af8E3tTK>g%h!XfsWE~tFz#Rlg znz*Q_hT$ood;kc-8gMwkyEsiiz-RFJ$*MTsBY#*AFXV^jkZr0)S8-onQz#B8`5jw}1+WI*Mv) zWMpKQWu^9}0;;O2uyl&WHJdFD-f`rOk_Mw|YH;;>50B5oPjvYwi#f9L@u`kSgoQa* z87y=p9~38pFC7|F+fs`a-+RUCh!=L5I}a-LsqL}DBQT;=V==3~T%bgpXEER#OuHM< z*8tYu^DN6ND{QQ+5=@+ulHM?hVA}1YD$>n!aX5o3w0X94*hV@vcQ!NIX!t0|Ui84CIhZF$vQ5`Dt>!R9;wWaW)BiAr zH4*bh_@S$(pbJio$JXwcxeNJjhOQ&{wdd`LrrGAmV%@TNTmu}SNaNNUW#51|`Tcvk z@{;OmJ>Dgczfkm|X3w8vhs!uQIOMI{I1~dB2$@TC)Ui=fn?E>H4c2>MhG;HdE*J%e zv}tn$cJH1u;4IXn_kS*=`b*o5i7^vgr654KpciZT*Wj%b8ONEg?h~HoKyQLZ4`&*A zJ3F>BQPjR8NgUWPT-UF^m+?OWmJ2C^SXx9fKwrN6{qi)18F8{y+(I&JTA4(D*3^P8 z(pP}ksW*Y@%3kACuBkmI+x=>`DM5vAcGsQrE5k`BR46Y(K_M=-0 z%vY=31qIJr$TW*aRmJ0HqOBp=Jg|@G6ym5cTm^jre#;plD;V5(mo+tlyeo6(t32x& z#2#6m@9IPJ*40k9@+Ata<99?qNS{IwS!gI)`k3a3oQ&x`u~lH<1SwTMEhQl$?Z&?s zSTU2{#oywhocF@zM#0Oy}KK@x3Eda_}ah6 zYekl-$ad|mhMT8n;Xu)W&U?o@zLk{e&9ezI{(jAy&CLEje||45yUEJR`uZM5${c+L zm;reC_g^*V6&1NjBtvR1kAf)_!q(71t$1*BYz(*Cd1eVK&=3?9WQUVnuWV|PzrI>~ zU!6L#+0=#FFHFC3SCN~Zo}Tv-lJj85rh?BoJ-TO|E=7A>DUgMQ1!ypZ=0Xr-!kq-hK4FBDh}0nI>(u7QB4EJ4MUYe&dS5{A<-K?w8{Dzx=ksk z4$fp-k;Lwodz^OT6Kq+Z^a|6{)8z@DzOZ9&NJ~o-cb<1~R_m@^7DW7gtmtn`haH0{ zYi(%(v+#l&2KXDI0OOf%4Bo|+AP~Lknf!+4w2b+7?>N@M92+56KWOlt}X8ZF_7f@sSpK^YpSeckF70Hz#zR>TG8a zi%sDx6j2b1)f*-Z>D|2OllV)dwF-C0Jv1 z4kph6wjbU-xgJG?&7j1LQ+=+(pyDp@e+q_fqe@ zpbJaWy?1HwVsbb*?mlU#qvL*nt(4hn69ih8LFv=idVUMZ?q=rZ1*5>NQd3haE-W;x za(WJqYERFqY|Z#Id3;Kz&eLH(lqp+SEJFDbwH^5l0u1UO$tbDKYg}g5USiVNhXvjU z%vDFCsG9FV{qdoi=0DF$9j3)ILYdxUS**_T75w;kT33<7$R|r%D6sc>X-8R3MD?CI zEna&6R>W&$^;_9)y~bW?_QVdnfRA&59Z5Hv>>uSixnLu`EPUY5RpBJeO1boc)vink zDV_X_M2@6*KxQfHNp*;M;D2koAZae=$u9ye43c5Xw8X3Ki8!Jai&<3$bc676eo+OD zK*V1-(frKy>+hQ>tVWI9PuA?QFMKZCMV)R@Od$XKqA+7|UlnD)` zcFpW=(DrruIw`hiduM6wd1Ab?|2-}6Wo0EGDCq5{j6nPeB2_^T z4-ZpuD0}?wR_L$PF>sXYjD-5Z#w|pa%J1{qi_t1jA%cNc-03H8TZi0FKcrXVhY^dJ9zPgYrGO7QadB}#iF@=YCMgLA zd$F!JWRRi0Ox_bdTkWtL16I#y&_#Oq8rV7wmD^^tqHv-4%h^Ih%mCJn9?GeNAI<~# zINj=dg_VibgIndJ3$Y`|}T|h3yc~=|oMK)7WP;?WjpG^ZH2RWa5;&*PT6YGW< zw}UU2t4BYUT%a7pdaqnWp-`@_uF3u~lg^#DVQxRJ=1i2DDyXVv&ZNjogM;?bvEr_E=e&6^F=iO(7AX~4dy#-A=g#v*fvN$X~eF#$p`~GpeU4ZUIMMZ^^HvcANmNt0! z@S(0QEi-d!Lc(yxMEocgudS-d5;0LxPVhH6`pn@+T3WCkwy;-$cv43yA(6nLTHE## z6cFH0O|r1@n1}a9;B{@tLO=k*{uRCllB=kwtkoUZK~BK_Mqd708SY^I*KirkK2(^H zurSQ-g!kwrFDWPrz;w96z~Hl1yW7;jsdYJK52eHu5(C~=w zV|sdeW*tdOPz%YJQy`|2lE%8a()@&APXV1v^S5t>k4tA_bc}9^sFvw}eDRus}M7u8-gibx3_0ISN?@2^TK-FCHFcrG%s;18r?HmrP&T z9eky#!B&j+VRejsU3Y#BH#M2Mg=Tn2F}Y%@s>B5ZoB(U4(UOtDiW#5i>${c(1hXd| z9v-Hq=(jK555qRL-l97LhL)7XQ2q=sxX4%@^~$)L#&u7=5H!9LEK^|eymtF`t>H9m zr5YO=pf}5khI|ccH!CPA5@D5aZtd)37O{!1#yVB;Tte#VCPae_ZY7wfsJC9eX@uLG zjikTylzAB@8v0DAg8BH)v81GH$fK>}Y3ZknnlTz)QcUHiGD}MEb#M9e8bHNh)1aa8 z^jTW=BVFAp;2Z*WBgy#j6iRcW2-@4|XzGo%6^dE63N`$+!!}3rL2~=c7>rn%bCg|dw7@fa6sSQ(79cBwh5Ie>AngJ zZ&fy&8NFa^v^^j!(oxsFCeeC^kPzt7`J>C{s0x>6YIi3N7SWL;=g${v7m%}Fy9W80 zht)JYyQN}hSJXUPwNiu`i3tu2O!B9P?*P}i0U+nn$9A>b+S{jg*y9X7f~h&Uk%EEY z*S6QF+w8!0J6>bIQmNq^m0Pzq$~vW6+uEdD7Q5sw8}_Zzi`^-*tuLTxYHF%D#6L-# zfztzfWn1t9c(2vQ8F?+idBK%iPXqNRsiT!u+#f4z|m>L%66AOEBM z1;ALU9}YyIP_~#F)f_>9wsi5U{IDvA_62go$X5~=zU7Q-IO`i(A3(fmc+uw<{XZyL90%>(MnzfS~DtDv$UBk444O(o$aGnHOaE&6;&t zsBpRJ=n<0Mo}N0~W-FXHkg&M@8ZxOIU7A@75S{Qag{g7`4oK&d>QMUg)9aK_M0y+&U0AY`y{oaGLvbKh% zF9VGp)zGGDKm;;3RSKYxXl`L+5Ar;mi z4R}={3s~!5I0PWSTK{4Dk&%(K>vCUUU?6Zk!M?Hzlm{AdZK9IXPAh;G?Y1YNHZfg^@j*gD{6*i@Mg>!Rr5WFBe@KQOny8v5)Qy)=@ zA)~=H%5?G!C=YNoUz|0d_+WWUyQkyzVM3sh^zi$!KHWIV6tp&3e++P2=&s<1=@Uiw zehjd4MzA{-_9*BeK{CB-CxAS4fmYz_&`?|JoD=@^1o)~z;KtbpKr1>Ad#q%D_yMHq z!iCPh8lyD;6hf~d==FPXD~B(yxOlSG+ugxoJ)BmM;O7r5e`S0bO7Po-KK@1BeJH5^ yzZ&5?qdWLh2?9DeDIxEIO(q;>{LiI_GHi`v-`T>*UIH8*@jy=Xev#~xSN{dAs;YDV literal 0 HcmV?d00001 diff --git a/v3.12.3/index-baef4383.png b/v3.12.3/index-baef4383.png new file mode 100644 index 0000000000000000000000000000000000000000..f3e91ddcfe23fa39b4fcf70e4041e8e5f4d2058a GIT binary patch literal 52465 zcmbq*WmHyO*Y!oWAkrbBAl*_TC7>V(0@96iN=Qj5B_XJUfV6aXha%ll(jnd5@h+a{ zd&hYHf0tu$JMi4+oW1wjYt1>=+}B5?7fz~0#T>OE;WBcXH zV%7?>FqyRCnBN5h=4{;DavQoIDLj7aiQh&mPH{?SNicCSoyPyVQLAZh(m{WF`E)a| z)@7^vvCCX{^&yo{;Q#q74@xNwAitXweDuh}&24OK3=8#rU7bj@39A$T2ZN4@82T_7_w-kDjS-aEpKkx7#n|$kJnaJRUMe$*@^r(koL6Eb@%-+Ei3E# z$?m_y^-=X0i;0TOzs1Izo10x~(n+G8t)Hk_KR?60&x1HQKQGj&-kWa;v72cy(L92y z(BBE-_XWOg@E=879a0%cCbpqu9elrXEW}!@wfQJix(!jsaB%}#%-S-3J3^9 zv}b8oZncI{e*OA&n1?m0^GV<>Az@*P9PGP^_`iSo<5XYIqF~(WPI%-pUS=V7ec|Zp zD%e#5SG^*gD7PZ*D(Q(A;M8V!*`7Ah9QpI-kGL|5xR;k`rWYC-S{>cOscWp@8~Uyi zJ_VXbZ>_H`PE|5rOcfb6=WADLL?;M4=hXZS7rSaNu`blB?^Nqr9n92>KHS;iiWt%; zHbUzvk(HH|kdVM3VN;@P`ThGh%c~r+9Fn_<4sFxZdfBQhMA$u_9z3mgKZIFMzdEDg z^TQ$K*ci+Vhv76firHbhi7JPNg*iGnkOiy`qy>&JaB_0?XvSX0(NS?5{hs~#L7M)v zaNFil>9gM_PniDhM=MG^74{Q*@1~sFVq{Zak{?pwPkB(cfHgTKT&BX_U=UKk}6hSEmw{G-o1MWQBhF{3Phyb;s*@; zArmS3mtE29^>uZAl5?eIeH=Pf$pz9F@YV~2VUz+K#^-LXEOG9KYaNSwW_^j&VqQAy z%1%yY!khp88Jn45B+G6;Mq@|_`Dx@$4uUC(cjV&%MP1kz}u(8Q|7CyV5qg`2$ zoz3hsUT)R3=zw7Bnyz(G)RmznfEXBRYkNxnxz2TWezMvT;YmU{QIS-s0h*D;CX&<;FSOT!He%ooYF(tDw!ws zh5C(ZVvP#%{93G$ySuyYc#ltS)AhB56c%!Jl@u2j`w>vL@bK^iuYazsedGi0U+;CP zwf<+ZD@LdptEsoQ;G~`g5C2W+$#IFK8U{(Uw zhI0q`dP+8KqVksU8%(;*iONR%IpnUAuMZS$uLUL}+nan*!l@te+s`(^%GK7^x~%?L zgbl*hwKY{6Q>)7nQ)xGI1wqEvb+k1VU#mW4c(A{(!bBt_Bm|3LJCyYj2HkjhG;wip zk(bA&u0E<<@m|1BgocxmkHe^AyFwXkuHB8X z(&j+?z4P z$Sf+d@A$&d(9qz#HUzuHNKH-6&@d%DJiMXj^y++DGa3&Yn`JQkXS0e#o=)|bbrhDU z&UgX40$674N?V>-`CN_FQOp*jH&Rll3WK+9-CFB*$-f;C7|4q|SZw^Xr~C80rzLFX z6LyVJC0I9mGVAnc!j3#(PR7E}(2!EV7B&pNfN!=e+=V$98w<-&Q_V5sw{`UpV``O z)w%661uMr4Se16~Ep}-}Z%)_O3TH|^S=ro#^@F`%W}C^x0_lgDIXiN1KOkb+IMaE3 z1Re)#VM)!##->wl8MUNFRL|cfAI~2~d7bSj$L9w_W9w@D{hP>JQb$KePcJb8QBz!0 z$azicj*mEW zYu=qM#!N~WWUJ=%R#sGuc;2hL_k!^&yM6;~I+&U$mRI))KT4+bH%f?z(2&#p=aZ3< z0r!MOULPwpgUka#YHDIaOh$GxJ)vD;eR?>mKMMOotK2efP$+#!A}%9jotEx*dwcuH zNCls+vWm*!V5Xvnt1BuR8nHJKeqS4g^i4{Dt(KycbzE0xCDl&t+u7MU4zc=$;kjw| zH*Vur+=6W(_XBh1V#23>Ul|pQG%J#mY4@qW#l}X-7xoN!x#Z{$U%Yq@>iZcaJg|gA{N1 z;@+{rgNr*!f}Xj?2C5VRRbG@^A?xGgR{yF03)5O~5)D@r0a39q1_Ag{Ifn9!Mvl{Ggjs~u_* z8%ZuNCBL=CJM?lXYI%8i5tl7kk*P>#mEf*qZHyM9U09D==k>Qxmwiz%90H;v|uM*K&pTzxA*jH_NO$v%y=Hpx8UTb`}gTO=eTPW=WdA%`Eg=Gs0{cUAwjfAa=OsnT{z z-|N)B_F!0De^+nEO%$7oimEs9F(oy%CsYln4iK(d+S--YV?1135dQSVIXhgp87~upB;6Us%FD|OyQUfn(%-*-=Y<8|Zv2HzU^CN@ z@F=m-q>BUrPhEsWuU??Dy17YBMRjp;>Il;f0daPIPD)ICxG}b``-M}xBG2P^i%%i* z$B&DHLB+V3;Nakfvo+S{YYh>RMc>TK2}^!>>YSy;KUMyx+~pp^!XKOf;Xab=zO! zY&em$3R7YtvYoEe%-@JhG?|>5s&)*Fd;R)#cP#JIzy%%s3aRP!#IVeZ{>9{=rx-l3 zd3yEk!#S@?OG=cPi24#Am%_ zv;>iDVPOH)O{;QZVuF&Ke1MOdlr%F|A4Z0bM?pqOnVFv6($WIieY^hW-;Iq8Kugc- z4)zwGM~7#&@9)x*ga}cWm6x-#u(;M11W=dUYH^^Yo?JxITZ`E!O2}!0XRc<%zMF$e>>0u-; zK5gMo!XY|*^RUtK70ySgAEWGY3<(htDWmLBWO^9ov(7sz{Xegx>4>oX0nySATzgC1 zx$|}YMV1&D{pV-21VkhxYLN)y>36}Y(~GhfC`tiKfm7P5qnT&tT^9Bm;T~6>Uhdx2 ziYRcitevHO;S;3Uf4BEkSJTP>16_pT`p@evUO z`N)zf_E7O>yv}W)(38;>LdjBI zHI0n$^YQVqv)f#r9VU4mjY0iAAdUr$7KI~&RHM|0pY|LJGK!G(UoJ((KERAXsf^}+ z`D>xQ|L~z>2A7;?0iY+;l*PYIF3HN-(-&dN*^dW?G88C%#f$7_L=lijh(Ai@Yn7kv zNbbEOB-6q`K|uikQRA@K3ACx_yO87BP_`D@+3_|FHFZ6tt`JhrPmnR8-~dE%|JV%+ z*@>q6qmgh;D~U|Rbq6xNUZWSD0lYGh0LF!cOgp%x_xWZewx+LDf3mM+%Ci?Qu6EmK zOn72PUi~*)*uO7kJ3m+*1cI^R8VA)8J|Q6?OTLnK6O|3ksjVlgcFV0ss}7)s)z{aT zUp2F{u>k|Caxyh#lzs{9arF7Z^_gkx_wVn6Nqm>n-gD5iT=sI^)`}slsi{H7z;Im6 zR7{GCjn&lBGJPF6i`LxIk`8IRW!Xj)0TTpk?Rj4rvwSj4tm}lUyAR&IcVcI4;S0OnF5DQN_h?(6-p;Zw;v% zxJc!m0*2mp;WIX;E~~6mx1x$Es;u-r-Ak`&0#L}Pn7A=Jy8}z+b$N#6FX{Qz@7noE zdvhA8UkX-Q(o?1=Wp%eZckYy9b#!&17?_%>rP9HyFU0bi5fTy}w??&#AR|3JHa0f9QA=|YfM1sc&zrT+4g-rei6YoUM=p? z%un{al0RT!jR_YlEiXS$SLWymLo1gOcG;Q)P6UVn9<8FHVr*mtTP!yQ0Z2Mqr(e3i zR3L6oD+VKbXh`*Nw&T|?WN{!cyGBIPfE(U*Ml!p<(!EPYPEPD?2Nh)`Ut67x1j^RO z79%^mZ7AK?x5G2{(i(56m6EPkQP9wAZ)|j@CnO}`U}Fa#OPTe=mD|rrLdFC}GBh;Q z7EZIyfM}FySIMT8znwzt?wK>Tx^_#{bthT&E2B;g{NU#1o~%*|`9%GQf|Bz3bUA79 zPtGy->-GqMZ`IY+hik)DkjXucHsC7sm}Y1?+_8sJS!m)zwvi9J;QquBxh$ zdOZ90ZgSa6=8tk>oWwPmZz^o3C~n{8hMEs`kPV8#zt%9FD|p8jNuv4uLcYGffHDiS znAtu`@pxaod-SMwVPOGc(Ppf~zpJmO=T*oM#41F35 zn+^>Pm4ES~qP!fi!{Zn+7+<}|v4bP!n>TNuVCDiIcXvMn5KvIqeY0|^1X|t7@Mvu8?$PcZ!@{UuZQ#b^>CIsqz`yIxh!c;&umYim1R zAKga5ZrT56WKaE?%oIQ;ltDfLf$*RprKDSHe~Z&h5y+=#N^tOLhUsg+~b@+$ke_wJ~I9ieNX6 z!SU7PK(ON=v(Xdv9T30g%WBy!2+jx7iqB&T#NO+PBw&94@*%!F2BD3Mc}wygpi} zsHh0ahyAY27(DS)P*8hsFM32mLXS=JKd4h~;+;I~&6JXN?|!&>91^afj7;m#4;V>e z-dl@{&ihL}K0b(ig@rgTB*c%*%yq#dP6A90y*f-ElQF<;r~N4g)49^p!<y<+Lnu zb))2 za|RLQxYRws;|Ik&?hW@3^%6gF?3>*kRv&}?>=g~&2DUxJ6kPi@ENGT}R z*4I6Ngzo-pTYuH)+a~<^^Jo2cyZ&mXMnrumf*VQ;?9fE<#EZ5*57yy>YoO37D_# zNZ!q|#R=HiT3Bel;}ymam!M@Kep$~eEY-2HO8Pl4@F@oR=ueP;?g~2vJ#wmqItZ`w zk|=#lS`Bo#sNi^>p02Jmi?hqbpVuFeaOWV4UtU}Qpn&iP&I?DgItEbjwGMw!AhJOfM^;o98X&uSOtXPds3xuhFZUBfJUSl3!4RkH0VtJ?@P}}XSt*HRq z1t7*mM4~V*ow+#mNAUoPXRQ?Olj%sZ-c13yF^xPZX zbai=7%E{|~umWllj4Z&Y0xOsT2uiHi*KkNj2M!r(J@N}KxHei%J5W?URb4B>#wl#;47v}dQ+E0t&g)g!uX*673fqGibI9CM^9h&b`O>SG)IT0`D6i5 ziw7xq8c0QP?7avls-3$3aa<2+$9ur&L_WceGGHS2YKa!izXQS>7vl z{JzYf6lX3bruM!*yPxmTP|$Hf@@>HvyJ%Xx!F^qvji~l}3muTS*)>akfTjSs)WOL~ z1X8pfJ!nRm4idad12BOv!h{6{A!|6UmX+~I1_2f_1*mGq%UcRLxz6iyyswXwk8h~G zJ&TI6y?LLetzYDh~}`#)CK!bnI+f?K@(`<7bYYYp;9OG}T8jKCONp}ul9UJw!! z4+9|vzO?oL6=qYyoBG}MQXCXN`R{@+S@&b~yLfQ#)mJYANZblIMltkmU|O4C`k*Mc?RXurHoGdGhbyKhJmXAhoqE0?B&^_yD>H zub7BbGUSEc%>Ra<2KC_t3T&c~V@Bw&YaC#;@q8ANnALzgpvZ=hngh^HPiKhf?dxlN z^RG3KIAZzh&;A=i1QlXYQu^S?^5+Ump>lQ&bQ6FkIy&wHjmQaa1){&auwcImEEOW7 zV`9Q%YqA=475mr8>tFx_K>pe8-zXJ7}5 z{wdBoC{6#NSX~6sBZ}F7kMqrn*eEF|a-y;q1x0}*3khi!y5qG2o&RD_GToDaGh?Vn^zOibh;z?5TC%X~qdu1ro%txMOemZ*sO zVLdrFcRl4vU~4G({zAuBkUo|d7xOhsWlF`Ztv3oAuR7B`Jv{*oi9)%pM?JyBrNa-u z+fQWfX`J%v0NHtJf7Jq)oLdwxDw=9PgjCF^xZk>)ux(9R{L^D_B zi-h2ypq!@JZXJ20nt7_U5UJE)n+CNX{`j0eru!CgUX5G8`P)JEedUl@yUl{M!p#V)rjSH4iak+XG zVy!Tpy90ex0^suV7>+lqAj4GE)Bv`1d>LC7(X|K(*k&*z%&Yt+CzMFwXheB!n^!1@ zVq(!XUY%J1w*(HWmOA5k$jSyq545ivViQC6nrtbFmE#8Cof0>RId$@TJ8UaQY zzKKcUdN`PLuoZUp_SVKqGnaluWM^lewfj+2>*#^%QdL!j&w8&fQo zv$eHVM~fo{MQK8s9T^1$pr#gjEHqIR(^KVf4rwlj%nb}?LC!vgU;rVI!|azI7E6>R zLB?j9s{idA)ft&AW#>goU?j*pYo`AFtKs6}!m+uvl^7M( z5{6TrrCa+JLc`-=B}ILh3Z2&vG8&Pz$?Ml-Yra%|&wM1Khp7bjDWAGcV?9@4%U|9j z-X93ZZ2tAD;bb1Chl=BV4P_opi>F8i z3s0=HnK*)s_x}C+Z{NNFoqBT$iYT(L53iqO$_@O|_dI+x_L^T@Ur-~;}kI%WK6i@KW5;~v(d)9aH z`@HWyS*P^@@}-`w+|t&T33+C%$Q}VPE&w&^EGHta|3=l zN2Dbui_Z-Drnfca-h<}uyBGyvv>tEY9s%$3I9y9Vrz`MouD)2FV}6Xw-hZCvsAW3a z;$_Lmdm%cd6ayKy?1Lh8+DT4Rv-qTMT&{>2QMX-LHh}$0A z5&Bn{n13tnpv!PLy@>gOmO!V<-uF2tC{3fiD)gNkio5uBXFx2`iL^1ktA}78u>Ra6 zE?^QYgsCW_xtqU4NBI7au_6ykfAAO`{%Cu-Hq(vx35U5+a z0TCG%q@<*W>cv@pWSN$Q*Nb>&nC0|eybVM(j6<5qe_@Ms<6Oq~{UJ)rRAzQ^?~LhM zT*HdJxOj(v*N+Q`Fwq3b2_h79E~tkzkKKo+rgYPDs62#ST@NyFg*9Yl{D76-2tALS z*A8yBGzmX1?>{{z5fSu2G(*kHUbGC-l|AFwFJFvoZF|$Jn^&2cnYB!+^b(Y_zk`qt z72&2A6SI6C9>~+kAy*y#@*97Kse?|rx?SG*CqXqq>-v)RXL5qo-t_kfclX&x(}FqqQa&YEDAJUCqD-VzfRnCKiM%1Fl3bfHoLTR1i)Wg zQ}c#1KI(o16%7L;5P<#v+u!{}Y0D!vk7A|ThN1eLpPs(45EE;J30_%g)zr|yL`8P) zmQ3U^P_48*6m6b9$$Mn;Iv(i{e(1n&M0)#1P>{thuESf~^$t0y(hCE! z?tedZ1uFtznMZFoT#vVO^Le1%5BmxS2j{thLIR(KGRPB$gg~8?IAX40wSeNmN9TpT zJy$aqNFCqxzo(|sL+=)98-XM!r-1!ir7;%gxCPnLj>|%~@+Tlwcmk`3^mbRwtIlcl z4+wIOr?80x0WCp7(yFutQwR0kyKrMsNDeS+Mh1qcdZZ+NWXh+*mHXkbv4?2NNZzw| znK*Hl-Fz?%utI0}9aIiYah35HZnn5Fk{7D5IJNf73a@N$bAIg* zJ>TGsl6we54-JRpU}H?B)aTj#n~ox+XvlDCBp>mNFlU^VVnX7OXdgT8S?nSLHd@hKyViI$WAMa_o@6S);-wP{%#(cju@x^`gK5Z_pox|nZ}mzNi9 zqcfUrRr$Jl_od_+;)72MeM(Vq55D#Y=gy4I%lG6u7`d-UAN7+Rr5!)ix{5qW?cY6OYA{>S z^?&8}EI(|mCDHo(P}LlcWCGd?q-Y;Jr6j{V-xMNe%oUUiToL4MEOK5KwRoq&rK!>T zmzL`!R03uPdvC-JOv7Hk|CNcMy)E~wmu8u=X4mvJ#?zLv^9 z@ubcBaTDHt*WK3`UL{R#SBYW#_{j{Wk}XfjtLcbhSq8U7Hj=pczE@<}EK2eGm33y) zdsndIlh9oo(b21JLPW&iP{|s_CT?Zj{PH%vp(aI>-P3T_3iDRvUGe9%NE-MT=%GmC zPFwx=_#ZjH`|{ahYu%6Kv7Pd6HK`^hRtjpQjh|O9q8}>Uk{A)=J;Ws*fm={;)2yDQ~75JQP;{T_rWcJM4pH#17U?M zs@VqyB*}>Bg#}y9;)%f@KQCo#$EV+E5nOiOF~>i^5GL%jI@K`J!f3i!+();e@cQ+4 zgX(r>$C{In&{Jzw!w32ygGDy^;}aPiTn_Ri-xeu7Ga~B-ccUAs+-pow%#cW%h=LG# zzMQ_+v-q^#HR0y-?>f8D8BV>K)IlAUGBdl8;Guh}Gv3?#$&k$Um81grY4r5&k_K>r z$$^b64}>E3j+?fC99px|nHP%$S%w_KFt$S+#eg|knI-cn<0jULQP-aYge1OSBIU(k z9^>=Kk9I~ry-nn^$?|)t14#c~4r09Hp2wn7o+aTTtFmUcd)TNbUAc69pg+m^gozAK z2jh>ANRC{E{iJqn*embrj+8j(Sel7)GnYG#jw(&0-*7ij(EI&cL*Jt(A{?5~{49qb zE(PxMPgH78Xpt33Z>Qr5o6`?H6d(uIo~`nLV+x=HD0?7QBZ27uZ&FCN(My+>Ks8$# z4MFzfQbP%=}<&Nv&q(m2HZmeCqDWYL`}li1${oTCx7Q zwWTy`21+ARK9a9^#>NJXm9-Aa4jP*e4T4p25`+JtwQz0YCx&S&nMemr7sYhPLtq*FtDZWrMnsAtFIhd(T;(wbRSkTGsTeui3u>=kKH zk}y?dfr2}n`o{oJXtiVJ*RO+shrmlw44D`tmN%z>krz|L)6>&!Cabsw1y4Y4n5=av zluH+OSP0VNxgOO=8Yvn7^hJiq1XbLVDvE%c&Pe=OP$U7lbf`b_^OPpJ`(-G8L?+5{ z<%-C+>6C+cxWBqp@>49cuR9JDh86!{ln(8zlr@oR_hjlUi>pg0fAfzn`fGGesFe-T z3diRCbYcqW+dk#g*q{cyL~H zL1EZJNB9xSMz!H}Xa2);FAjobq&M*&_7htoH3UyJa~3Z<`hJ$7&->`m;&GvKAR$_j zgqj#;DWp|-)ljM8=jY~*km8k*Jp=Kz*+_&@B%9FN5ve{8n(iA=&Ayxz;p$&K^-{T04g6G9uALElQn9h zGiK}+@_%}hqu;aAYr|siE*;XmUua-1xxP95F^M9d>^@;fb!}y?yE``8`_JMeMH(Es zqp6AWy|FG+zcK=bjB%z3{)vdAEg(_*Zu!)fWN}Pa1#RRZ;Up8&;ZX{2i+C0lm*Tsm z`TM&;g*TiF4DnKdeild4aS1Xy!c+4t)_z7x(>zN%`mA6P**80r5gXOqyLW`MbG{V_ ze7Qf6Q;Q~D`e)`~XI(3qx9Rkxx|H;z)VWWk4{0u8w&ZZk-&Fd6+_A7+yKcV&{D?}Q zuX5!lbw|7V4(TFJTn`^Q12NNz1q)1|F!-LJk9t6jnRDud2U6eWR3?6kAA9Yw&{%Fm zaYWq4pMPrSB>RjnL`%HQq@TB`$aKz5f1F`Uqg07~%4!&YN2u{)lNcA(?{Yc!gU`42 zNiCcSz4XGK+&_HJnKdGdnme+jU)6L{4<{+7oMM(9E7J(_S^fa4we3aPM)=Rr_Vq@3sk}tbE zI$~9vM`QG$&h{||RsEY!Bp*4DwSA?Us^Xr=Tye-bS1Jwjj1H+Ie9LA(JIwzst+Y&( z$|;3Vy@q!F$lKXRbrdpoGJ=D?T^)p&%KCZWmnT1&6!JVYblrFtu1!_t2Zs(QsH`Muai;NH_RCSnQ&)Foad`=_r>t|5W>hv4>-b(uZxR<9zD4r zbj500&&X&C#G~YM9{=9_D&H2%U%SG))b=CV;mOliQ8{ukZ&kIVCjGj*xNTqBrBkZ# zTU7X`{=ii^`Gi-TzGyu3Q_)E|h`?cfq@1GhQp8|lsQ{(M9V@%g_mdxAWyQA&3!8Gw zVHT~XlK!&T?Nq!jb5>KtdF0;Q#shjQ~gY z#V!x-Ec2EBx*a4vLN9^7gBgLSMcO~VeeSY3;5oX#%pGI4-LpMX%)^|82M8oPhL8qVWRUeRB-rZ`KTJu5a8YS zc`f%y)uobiE``vz#+}wrcUsk|nyLzyKP%b3c~NBGuoW2SLta`GLBa^Qvmc5>cC=H2owc!rY#G@qgdvlOj&r71#KTa;RE+HR*J=bw5j&RCD;@K$pTP zxe#LBSpOsci<0gx>))x|_9(76KYS4jeD;`RXvuo}Bli74DnZ*Eg1Nldj;H--Qq2CPEwcNU| zZl-g0;_-oPn5H6gml_1+)O?*B2rg!)moE3?_e>~>3{9?C)%M6uwRArIVAPQDS0Ldy_nmew zW;x9_w1wxtd(IBSI(n}>7xh*PJkaB z%I-@hMN1fm6C@?O%wtX0MO4hhvdMWEeuT|TpTfjUhn&vxYTt}`qJSapcE9_hi{W%X zfNUV81DDx^YNb}F$4(OBvN`^$?wdI6-x}xKm>6{+7Ot*UUXs^Vpvygxl;pRa#54fi z4O$U@_70XdH>ZGxKo z@xgodh5LT@pC6P4x4xU~z4dC?Ts>S~jUD&Bd+6`!8pURz>~eOwOyYo_jBrI3M7rZk z+GJyZF!;AQzqZLkc|si-7JJd__xWV8LV}`;j`s`OSV>+^>`Q_o)W2UoQ&68NKVD&C zVWCIW^r13GIl$mY=KZNm>y5zk@$!kS9~;kn?zo48{bKsgRO920YjMO^rb z`2_gz6fX$kQsHOV*}OBAr7qs#rbSglnL$V@Dfp==Y!o}_HHA4A_ka3fgupHMK;xtM zMrvhsb)e3p_R>!W?Ypl@lbsK1mniZllye`{d&M6<=t_s2dIf1d^zB28w;c}qCo^#}riWt9KRmP;xwv+qUki;mVXzE@ zlJhp4F2xguD8%wC0=opE@5a+G0Iniv5IC&DkDBUg3$(%lpnPD0CKdQl>JRQVFR~wK zbg#!7cFl~oLX#frG5q+0q@GM}uRyy}Zg#Px5}*6LWeW%vTK9hKE_$v;deHZ?5S5n= z%n?W@2wh*)Cc+ggOkZuhJ+b5Jlf!eX+4B zpY)u%g~gs4E8lcm5NqVnt?Y1DDzwA#6GrM9>BI;M0gJ)aJ{bfPjf z-L68LMB+ed^yxkE3cDq{r`PyWE z44i@hE6Wx5IVZ;?6fo%wDZn87L_hX={ob!VgPz{aQ^}v)2IMf`KhiQ5!&-AkK)H`0KAuPx_~>{lF{?28=d{ree=euBW=2$gV>eHoifeI9;MjU8Op zRMgE;Hubvj#2Ktr_xrrDGn(ekcgDudT_9q~jKZglPHI&XSp))U45$9mAFyYRfz3db zWqADi=KMU5(Qiy}&_@KGOU@|MW6hK)N;6D~&w?5fU#?;5A`p4q-L zQt?{8?KU&bm%|t@5fxhkjLJBbyaK2vwQYMx76KU$8An z&HnyaPRSpkq3s|1dn}gRlw>Kg_zep!@^@eICe~S@qUmQ9TjTg`Pw3UdvmdkC(ljrW zeE*6jd7Er`iHLyyo>Wr_i=kR8((|G zJzJ75(ZsdIQ3;ZLBA(Hbnq#V>$@|jyI5#Ck$~XS=_}f_D`lc~7Zc@j6;~(uHNno3N z9FzG(hVABAFMo!N9}$urlD+{oT|)tXcK8v^*+pbNpO|o$^?0I{wCIOg?Z=H;RUw8U zmn?MBuWGCm!FGvJ}xYeS^s1oems$ev&2S#iT~Ws%Eg*&bX#m$HkJ@; zo#U?AVD>JTWCJ=j!eti6fT16$-9%G`);FRMiPH!Dh493oVf{NyKfa&IV85chV zvPgNwRh?pCnAqj(9hOdXoL_6y1ybs6(Dv*tLp)PdeBk$YV#4av1ye9KHg+73i5wgr zX!t`BJUOWoyHTh>1I{c&*?ZoFr6tRwG;obLOW7Ha-8k0ff~==N+G zGfHP%$1%QfzBfEk|7M@~tSgQtn9W*QfnL6K=FUGqo;0<~SX)!}J0C;8|MYP}ZAEhQ z$q`4`le!{_Ak3QxzunsC?G!4yrhRZ9v6UVfACGfmMH>!Kx<|8S)Z&fdd{v%1YOB+T z<3q3fAa&8hFMod`pol;+MldLe%etr?W27ElE()#m{!^i9ZEqtt zBUDDckAm-0>vQ|>{sYCQPptx3)w5M6_^&Arx<(pf=&t5tdK&c-L=V4w{`^Sk4q}I} z3ikwg%;#~$ncx`R`C&H2)+-+c)+_FQHWD-yOj@Tw%?;(O+K=bo)`AWlFe*Q@nb>=%;H60Od{9$_~WX0|C}qTuYA{9R{3pYK%Q0u zwJP>mzNzPxWiygQC#86d_QW6Par2n}65r9g4+I>O7zq}TAN!1n zv(H|AEEV?SrUlCq&V&4xrI0C%Sk3CGo>Z|rZ_hIxN|Ph0Xlg|#X;ic+8>OTUYA~2k z-OBRO7Jt-4%7tR(Y%)xW#86i<(*jzKy4SwVdU@{lv-?O*G))Lvk`weD43V!hpDehJ z^#(r59yXLPb)Ihykko@+pG(z3xyWk}ncm?-=xXKL@+5{rZg4g&(2F89qZ8Tyht$~<%o>6(iUZ6lg; zbH^XO`G}q4x4%ZGMFga4BUMGJ8L&ju8I>6Q_3+QBl##SzP*IXv9*W>oG|>-YHs;KD z%j764yF4i0Apbh|^`3vEb)HG)A_m982FI7NjG*;Q9uhTG2f}#m$g!*V`;s{*wZ4nu z2m^E-ls!$g6Sm<&H`UR@j2}D4dF?cJhpF!>W-%aJdTDdMS{D)P8uY+<#~G2Nxqh%Z>ovTBA@JzR;cQ(srj860{8 z^{Z!f>QSUSurv|!$XZBu5GvUR3yZmp{NEqkF3MHmSRiJ=W{Opgk`=!{&w`t#l=BCR zAuUKloP6xLW#h}1k7#>Z@|RZrwN#;==ke|?xrrCF%}cI4j<4R38MH|9TD|PykV*8w zKA66eTi-sN*7{+k{sP=>X=(Rj-a0t2u(1vODTZTKWnd8mppB4MP=I!U4!B0aNxaH@ z(r5%E4%+!QM^|`xc;INO$Ih%oudFxx8f>;(aBczwR~<@>)7GRW<5yiU4%CN- z)i}0g+s*tl+GUx=KV3fE*}p?zvXHF%IO?4mOo^m~@5p{EP0+JqS^EtO`B zW#fY=jq3|05qT!X@D84RnwOR#)~|+Bn~X_92Xh40%S|A7m8|pZhqTC zb3676dweCCwr1bSTc7)!6-mW-xkc;De5;0RB*Z_quta`G$-2dIJRG^#8WHzoqAzcv zqelAfxMlBInZhxH&9FI< z9ew7Sh~&O8l_*$v^Hv^B@`Ui2b>vZzX7(ccevc5CBteK8~Gv9qvU%#WbG(h$a3_-w<#{MHBeBwFs@M55Qjf2 zG6!u6Y&7O-RX^({f9DlBT~Dgp=Xo#wfJeTqzq##NP`5y=_mN?2oo-{6L&;NQF<)y! zO+o%+*KLJzPu=zK_5Qq9_1Q6*;rZNi&q7W!HscB~vhl1@@{kmx6ZFXRA6u1jnGSj+ zsnM@T7nF!jbT5o3g|vVEHnr+JBSC^=rGY*y=bn{xZbI!}m&JKIsz9Qwdgz7gO!1}L_0w+lFzTMR)hTl4lwdr zjab9))8AF)=a#a4QR@r2wgb#8B6r{dWo@ZDPYkc;WL$( zzU~S;_dX$QRM0FcFJEi$o)@9~`ssAVjN^a3012@qUb;P!9*d*j3#|Y6e%2r*%waZ= z8+>T)9;;D@wZp;YE@UfX8H(C3Ncug&yp2T+BN55JNiCT*f-NG^@vdGAD@nF{-?1{$ z;b{>PVXz1SlNNCcS=~oZ{L$=Pu8;K1qIN@Lzg*p7RNNnrd8_te?aRc=qA|8LzXR;?}hV*VK6XE)C zHd&AeK36IJ`(%Zua zJuW5MNqyKEf>7@wIr=gfm{iMt+1xkjNe#&vEn*P?BokU?F--a;v_I;!4d0v(D$tF8K3bsrh=IYMk~BIqV}qH@bZ;-m$#}Uy z#?o-)Yu8Gj^V=QD*{^@Dk{jnMRG>Wd(G;hkvwr0vIS6ey+S^rlxM&r~{7rb04{a99 z7f!!;e2AXYsu5?}vCy=?Q-RqPuS9(zZZP* znKR5fjkR=9+eq+*7OH6UXsx~c{61a*MbE{%GCnkLmvCvLyu)Kd+VHg%pGlSE-R)A@ zamRj#wQ>Ko-1ELqQ{z;RwX`st6BD=YsK0o2C*&DmO@AJ<|X+k4!KHlGPR9LR(w0Pl55?ENU z-T$gK zCFN-5*FTZPXxe`rkRgtD5ev06e;Y^g%TrHsf*G7VhwYCt&dj*!nu!oB=tA7p-iLjJ z4o?_G@P4Y$l8K8D%&-~vZ$;otpuHFMtGZ?L`SC$ykf&5Hr;@OH(Br^mlSz_v8D0+E zl{(i}2QRkbP}I99FZ{|794JRk*am{LC?Yk^nc9PW2uw6nK1Ui_@9h<~h8|@&ML>Lg z(P_`18GZZcU+enh^`Fwl$>3|}S@K$5Z^?|Mj(>!w*M*($>ysMw6ZTn-Tblv}(0fU& zb!uC|zevqQsI=NdXdu*&Wo}NdD2LDOR>Ii)FN8Qm(e`8xBj5Y}6qydjhxhMqpbi+j zz&8er7#;1h+^EFh=X)@MBnUaS!uiX;e^0>L4F?s#FBkOblh>|fi4C=61B9 z$pJ?QH1+lM57GHQ^@*Od!IvgHd`NtAnh3rj1dcDvod5k;YF7BxS=ZRgvmj@9PhZ`6 zWr&+?j?UPI2MDGUdI1WZxFFrBq#=rUcL~1cTO3;S9OOO(YcdCy65GM~qLm}YK8fyn zLZPK&Ld0g1fRpb__m1a1t(gIR@2+M^ngzK-^~2FCDon!3)zI1U*@O?ah9v06aoA8q z#0ka!`0|OP+Yc^`i4Vkg+bEE7m{&0gl`SMlq(=VxwO#K~FKqFfXW1vWNg}yk{Ql~& zE~lI5@%He$L-W!Kg+46QOCRKD-OgXphN1hVtM|Gz>#{nQ&QbJ{u%Sg6_MPx#+AO#w zmC;M|l}?_w*qeiV4JQ;0BE{cjhJc zZeh6lw>KQ7yzzy@IzNA|U1oke zW_xwD18t+cq+}fOyQ%3CR0sumd1#%cCt@-)pp)GOzdIbWw72LT7ZMaSr+Dq*;nDNh z8k}M}s4avkOlx56M^RcX?F(h<#5$qzIHn$5*cC%u?2E`^da$azCL%^9r42?Q=a}>u z5I$3}$~V%^9}x~wTVvAFUjHA?-UOP;Hhdp_H!=@f=9xmKO6HJx9x{i_G8L5u6&ZGt z3`t3$iA*80geEdnN|`b>AyKHvP$4Wpv2-y}PaH0s_|8|D{Z&q(+4W5wT}pAU!MJV}%Ba{m2? zFEk|WZy~=|kCg8+9+zwyAlivq!kscn2ve$vapD2-s$3!FcH#Co?=v(DBn_I`O%!>( zg!6Ad6^U(3{Se(2@SQ<}?m}BdoJsB@f}rHY-!8o$E2%DjA;0R^tz^@ugYUMrtec*u zYu@%XARzm@?(vUiUR$@w1uXqNcxGmoo%7VxkJim4n+|YW^trwKvoa-nIr0;-HxLM*@s+ed!_QpFdh3N{Moo=BA6JgY*QrS+!k#2b zqfN)Z`&rE=xu8p}2Pg*O4@tSik3$Wq1=mI1@rKQUdW8{@^_HL^vez8?@>*o{QSX(D z`i3%4hgmDz+7Xhl*up|b(@jzmW;Zo3-C-aDN+*Glc)tDbgPsLs(46zHT1dZ~O*%(B zr>$qpp`DeocD|5Lh%-`Hft>DCP62CfmtCP&I{Cu8S|s*Ri< zGRkYlog3fsZU3E7{pl(VuVvQOS<{40UkRfln~dJs#MJuzlrcWIF_Xw)n!R1tmt?2a z{6kmnREWdn14FU5h3&I!25vIlU&_tU-$rRmzsSUu-LJh> zziO;Fd}twHkJF2;Oa=LJradcXtd6Q$zTDCq7t+Mh6w&-;Q{-r(qYxu+W({ateq<+UrC(UB{^aBDAxGT5Qrz^~j?eZo zBh$@_IjfChDYmJC)o%^U-pS-Ocdl7E^m-f}`D^E~LOLY5mwEPz`27cLCmueUvGYn+ zC@)O*{O;B56s5ww);XbSeCb2XwWrhL1`oL^%RSC%W~u#r_pRP@;u>+26hf0g<6_o# zHFds1hj&G-(K71BKlQgZ5yib~@wyrx-aUvLIl!Q2ku*^8*ZQx@{y(~gyvMfv^?e?d z)aiNr$V6p%7;Q?8LgU?V^^@Ub{S!nw$&d7xwo+JJltQ@ZH+`!5vDZ1ZkM+US??W#Lek(xQ&}Iig6Kk%uBq zk!9T6DZ3@&>fEl=?yA1ChbfE{EkcTnAo*DPmgb(h%q+r* zctLp4L|R@jJhg|s(lX}oNmoxMX~UXj@`t0ZzyB?%r5h3%DWh4L9}YOn5utF5&&|%V zfq~$l7?OnsnJwcNk}1(+q;mB7-uqSYoQrqUI^fv8xc|o&Gjip>&>ha*bd+_os!fJ* zS7@{iM;6M}LZ8l5tWPR;G!g15Ojl8+8GhI>QLAUTaMo49qBkiTC_FBfLj8l4*7`g`sH!r9Aw% zUD+R%jnQG7?<}85y?UCfNsAJ5G{rsQ?drgzpSsKu9@7CoPUw^G5w1iCC5&(&)l;lE zLpCH#5?APMse}fRlWTc%CIqiHZH^|6LH0i^jTmFlGlLkkn-dt{fz+LU^ z=C<->tIpWJKOQ`k#Jg&o;#@hrdYrgU`X=EKISLOYAWZXZ&95gM56A_f|567>bPq)B zy%DYa(vd%GbmLs_++|axyAhpg%WUbc1zRV!gmXIxuXj!>db;b7-xdZE-I+7x*)d!C z4(LABlsSD&LsHTYb7TPi3B^56&q413xI`M7k zS%GC^QuM0uEmOjhC?R&)9{unnp(s%(O-*=g$9W-VH(k;QbISXh`JKnzJ^vJzO4fa< z8`Y8z>~z#rx-BPJs@rHFq{ou8ek72xM$2znX|cRUlTzleFnPz*G(pTw+!Tc< zwq(zllr6PY-wR3$->`uXODNKeNH%FuvEamPE$er|ay0~W)j=jp8Y z0_cfbrG*7~I&TjOMEwz6GBwNIrbgscg&ko|?p@bJ@b?Axo1^ zJL}kIS~V0yXlyjXZ1RKDRL4MzjRtSez8^4X`MhPDg#M#KPm!EWP4pBcf`uYV{3KL~ z2!e!vxhS`Pg(_WMwU}Sj{?I$I_Q(D5@h5I)I=>9-3cA+3x)Zu6IQRZu?!)Sml6@(k zW@$#8#Gg2p^e=put^4?>VE@>E4_dw%<3Z4F(nj7aCFKvXJ3MWlp5HUWF<|^-cFft) z@x;lK!}W(Ys;C?V7C{|lP&VzqeC5jF^!iCUA9in2DAUNZ+&a$2xP|^4Ga8GEGg|zv z(kYcMZ8{b`N1W|khj>0-6Y#ivJzynL-#^*)IMG51pa~)tNHX*Zq|kL=Nd&Q*kaS`Y4)ZQ1-4@NE zCm7kEg??fTTerU~%}=I-&T|_flaihPFUIn4Ly`coN)(c=7c7N&t#;p8@HM^_ZQ>Ii z#a8@gs%p^7>d*2qi$S3@z8qgQ|CBduIT|lt-lhq}6d6L(KOAjYo5B!?_=s-Gr*|A(~!B2|a zkawbuC?X&iqp zwzWG|?9H2#>)7sHb3cx4nUJjW?n=2!aZ#CSLR-nk1S3ILhgiFiV>c=N8@fKdZ(gyp zJ9aI4XQvs7Xihy%W*gyiWikDcG=u(_yZ7UZO36GkF%^e3gwrIAP4}u+ot+Ra7(F#& z_H)LR=8R1*q4z9wIf3&);r(C5qsHxjGqmlevKGbmh@|TqKL0ZR0kaz(9<{Z#fUY+` z+26|<^}VbZs6BLGr&W~(b5yd^tzUr+`2mxFR9^2w?c!#{PJGbY7ao#`jn zF1fudD=j+xv~V)-1zq)z*dKYWf=?~)|JuF%{O4o(>CsVpt;QJwB5p13{_flu=o;~J z`-_=HM@wdt{2iO&qi@f3$}%L-dy~@Tj$GW+=^J~3F^6@;rL$L4H~-kf zBQNe6)slX?yAj0YZ+aOw<&!91*)K4S&{kfUfChru$*bIK+?&VuXZ1h5*`i51y#HNf z-BPGVYqOO6(dC_H5&t58*SxIw#KPdh9(DbwN7L9FmKWp?mHJb08#d0|mSZ_5bLonz z&3-!uJR~T|+$kvFS-*Y`Dtv|2n9;Dlsxk=z0;(c=o}4`&xP5De@c-o=k*HXwEtjp` zWPfpwUUxyvb=e&!W&ft!y1BvYqH&G+vcWwXvF@!2^=VVL8Oa2h&YaBLZ!vaxZvmaA zea0Sh;`6{Wj!!2B-2^)S`1~1rf1DwbBY(V&u_&o<;y0P@toWds^v12NOEz!pg&1ZH zJqmVrB~{T+OfuQ==+O7%`I9|MU*1=HemVAT z)j}%KD#yj?BGYkCq2RrwqYSqBla_aA2Shv+B-D=P-E*^2vP(a(v^eC&ql1AV8skt^wKvYWIVR=tOq(f4w~O z`d9rW-?ujMb3I(Idi>gUrPnFueeUbOWLjPFQs~@R(3`*=_l>I)@(4M?lBaK?Q{(G% zosy`=hes)^?6J>j_*oUV=+Yh#{x`Jm?|!K*QhFZ_9$QK_-+*|9ori67Na>=rYe;h=?%gaDErG`@3O5@U5m^{k}EE=q$V5 zFY=x@uC#3Bm0utp5|8N_^@8?KK8V?s?GYmIRP;-+`f(rr;^*aG)~#lH{VowC%x{Si zIra5#cApYqwWameCm+CZ^OW?5_OBR)7c?L}ia_n+w<01aboKQY7WR~%9%3qKy|oPT zqxy4KxH!i0S<+gA^3E?q7-erz5SZO1-50fl*`K|Cf4yZC{U7VQ9I6d@7_rpT}-qZYCxgo>eZ_Q6>S5{LFdnZB=>Ny&br^-=V!g6t;caKG+H3y zMrJrgd_75xc9z7gk+iVjAAhOnQphiQ$}pjQYC^kVXQOOhSC;hR{nua z=b?>gYGYX6)3E51T;|nuO{5W-CR>URafYCwG%#9Q?6g^YWK|_fum;zko%>s7aaMb& z&muC(=r8XUSp~f~y%!cT4L$4W4q=WFvJ}nD2FAv1;D=9qe#kf1{rtJiwrxM5GRbY6 zm6=((yY|KKaN|0uXO*w@C&IcQ@CUHV>h>T8$}kc9Y&5hr_QThysRNL?Y)#-CsIcT4 zzj*2_lgi|NWB-e5eRT={1V;#pfF5hR#kiaXNt-lFAG$Rn!C;M^C^_%EpiuU3cDT#G z0%Xt~@9%uM#Cp}_7qJ()*>BW-Pf4vLclrbxancsruY>}vjGkFpe$m9p0mtFyKhc{h zayNH-c}5m!91W}9I=TOJN=}t&OP#u~Xiv~+EEZ1nkG&l;?n~WWc|2=CA2J7{ zU6-KJoF*x>MgCFDTC|v$m~^fs%SgO!+BwQK!q^PNQ`&9<1!NnEw* zRVB=h4l){0$Xg#TE6m@$uamOMxH*tc3u?%Y5^wt#Qewpb89QdAW%zpfzeZW zb@pzKg|&5Abu}*`GxexgTTD=v*4kL6e9V8{&tG1wdyYpbhKhHuZI|TmaVwbnxZ}%N zlKA5hRzh?A`*oyG?gJBcbuuMsCJ%L4hA1)t8ur_?!y6?D#-HnqBlS6n$m4<2cX-x4 z`2FLj-RIZg&fiy@M^aw$Z8bfkd4$PQbogcPSna?7kArIPpC>9F%3u1=WjwT+iHR?t=U5*5dO2qVNbb5FzPBMBIlYB_u-!tLuo_u~c2i zVuWFS9P{KnKcriA{5Kb!cDL`bPDi_s_H@jHKvp(3*`)Ok=G^WdEiNzL!Zr7{r{^#R zmm&JnxVELu_kzeHiFB<~l!%{s!#RytWL>i^GGBKz3ZFd@KeRPw_uo;~)1Hq{Y(J30 zWx!1gzFiPf-dFfLFSGeeI;khhz%;1(fw9qhuiww==;@yZ{kr;`OC@Hb|h2-6Y=$_9yP1=k~@`ZoMZsg(4W*zq#Wi(bV293yI8olj|&l_wD-=867CBaN6fpU#uqM z`uTyrJ~jxAKsQQIP!KXt%}zQ{>0;WvBEir1+jZc|sKmfL0?!V8CH(9}Ru{ckU&oTG1iB!rSPCt1(Lp znV6dI36`@E=x@J!?D@@(X>sCBe?L7veUg+;_*}lvYX~M;9uFa!@=U6B#_ww{vP1!=s z{VHfcQ|8%a_IJ0~ExObs`txTK-{?o?(M~(cER4QW@csOlclY!TD8ko^@bg1{xx=Ie z>WPfl_+MKxU-O~k z*4x%nbA4|McAl#}tyXdxSXK#+v71L4+8_=3PDCv1t&D@K!M@ZW9 zair_fqfH>@N?Tw3JTlUy_ytqy(4pK+X4KxXW2<|87v{kWuax*yxil9-82(Gwtv$Y8 zdQMJZX^m-q2@R@p&%E(q<%$vs`|p$n)#ZOTrjAJ+TZXz?hp-OQ+gx_2Rvm&g5w|h4 z`8%$vT7G*PfAgj%1OP8y@?;QXuGTfNN%R*#*RHmD)*VzKn)03!j$?qB!tG)7vXEsVQ=6=|D zPom*B=e>~ye@})R*RNyc?+p%K!LR@nUJnjcgY#plV(9Nb-kQjj)o>b+5Cqt-pFh7d zkEKmzd}9#fQf$xRXr^|1V>6w`51g~4pG&ct1ld-VXyW63oL!Jb%W!qK;_jP9xwY+; ziZtH2746ZTVqIzf67R_-cC131WWA?|azFP6_vgFHl>+6&yWa&Uru(h{OD_OmwFLvwnX{!B!9H?9J@=*Nh!A*z{$As|ZU)hjR z?ib^35j5`Ypc%5))_lUeh~^&@Og}-JN<~!_m;_!~gRQtO&~f;Ppx|JfMZZC+k6NZ` zIHo2hn!nt2=Sd|;TDZvF%1ZLRBbbASF@vwKc4C&+@$!s}0Vt|M_)+q^Qz>gXqmvU= zIz};k&hKg=hlu9qFJHb)Oh{jO*3>kDF5;f4n}eG6{L+TpcfB{?Rg<$^>3;Kum5FI` zxRFZI%Ss1Bsz=4c$*HaM+LJHykSkR_{=+?19BU5(td%CTZ9Xp32m;KKznb^$+sE8u zq`3KdVPSx)YnIDBov39Dkc3V46s$X*=HEqz2#H&L6o5Gh{@v~lfmCP*ogZtk*4IaF z)!9jqkW%KNYrC!!b#u=g3VX!ICb@8qQ%Qz-TcM>>0S$F+ZK`5;+VR{1>Pt%d2y3uTVT?h^ zGlrRSzh;K<($&y70evzyufD#%#ko0VMn;J4HJ3Qusdqmhbe%UoN@ce#gOiymla`g4 z8T3p8?|uLFO-Wf<>itqjXJ8! zwj&4L-P^o*b4n-V_;hsvFFk!~!mr`Pn%uVDQ{%v3Q|VFB>8*cpTyt`ALS^G5=HQ^tq@R|bot+&-@9gXhH4W${h^E#-;)Fy?ANjM5 zujew+qREK^7rZQF*Ggjs&>Mn|g1$6WTmiDL(Bd?VXWgcxf^Qvwb^n@xi8WagQX^d$Fz?= zh>E;!Sm&?pyT3cvm}(QUD;otjJU~vn7*bU@ux*v!;aP(jif8&*IOef;W@P(A_QL#p zs_O{+7*Hib!QNMHBjM=mtlWDR3n`%U<|8ONLdLefUIUUXdks6)>m=MCMbySQ<4~ZX zp@E*Ttl*S6&0p11wVYXJk5|{#H6EW4t%;iXxC2nXlvF|CE?+#Qm#<#6t$iH4UAozz z)T03kznA5G6QN`(Qu7nKq9C4H9Dn}1eWWlOOiHMfV2FH|tLt7kaS&jGGfF`A5(?%A z4<59(ewE0z2?;?)gX+Hh`!|2T8^anby?fa%Cr$nqPJ__M-Fx@SUIO*LI|vd~$CF-# zHdorDbWD3|UC=iSf>zn}>)O!g_bKw)v}u!Q>TTFheCxOdK~j8V=B;-S)(I&&O>Wtp zXkzbNVzJvkbaiTKpU*>UDJiL-Pp==IKmQs9BX;nc(7wB`&HkMduVlZoF3k3aLpZk9 zO{(ZfA{SflnMV}lTVkwp$v#T@8;#7v1ML$psQi+H+Web0=|d2sfe1e!GtQTJ#l-@G zf)PkKaadV|1+h*?Vx5mi8xM9nXXg|#6EuwXvZjjGdS)x^O3gQC=|~)!o59lz?8v-T zUd~Qnc8i&n)$cxW+bYX9IGBZ)nwr8%2vm1Z;WnSaP36X6wy*vFG5V(Xy3E&p9w=&^ zY{Z{KB{MNG5%P3+>bPdVo`EtqJ~DY0isaDNfsiu9nG7|8K|-Y2x^gzE8t?+C3F3`V zm%?hKPMf#bDI;cZZQ3cU5=1`R(r|pn6M{vX{YQ-6lYMV6OHH4TxLSyfc5vUmlJfGK z7cPji?wy&KcuL2jee9bH=%QcUGK&KEf9=Hy`lh=Z(yX_#vxjj=pBLQ$322MaIH{)? zbB796GHNOu3ec$a#~CslIiK=BflfRwNH!)#E%2UUKtQ2OQs{H5sHjK6w|D!xm~Ncc ztOqFw%eHX(RN*8P3KLZ0Kzidb;Q|8$<{Pe6zGob3GBqQ_B;w7_7?`1dVp{6s61ZVr z^Xuo&lC15A(R$a?(yG#n&$Z;3`ua8f$`uQ(jJiB8&T1Dy?nT}U;(1fjqSB|M$Y*rO z?T@SKoftg31|va^%3go>Kskao*yRrW;zDxrKeZT z=nmSY`rygru=kr?f9dAzd^;znDMVQ)CH@hTeP}sNfes2C8|l7ol6suWCPRs$R$ z@2(2)$D4P>YCe}pmwI^h+O>CRvjx1v&>A*DeZ7l9YIXHtGcz+^-%r?T1)3_fzd7+# zXmSc7M*_$#ensoT$a+2QA0Zuw&8Kwe#>DFzLXeW_I1d|wrEfKz1m)#8PP~A?K z^}iVXlLx7VEk#C_R?YmR5JQV16V?P~HUG`5{oAUksR^?H#44!lSlv%ewfSFJJD-9J zq+>6l`bbM_e&`n%xT#N}5EvA55wo@leXtI*49QmP^`_V>G5Ib1J$-%O2P(2>Cqb4I ze0qwOz=4A|1p^1s@7|utN}FVaem(I_MW0v*H{ZMW3nJfg@@wC15v(+8M95?^FR%3S z6&!x%P856!?y*cx!K&)p>+vW|ugOGMrN~G;8CiYodUDTVj~y-* zEI;k&znMd?pFc-xhcyC=gni+hZmr$jKjEjr){FA%8aSyqKp_vSBnwtLq64a*G2>at|Da2Mt6KdHn|ERF5e-%*W$uLoDFnsjkl896c42s zuOB>oPHtzfN^)D;9uj>+_Jshhkv&5Vxo&Xb;h!ZE^gMd;23bXbaRwiGe z--EmcNBHLH+ZhONfq}nKzcQJY78Dk$g)ma}hY^tQZT~@75(ZyX{n_c%WFI!WIK8)C zc{CRsJE4Dm^ytyd{pi6-7qqnnS0UI#<9p&Wj`a(Qw^3(cy&%sAz5;S<%DHogj~qdj z4gESE0fC__<83+~KvdFOb((>z-hc4G&DGV((NP#{A6#_=r}ZyUxsGB|Vh5C?rasY7 zN)M!1h*tIERD-COi<=u(3)JN$b#$U3){yf0NOR?`Tz$P$`SK6r8DphJ`@lH{BkIT7 zS{4HK2+OdU0y49Ur-}`qaiL`thYCJ2{KN?`4$hl%Ff*fp_z7yW7%+nXGId$tIDvu6 z3X0=7k+-MAeDQVfw#q-p5?)77uf+8^6(5gq2{l=Jg;*@zHNvbyln_f8rt_7fwDVxcmNTaaI&Izj#IG)sKHrbtI^Ui--tb*U9c& z^Y+?thAzKVr!iiV;{#xuPzcmF94!=w*8<-}d&rxq={kyX6()dtB za)jgknLi+unU+Qc+z{or$)bWA#DFslNrKekE_}^VjTM(v-;5RBL2sUR|Nhnb^}er6 zX}#{%`4c11{=?GdwZ!maW9UiXFZLpwEt*wSJc-RmU;k7nf6cvnYIpT@qiO`3VS58T z5Ou4A8VP?95!p;jdAPa1PEWIBPfbp$YL=!;sQF^0v!%LR8tB%2!5M6(XLiy!;j?xY zUyJ4?yr;P22cyLQJG^8!vAXbTA7i-o&A2E1xy~n$(fi~&6BO7npyETb0V(KtG2H{c zzG*jZ?DzHUfue@+JYVoemG!pv>Twz+TJi1Y5Y@7?y$lSRlX&FQ($XR$Bai)f-=2@D zTD+jfM{0u3Gd5}Z<;%c{4({D6z|Zdj%c;LK&vQ~|v93XBg}e#yF+82-m0a{__n1&G z4?AQQJq#pa*;shM^@sk=U#zmBW3yiqH2#x>G{AHs4ANNxA3m%;n0YLu9B?i*wG%?8 zSqta|Fa16_mc|hw+sjQ8|KTJ=&k%@1A4UkAT_DuLtNJDKu>U<={=>y%Qk(HUoz$!`O z<`4&*w79=>nwkVgy-Y$@a{_V-VxEU@zRM27o5w9-ww|WX!YZSVF2q-smYU%_^)wYz z@=JIx?~})JzAhDvb=X3*Pk$w5TR3!OWXuMp&r@b+q2u`#_BBUA(W*p35Few{j) zf=tbT=EC8ykPH05+%1a5k>|q5NdCUW%1p{jAQ$kdp6C3ZOQ5k>9;yNe+~PN}r}VT) zu)z+lQRHHlnN+;v`t|D^TORkCz{$l$0R>f-`+0T(Cwb@V*H;EKZ4c{4!HfYF(C8!< zNC0Z~Ik}EaU=ePsXOCtMtK8$kY0vF{;J_A5qm-B9FSeD?B)4r~G!Vb=uFErWIrsKf zpYHWmyFx{{PuqwM=(Dyc{y+aSZKT=1z+@+B{`#7F1#(23o(S5(XHU6d9vmOarNhR; z!nGwv8_gD~j4CfL4sOJ2$9RUmt}dt=)WCcWoPGE+Dtb6L90AP;nJG%>TuT8CNB~27 zd3<~vM{t?g6XP_hOfr&|ijoq{sc?>pPvR|)P4}k^m6w!g9+_aRDJw6343Y^rikOLX ze;nCx*_45TK>!%N9D=?m4m8ljxufq1vj+k58n(2oL@uwr#MNqSwIB~ z@>FSAnV9y8oT4I`meV&i!}j5O<6<&Z_NFObd=+47VghHL+qZA8A!DF6FD~i$G{+&F zpdf#W2?zKcAhRmdUWPgcJP#j*3{l-e6XW|=C$1fY=x0+TJ1)j*gLxX_3uN*@dY?zS zF*mnw9IG10HI54i2*9WmdSPz{1_FCh#dQC*@pXVltpiRe)5w6O5?6og}`i3xqpDio`wEUzer!)p#;yu_uv z-(S0FC0aw2A@TTjRwXMZO#9AQkr3vr#-3Meq>p=SOQ3FAFeVUi6i^7zMh_CjDBS( zxNdkT+g)Hutw3gHLkT^`GiT4D9DF&OkV5|r;qh_UH1B*5YIeBKVc-_0E$WEYbUFeh z^KP&8Orr+w9v%qFJNEWS`ix`d3<=H4c@6MomLvv7H$bgpiG^)$dUNp1~4O{N% z0N2=$-2vgHJ9mN&3}Ta$Ssd2uWP2e<+?3+n5ha@H?CE*H+dHSC!iH>Q2YCp|j)Qma z!DP)I6Rr?K9~~=%>59gQPz~gbz6>-MJKY!dU;<>{gWhNV z>#Gz%p5367i3wcvHpT72?5WR!r%z+h0ylo8<5xVJ5Ip9#1$Bw*WZR@knx}PesI#B# zWjCZpE2gFQ%lwjfwbh|((b8ao_^Lg8^a#4es@O9aZ>;?w=8rv%aUB8GeU1QmR8|N0 z80ngO18au9&u;xG+Y&||coNSrRr=qPgs(!!PbQkFJe&=a2<;9IQ-T8l}vVWX~pX5|r088P=Qb@lZpAc#*u0DuvyyUPqH7*LHSKmN7302QkMIRah`WhMO=|TJU(KNvy>(khnTg+D^-Z(Q+f+tDu z3l0Vx2|ErJVi^)#KR#$pnm!ZE0QUOG2eb?hG_HuWRgl7gyGaUHLcPx^NOG@A`3Im9ZalXF3 znFm5eL~dZ;;L2gC!_CK+t#QaeqhtkN7-uYUo~>K9K;1V|K9!yD_xA^ixor(XMF%q% zz|DYVfw0yw1$A}j6RBp-&g$E@FCphaUk-z{-)A5FP5f`Q*yOVxd(X5;c>DYJp9haj~fJ0~YwVm(0+eVQ+j+UJ=OB*=_(K$#gRh-C{f!F?653C5k$(#*XrY!mBr~m7@dlVtpSVkp~v+?Pd-hurKROg zNy%<6!b-`V;gCpc82SG#-2VUj`K2s;9q~A_0o7ir#Tofu%D=qw@{j-8R_Ge)>lIw9 zTbr74wr7=-X z4T4YrzH0CIdx~tJEovi9Mv32|*sxLedV%5nn6<}cW#1_zS|hHZkY8w`VM!yCm#>KR zNy8o8>~^o?$rF7ir`pm|tB-9@6j^ESJ!I)Jp!Qth69HIz?9->XM5=oG@-ni~xAlki zV=^fftH!E9aa@KCbqvqYFb(kGH4)7<)x+W zSjw51e-5ABUzk(r~<~e?S29JU(Ue>sQ5Wx3DnP zOMh@9;>83vYG~AVA4L*Y+K}m%2ai1T*zv91w>bZ?x3wi_cMc2;VCIzXfvN?$74$Gi z504b1xcGRS8Z7fgckTcY&--1FpTF?^oinCAw`{?O`3@Nv7{mzx!e5Gf>{5lKpObp` zxeA4ML~u)}pdFTwz&IL>SW4s|+`$zscLkr3tsHp%E3BI%A>)YT!^(;~0Jlp>`$T1I zY%_9~Gl?qJYjZER`i@uC)>1v4zDgiNxov$-`s&&CF6>a4g!-tVqXM5(AJI4b9v&Y! z{_>Crq)Uv$f^CYdm#$VyxHlY@G6;gTm(_iA9uZBCJn62KSornJgc0V~5wEXrM^b{U z2*UV!j2|9HT@z=Nw!vNpDu#Y0wR1*I`(P&s=}-piUTkk*f>xqiGN@kh&dznvm_+yo zG{goh4;rI@R-5;j_mN>ljD|r7vO^${u!i-k8N!3a&5G2Cfnf^{_p0h@=(N}%O&wm`-!Dh>j>hLZrICeYHRNI|?M@8bcaG^M5Io{hoM z8GW=TK>FZEE4z8~`1}%5w&oBk!_1pEqru@osRb7|7*xPucK(F6rKP2G>VpR>K%6)Y z;Q3g#5~Cr!^T@ySdI@aOU?v|!nYVK!N=62sK@d#yx^g6tXmc~tAr-_?nEL?8xISZw zh}N#=(aiqw`A*%yn@B@9#-T4SF}m4aH4ayayfb&Z%?-^nWXSMc4x;Li7~64(>2Mb+ zvW)^IjALtD9P$MfHZrTn@yCbJiA{S85Hg!LV<*Y=Ze=9EdZ7LewP(w9qznF4F4TO# zsEBN>8#+P|@WwOKVD9Y#-Q+^}i*HZR3c^;g;tPWr|vx znwoZ>Y#>Iar<2L+b&$btAMacOd-of?*w=cmzHY4 z_1m+1U0gE1enj!3bBy{`7S+-5E4rM=*n{}0u55s5d%X*+qJY-;LZX106QBS&;GFd%bA%n%OJ&H zeL0R?4{5)L!tML_HTB7;>G(uKU_q&H^)`qn#YQ`J?3mb_trLZ^Z~y-9=pVGQ--2~= zKn<`vFK`pA&;?ol$^qj3L`NzIYfI(Mk+B1e__Ch1ww36+;u>iwjg2vRLs%b#H@d~# z#)*#{Jw3Nr2`hRx;q#EFQit2YOQ^1fxg#2GfG=DWcrP(XsGwtyb%6fcKri(LnH*}J z6*SfziQ_2OChJ-qP)021y_pRUA6^%*-bjtR%jpeA@06ACSaY)*^6ZE^bxQvwyTm

0)8%P3^)X*+FEDK}DE1gbhma#zs&1sKN8L+CLdBDUbv3fX^hN@#=vl zPtZO5j0!Hf)x8FC`0CYuNR*8bu)uakY>sR-Dmb;e2jVlEsnN39|d#-LHQg zVkf4on2X=;7y1wi752msN(YJzPYxm+R~Lq$mJ@!gu5^tz3(6HSyi z#(^mmjqizPiVy~BDT0FHR#XVUzN=*Eu$NzH2%$GK^78~b$-x0FLo{1GALhvHYod^H zm2GyP77&np81z(;b)`OXfz1cNPyz%A&kM`mlF&Z%iO$##<>2L@O-{b2z4IpDhh=(|16B2qy6>$$r2L1gVO77f2cM82pWOnaoowCk# z$!^`s!Op(R*%`~?krn&Jj0^?>-QeJ;A*|@P!_T6E)1RD6N*BkhPj8_$9C~7~7_dAb zR)@m|f%8CMpnA-|znA5mm3l`(P1_$B$j8rL54>Yx;V9rE7z&|JlIZy^ML>B1@br%8 zzb6opaqJ}}y+F4V))oMf$UHo4pSOdoj5ZmSZfg_`%Xyc^=%~EB6N0s{R1V2IiAx8@BOjDOIP}INy!w-KO-+T4i02!ri@gdrgmkZU?`rdZXnrHq;)uht=&fV zFTfpsS}iSk-QjU)kg>f)i$8L4%Bd>v;mO}Sk8TlHPPNtGP5=45Zg@jnYq>8QD=XQ6 zLsXk=4K4~Bw!W5;vGJL&K~4dpw+5e4Jzl6#>jlL#;*4Tq*|@d|qbu+#H@2p#mRyVA zi}!JPxAf=fKQxxH8c-iu)IWvBfs{F-xC8&%r6=Qu;al(Lg{G&&Y zQc~Cqz9LAW=kC5`0EH6}*DN)HkTl26fw?O>VgE;=<&8}S8g&lzaW@UBmt1R5@4mG?7{M3D` z5-|k@3{Jk>BV4Wu)LFslsj1A9nYjQOfe9BC7rT0Tz80p^aJ^L3)OKOPtngz?!F|$L zmn?zBA7EDEQf!2tx@xWWC6}sg|Ib*||F`5=HmuYok4`@XRBv=Knz_}kfz0*UMKo5t zmFCL5P5-s7W{1-j4tK})sw?$;I=tQf(V5QMNOTG!SmJ$dm_OUcI23XWrR&-G#;v&Z zssYAf4Ipg7x4xL?%-d7%ZL%fXC$@@99RXV|Q)5Oas=!U)=i$)z3&o9=i@dCWoL^Up zO2jkSC75>i)V^1Fbuh2loBx;He*`b_lADG34`QFONyJBe3I$J5PUTbg-J@(01`jy` zn-xpv_cg{}kTl222@sh-rX};MSl@9++FTNORNjDfF(%|4}U+s-;rQPadLV_hWcU& zAdciV&6B?r2%HDsK0bPfaJgZFf%Ms@mA|_d#mCF+a->w_(161Bc-wGf6M?oX!rRB; zVK0>yP`Uv()b4+$Mw|eR62i7>A%hpPv$yVlvW@i;pMX0j4bEa(Sc}fj%|%8IX>bB-;Uy)OEMxig^7(jZtp&q6UE2>~1$VL~Nv6)S#LxfSm-SB95v(h6Qx( ztx$3s9M*VizJm<a8vm0?}@{N>A+O-@dm#!`VC**QB`fMFvi7qPlr3%ZD+)nmUdQ}Ey>Cnn(1wH=0iP*8m3DUloP8%47C``geFoO0`y-rhCDqz zu|25VL@M;bKu4$eTMd?|m`ebDgEkOVSM5{t9)4*)k*Gx`LXGmiUn1?Kn1pAP!Q0-L z$S1Gw-9DOk$6$j+KzP)M;15K{-ZyVRH`t!NHZz_VA8!&BwPU{V7W#Di_k(VTbto^a z!PKIosnIXf-(X8)Anx&8C3acQPk_oJ;IV`aRaxi*L_&}q?M1j-D$moRPjTCzOGQ7X z-sdDo+PfDm)D#}ohbCVVhy5>38mYRIGynTXJh@VJCLmh-WUKtwkCDhp;4sPNJZY)C z%m@<3om;m!;n)aYz#w{%S0TIynIMQ87oR`xllguWOaXTp5@Y^#5&0^ci*3Fh^`S`i zrNOZRMX9e(RZ7ZOg;t-82!}lix&#_HAd7-45v>2;Hm80hOYW&Fhi6$f?`>{@TVBZi z{rFfn506Kvx~bU1HFX;mL!5WiR;8bxCbVxHZ`Atoqp|6WV(0chW9XIJFqwS*wxZioZr*+?1W=w1|{i0O>f92sK;5jf02WU;>@gbRM+O#RZ` z;yL*dN1ZOKxJ;m)M`aXv4*(ySD@UpZYfwj{=CVq#yIP36t8I(GHrDA8YNXntvU$o^2ef*`j9rp+>19Jr&e@^PnE06NoCkglWmh-5Mf{1V_gO53(IgwF?@ye=E> zqZBJ-PrA!S2Ae3+SPCfB@nUFvq@ESNA1U1BTG+jP20X z^ZmV(`b}n)tkOpOGj;C!XZqI3Elf&(hzSc7-m%Jo^9sju*2ohjTp=FlPo{RRDg2Fv z|DtRHjpTO`x`)hM@lkL6ddZ;3?SWw*ojwe0wxXTn6A%0bOkw4BIIoeuU1&eF%}O}! zu}=#%P`~x-B4fxQ2ImW4MNURKfDX^pha->7eKxPs#x?#gZVL?snK=-$V0jvYspm>Z zpH0a=Q!KrK0E6 zS`c&D*ixvJ6TmEQR`RSwgoXP{T{m8>J~U<`d{n4KXM<7@qcKA=@Z?IDQj?mY!NJ)j zs_CuNrcHI!BtXXKqS*`oOfnl`eO?gJk1Ci4`UOn5{vppq<_vtnS_Ry@iP4s`S^Kfl zkf1~K(Q7&OzojXx&@vi|z$*UNp6ul6N(HzO`Ori`l!K?|xb^oq$#xuLw1jmpY{X*z zY3rZAD3mqH<*3YiVE+S}=f4-)cI^&Yqe-}_V{9k3h1Hlw>U%_7+OMVY3@;3|ETU8( zDseTa0RD?k8rs^|hk(aW37!tgzkT`px3!l_pjihb8#pS}rnJQwnaGRCGpNeI4*rC0 z9CUPp_Brp~y}KhmKAyfNaMW^fk(&r@Nbx%QLU<|r*LHV@|0`K2fnIWdc6RGukhQR* z0`6sNhr>d!JU6$w^o1mVhA`xeKzw>ca5RKpvNkj$x8m;L(LGBMdiF*AaEAFGo+~$Q ztb!+ksISsT?onBdPGwnHW%>|81l7rYRIvu=zx}n0Gcx?K?!8y9%)~8UxvtY@KrIeOrC4B>BVFwG0x$EldVsj}hJftB9MzYz>FCQT|RY2*MdAAaMQ}_JK9Ssk1+<)8@ zq5zWx5q$nO+}DGEZZtMF>NhxWJAGmveW}x;NL8UcbZ8Q(+YfySlu{qkm|(8!ibmt? z>}+ahM(*53ZA*=d`pzzCkJl|C$lJ+q8@LoZ(sb1(hod1F021{X&y7jBNxLN$7@y%M z01SY8!Tj1jAq(`rU3XST&x+xE=z^Us$kjMqFk9oA*NtWb)nj^K;P=>kLD63w?`kU^ zhp06ctOh4oE=#!MG{OF1Ty55#>Mz5IM)kuzU0om3-`MsYR33@_;FKme98NaZTP2v~l9%d3%# zXB%xL_!SlIjF?~9)e@}o)_v*9;IH8`7DYQb`wAr0%^CDgT)f35(fy8$s|rIrLQKGU z8iBSq7R{MIps^$yZMY@Do!o{!a8+e*4+Gyde5~XBUvEwfOmek#iLc(4pc`d6tg9#Y zL-(igk>%DEwK%b(%SJxHcVYD3et}KktuP{y>`H1 zoOx8hcUH6cc#KHLix;_fXk|+t=CVmRmCs&JP!A1CAJ9^6q|QA|zvyjtDN z`xDEb&CN5;D6x*Z7!Gg>KICFEwi{>J&$vc)5Oi>0*`?rFfAF`la?O%ngm2H&ae1|h ze;|9q>-ym?Hy!Dh>49;3!fA!n-fqkkc_r-L12_ zPydxA?(LB0zp!7;+j~6)EcYpXOH@7n<>23+{w|^a-j$sbk`COlL9(-4^R2s7r`Q&E z1J(IRi?!FvzK5;PEeFzfG4M^y2(@jnJa0J@^!Kv8a4goqwHr{Z~NlAh{`CTkwpO8URStHU3~^~v+i3s&}C+3mU~ZQ%k7l^^|%kA zsHC*7|4}eU!IEczlA&}NgAB#HX}ztvHIR&q7a`>Wt{<)seOS4dT~p(5^PRk7QP-V{ zlOOJHk+T1@KHrufOosgLf#n;vy(|7{wA{17FS+$d>1<{fC3!$SeV?D-QSjzx z8rL3UHKDyju!dZnY_e~!D@aXmHoiQGba~Z`$38iAcU*D_=o)?pHx%f%) zvW3luM_;F1%wKP7%=i1KeyL3P;>^OgJiEY)!W}o2o_y&V{j`;5lucByuhINC;MDQM z;Yf1t?*5M6= zb(w6Lq?44;n=XGm9-kQfwA4hAw;LVE-ce#-U|}CpdgPcIrKIUv?6F%4JA_5#ZLX^| zI9J>h8!|F4=u!T?dYXYX^oqq6(vkn8w6lz=vg_LRrlgVXMj93A25AsPIur#I>F(Yr zAgLgNAe~A}iS(8bkd_vtOOTT8Z}L3f`}6(vIvn?pdx-9RU2DxX*PQ2hOteJH6bu8o z8)#?(NWL(b>>H}*jIk}%?G|Qw;uiu_v>{s~ZGp~#Mfv#XsEF4KfO^BQXz*Nk0BQ%M zg=5f_R$rt8-!W6M20;v^k*YL1l<5~8BC7F1mmFt?dL_P&SdQ1Du*`D9jj=U27Aabv zA#MhTA#ZA>(|^_N4}3oJI!A)ZSQz-!jjUf9tM|`@?MkR6Ma!+F!ZlKSUFT}CJo4YT z*H&CSuN2W4%wf6IK5kWePne)HrM2sqrZguvCQUy2K|adM6}QChC1}!uY#iLwG&olOk8NS;}8CxXz7Kb8n1FQwMDO>^vS2F-G(n| zlG5f$cjcJ*(N(V*pqtAvnQ^{9$m7zaZ{nUaYG~M?QZ{^yF{ott?F`3!e~aM*lfqse zIM50nWW68;bM2Ck3=H!2dI3t==xBmDYWW29rLC?3=N)rK*GmZ^B!S-MZb+KL)@Fi;-{4==XaXQzMmauge!!tNJ`R8yM5byGq>O^;lp3HRZoyM z*GBKAOx)hx9}B6+pvU}-J@N@s21z#%Lu_mURs}q{P&^6_jb#33tIXxo=_+$;Q`PtM419GII({L! z&4`ZBOlBXVF#g&K#>e5S>0Van^p{%*dHFNg0i=BliDa4(#cE^ zPe_j$h;4lBxtYP28=4zM4@ZG#A z$|$p~$1#cHj_HfmfrdXT%#8L3$&F$NtHm6~Qbgi*6KGS{7*YpKG*4P_)@{k|W#q*Q zB>(-G2PA(Q(jvVu%K}jwVacA}4jLLP5&|r>YeUKX9Nga`4ef3+G+hpkAKeafz)M2+ zLqkl)+~_r_DSlkG8E$#6kB6dTrh#TOYiOZEsXBtU|4!<+hsBLg-&*?iX=TE@#OJ#1igdbuCtW6+L^&`(B?W zyI+D@f7S;;5M?~>etd3;;ei2|$- z$nqr~4yO#i zo9s_oigN@pFllPIyL%nVk6@(ZbGGmO@xvAhJ&@YOkvaYQcIKRuXp`mKt4wylzX(!u#g2Y5$gk^ z3BN=Y2l>SO{w;aVC6m0aQ;L}^&Jy=FRI5&V9<~Y0e?TCwDRy&E&h31m@2B-xGt$dSv(75UC@EJpTs{0a#9e^ogevoKt6Wa5a=+1cfT>i zW` zDcY|n1jo}F?glBtPHMqe*ssTEN zE4(8#bj+a?=tDXTy%aF@q^GCD69N65J%rlz;ey?rLu6Tu+Pn@BcvBtZC%^^HNJn}X!ZAa)YDs+&-A6Cte0KRc=Pft)qVg|>O>)xk&aNl5t5;Je?5y z+rb_vcV&)q56cCnlWxr=CIicJvBzyLVWxZ39FZq&6!LGNko6s&C3y?{rx>QklyW{q z%&x7Sz%ss?=Lbm-R1~hp+JaVjdZm{_eIZcxU}Jr1X||4V<-8ArI6{#!krEd-=z7^5 zf}GFgO(=d@jK>5y*YpU6a$VS($7S1m=Me%yGl(WUMTQ30uZ-qUyqQ)~!VS?ZvxESBLVaI-Uue`80Q< z$V)l|EFRkoe^aEqu7@du-4q|`_mJE3d&uWy^-!Uq)$b=Bg+Jap3S)?DjOy~o@N|nk z?8azBTET2Ebbg|*=ttCDzhX88%+2asJsLn! zWLlc(W*EO0I!g=;=boI_yg>>I87&;_kdQsvaku2QGuqZt`=R`al^|~sKkkPWVkWJV zoOxU4_LIZM!O?0a*-FdY#8^paC?h1cYxL3`IVaS63PY??v~O~DDAFT(eyljw{c`1F z9XJf^pq!Gim)wdW?6>Vv5T7|)Ozf)45RN3T2 z6m<1WxZP)x^%>a;$;lb2C>ncyRnpqH8h7vapp@JiursnzlFMMwwXk^la*DbeeMH-9C! zkF|o(QBBvP$0kcbSR7?8^m(_qU_tRX>nKYj$gl*ap=IXd+UBMda8*2N^D(%501d z+ia{>J^#)?vv%h!3->X;NX&{F5e6b!KC4sOqS&Bl#z#azg<#r3Ge`jhC+8qP^I9L> zfTGIuG)zG5PluBxT?mRTP{0Gs1xDs+q_Vc2u{I827F5l;FBz8wL`1H|TIFY`=aC-F z5_6H`N$aBdq+fzU8R5P@^l^0WkBd(HB^qMW#DrktJYigUR41Dt-mETeX&B$_OSf?8 ztgQ>n7Yl4rqA|EB4$z=A!t&8szQ^R5Q4g!^7o|;y~!Ku>N58u8rz@md`P~cvG z@F$Cm16~?WYJRM6tSK51JR?K{+LT*G5YE^4E7MT)?Vt2Cqb6Z_w0V@7IlJ_SCm|t^ zd-hrnmNG^S(h{Z5ti)x?x(4QN-5!m{+Hmhn|DIijhP^1~OJ3m#iQc!=9dn+Zm; zTW^?vag>fTuN>7lFVCE$m8fWJ1ZE|bnBh4tNbIor;(b+LW zBu82P1^Q>GXHelfeJ8svhhD|m7Q7I64IPc@o@Jx*{`7HJ+2hc$mD(^lvdp@~po1I# zEY;U6%+Lq0l3MLz<{6Df3issrNSl;t&_c#)F85DoWz9xEO*1|#F{y^C_IAI@9t!qG zPY+*E1+)pUuU-4ExbB3lNKRYt4sS@<)f5AewbxWspz{Om0fcGh@fSdq!0Ye3qF2ad=nVUs4UZ<2vik!i; zlTHD4G%$o)zkLgm#bytQUK>2@Mh$$Rza$*ceV#03o8Z}DqS;o2A;-i|C$`_~blLgi z=a_YbVs_+x5z^Y>zHcW@;a%6>BKnLifJkR=XU7NF zmr!I^y|FgkSWhf#`Qsf}8$mMz#%Vua-_6OIEeLo}c{m2S-XCcRRB z+6Ne|IN}%t=*39-uv$)G+pfqL!Dw<;Fy{tM4F4GhwrfSP;^BnoZNrBLDfsz!2E;i9 zXRVq2q%#i^#EtPUT}zf$iJl>b&?Y{VG+&$zbp+vT?VWfGhcF5rU~WlUS)$LTs{U*p zG}bLyb}zt0(T6!09M7bOXmG3#*XpXfp2W}vX=T7QNGxEb4kjQNeNj+skYe+LN!(iL zvbW}GFBbXF_;L}f97QE$dOqPkSOmljyI33stFg} zc{H!KK1GeJYb(Ggm=2xSg`j{%A@ef{ePP2Me>~#uT$=IGB8t^eJdu5DC5^) zHNy`NPLZRK-;Dpe@rOHm#p_JTaoPYQRZ-b?mIUQIQFo{ziPt%G7 zkAA+fufc8k4;ZGksj1uV=Lz%`Q0Ua(?4mWE$!mdG`snPXU&-Od@#xrkO-V|qpURuV zXtzQMO}@2ufwjUfiK9Q-jR$Xqq_kEXBIlwz|1A-w7=G*{b;YE{+*=v0u;V4XnI*y2 z`fdS{gkbim|9Ds`y^;J*O7da78cc z(ww^7`eWPAbnU-?Rx8YU)e(erB1x6*J5(6gsH^D2po@npdJ)%@W)0T2^-&6uk-H!- zyK;d9ng_!a6rc3|MqyGV?RVyF7Ujx0T?|8cU0;#IqRf~fQwy$ZWTbMP#`3SpD$-(A zLfRIsTZBw9+SrMAy|53NM@v(@SJjOifb|^Cs16^vwaB0+Low zULQ0W#G{(K<_>JnRqSW=nA^f)RUebJerzvt%Cp%zBKe7o;RT(b({W@5u8*QBH49ouIF7NVDxJJsxG>8d|7?kWrw>Zj z1m#6?Ki)oDsUPw5#T|J2J0qvzg=MmsT ze$wrDyV2E$QD<6m49;uEkVDIzfaahXn3Nl1e2SQ zg-eSOjw|xB@@pX%kQf8_-h{&#rHtYdbu$R_yt`N_g}4!AXko;?57!btHu)4Xmp;gn z2e0LJW)1U+Ou2vUVlzJU!>pLFn(w>~yv}#c1i^r$2s!(~pZ=@L;IFRmTC^2K5IUc; zpj3m;NTILb$(wzTItjXz<{)2$sBR8aZcMe%0igu92%dx=Aaeorq=6BM9|%Rj@VYrs z`4J2$@D#mVU3CidKy3jUv}HI%_Z#SxwDUA=WCLCh3!F~cc#S&nms>_NIX0Bbw~jhX zv~m^ptYeg`5_IDHoc=Vg`(!R-bo2Di)7MN=iqW}uMI9M-Zh2E16pe7Ovr{|~p1#G+ zUC^XjMH!ARg%H-gQ_*#?Hv9B$6$*{t4@qU_%6x%GjVYj$;~Cd!fQS#~MlzWZ{&n;G zSyFTF{>AvWY2fVzDIUr^ZX%Fe2*{m|y*nYtHH*b8884-o%Gc-a^2IDBwY23czB8sX zb_=1sp7-a}>8A;JUzber*WdyRMy_S4I55JHpo0qdXH1$7xjtpWK^QSgjp<2!$`?CE z{rKDR@A3oi zUV?06M>OqVl=&z|H!9k!Eeg#IM#IyDW4ED*W^WA;_u!Xni_8%rS!^AiCbzvYrzIxc zJ!v#xN@T>(*O1ifuzZqM#~NmJhCx0y>O1Mb>uU5+u)LFqSx(3q`*Tm9qqP6myIXuc zw8DQWG3f3`X8%YQ7$A;R%#K)jZZA;z){9}{8w-&`5c;;+<}^!$^vtqa+8Z4~1p8tyFSr(iu4!4bhW76yI3%MFXs#Bo?iP9zq z<>JDXqX>3W+*S~ayW1}w#PrrwN=~V33X8fDd2LpVYxC(Ktb$iiR7m!tjPI|7-7WF8 zsL#7u@aoz#7vUBvYB^i)Tw)?D@1XfnPG`4234q z^GTfP!_oTC(t@7^J0NL^Uk)Q`5z}Ga#n%wlodxl%Z#}P%6JNH6vo$6*-m;T!IdeSo z=#Jo|LE>-I8)0>~c%46bF@q*+37h4a*%;%K zy{)m&YD1i33+Wj#TF-Q4GDGLRog0D`a<*(806hqky==|R=hoNhsHu;>JOdFCSQjBr z18tY^e+vsgg}L4Z9fy<_h`b%Qva`5|AYY!hoB0{LZrrtXfJw`%fxTNDprxwHIfmD3V>DdtCyMagqfF*@n^QA1!3psrpY9$5E^F()**4#U^FILA@dhRm3q2iOcSSK2ZJs@Q zwkdR_sH$_f(RNaV+Y1Rd89-4RZ>OUMvIg}^nua*VUJq?B@L>M4ml*@M3mydzRO>rX zZ($9Y41~q<7|P7jWRdWW?An3@A3PMqrAFnf9WFk;flwR;uMZRuupU4vccp~~vUKkU z;cNd<2`SLY7d|3kJf(4u!a2GBQ_N#+_#L+{f`J6o=Acu8 z!*(Q1y%`kxaH!zNu)?#)a=UF>*Ku*P+*G&=?LlCqU+Rx~Mzg9}W>7QNl>s7O1*1+Y3V{XIv{;c zZv%zjP3e^M>>sJ}b~sC};@uVCst(-`yWHP=dH%_D?kQ)PE2asC=-~2nf($P&Xq$Pp z7J+&5?_)#2=@)Y!c;k5FEfOv8EdbBU4+a4V2{5KlfptgFa4xSK8IXM&{BmRBV=1Bl`Ef51BEgq48iRL@WI(ot0 z7!U8h=KueN)E2V^s2+Qm-@aW2_f5(qJ{U;GzV!6E)<>>$v45LceNxs6s@fS}<)}YzgY1)kw#@GO&kc zZ?8cXzvDB*I0t&jT@^;~pCA53!m9xem5{?Pp`afynH0#*ibW&ffj#S&y#%l6+~n&* zk_g4R{3{m?SPr^(u~qYQ)-U7r!b65Q+vZ7Aa&sPVg_z#D7vg-Pcu^u8rJ24~G-7K` zn87Gzwn`JWr6CK-QIO9$)30o8$wISK3WE+p2qY06&Ja9>V5!6CV&ES~2PNRHAS;IRRyF2nyZ>I8uK@wo)S;Lf-*@aOoD5wSMR> z``=N@d+^5mgqWa}{GsJ8?}w*J1lwpMmzhJHdwEVHg(DzFgFNOEDybmP1M7wv_(^NY zU?K(Bw+xLWL2K^=^TNSED>eC9n_T}xqm#l{aPvx+c|ueH>EDJzI>}mq2gvFmOp+#EFNKK=;G5J^NIKoigTeIh4Da50|9*CiDl(fuALnHtbjl=w z8FTe`0aDY0(+JeM{$1F1aH9pFO+MgDpbH9olhpWlLEB+2P^d!03Gi^NMRgOYjB1DC5e?3*?^H?Z^q3P$#Z8f#211~Iti^i zw^2aHC75eLCa8#0Ut0@WDE0nMD}a_LD~H9zXtIm}?ju{#Yb*B$#p_q2D65c@4DKsV zE;F-S5>*{YenCZpy94X>0FY{ckNI6!{qm&(h*K3=clP%53iP02#$@6TR{+FSI10TD zwoK65K$e>(Y?lbgBS1=l={@uav?=Dt4?ryp9SuNILD<>)UB9xq`S{txeuxt{)Ws`Da$WL2XYiXk&yObhTI>l>C{u7Y3kS^zh2TXw#VUKEAf^W zgJGh1((=%H8N7<&t9LZWm1rVG;4k^dBHiM3^IMrg2{aZL`1tt1b^!>l^cDR)oe2=M zL4;Pl@fOYu1~F&kShLMl+D>5lKr4YabW{}2awKaSH4T`p5#It4uPhs!A&m^}g= zoks5+R(^hGfE+_}m%C*RHU*~j8~E38SQ>(*<Unm>`-4KawOES4gFl-ez+t3^GCpcMhTU{lnB@5Bm`i=AqjVzhRAn8RR1VX=x5N zd=?;zS@WuDTY?r7-VWOUsl`CvWpXx1FD)#xiGdbpM*Y37uN3tT7AV|9o`7wA?!Rl| zl`{MQ_8fs!5NrHcjZch8Nuqk5yb%uh*P&RQ0#H-6f$O8jVez5U=hgm5>sY*pPftMb~ zYBt~I_N}xpbRu2PMqv2j55@ z1-vYk@oc3iI3XW@b-sJ#()E`8n63rh9GD?GJ36c&*#a*+gq-P)m3!L9F0+IiB>%S5 z`**MATkI-coj$=3(ShUn(lwW>P>(w`YY;3C%QG&Z%=zUD+H=s;Uo~p;HB+uCwau63 zfQK)5P?7&>N-S(lV5)xT{4kM~=RcX-oJJxXs2M>QwJ;K<+y#wnTf+126-ojUQiL}+ zIpCX10;+`TSVxahN{qe><(6i2#8hc&w&) zS5L0XAj5Kk)PE}B;|YC7V}YMZj>&o_IbEj_;$R28TIU%|9Xw#+IhRRW)3mo7qpcCU6rgc3WTZOLNsaMY=?IaJGTK2fVvnp?noZq>Gkd= zlM*7{aHwL%S13hMnwy);gC=yetql_eCS3qhhRh8>op7Yo^zUwfQ7 zZ50A3?H>>-1DOVrPdN0eAe5ike6gSS31JOrh^$4FO4>@Fh|@`6qLCVF9KdUU9Iyw; zE#wpO4PYz*iyCmaNXW=wO3)}2FJM7kVH?3+mlY)NiM2(cn`P^;(rY?w7BXgnE`QI=WUO4V$j1ux*C8vFKYM|N@802~ z1u}NPX;_qBA>iSRK0ngnE|kLzL5gnw6gAEV4J@4ELmbcE%XSQ_7Kh7 zLCueVgbCm?j>+RzM%oTrU3OKl*|0kqLRY?s}yOU%)9V-He1V9q-$i<;> z55e7WqCzRW8J44C-h(s=4_Gloj8dQUcp&~f6EKb&i_iYlqKnhPPmz7r!Jlv>uDC~? zU*SOz-_jXj8BI{9)SYK#lTA<;n*Hft2vN*cz^-aTxe(R;5m5@5hs-#EH^kZpt|pBN zIk3zT=x>gYbQMUPh5i%fwW`8o4mo_SV&L6wCL9>&zyhXsE72;Unj zKI%MP2mlGCsovlzn1bA48WNkgKNwJ8yxmQm+h_D{z3s~gvnTSxjQIN8vXxw2D?X>G zL;%_TI}Fdb`e|@#w%{_d&v!5dJpzrV+7gjmi2*pqMX=skY8s7BWk#8kE9nJ7jRsRf z2;O3dwfQXWerBaI_u7y$T&?_BQs)R+()bkq=Od$89f^?a(Xc25{8S(76JU+w0wwvbLOFJIkGo@x3~FtnGW340QG`RyEYGh*E&GB-@dH?5XqYirLGEl z`13%g1DP;W&{@{QPXn+zA%NhUC#YA$FfJB*TicUf(HX#20Jq=|B&AHrl1SLCz!mEr z9E6btuCVFq`VCm)qJcaMcRMg6z)f@hYqMxjfoc5#0F{gre*>mKRkgE&3YpDSxaU~c z2zQUIrqf$OLRCPTfKDY}7(IlrKtLm|1aXlEIo%Zpb^;tDuR=pd0G|SEV}ayiVnO&n zTkzpldXg9B=CY!|^nG!Fi=A!UZ*SFYv~z+5G0GrqYEqI^AWOB)*y>lo)K z6G9b5Kw7#H^vg!(9nJ6P^uFg!$o%%Xc+`9yWxSg%8}NiWjzc>?8(0b@lZsN=gA| z-j;)Mn7IM#DKzP6 zaLRI((+s2wyDj(NfqJ>S!zjH%JsucD5&D1>0pI)d=_< z^G?W>w7IGYvmlQJe#K@7oL#`5q4dZHMi=A()t^7F!aGw{4Ts$30cngfxE6I%*}F{7 zp^*6Q9XUJ@*#2SWfE)8*Cpl45Vgb9owDfOCqTqH8z-D6KK$xyor{h8o{z$!WtRr|{ z?4%JjHD2k_vFn2U=jDK}qcYv+jy%bIS9){Qy~@O46T^m`R1NSJ+E!pYhjgI~e-5hq zz)s7BD|YTwoKEx4wQ4h7!1J%Z~$fudVF{INfDr9v6+Q%}0H_0TmsPNx-M} zQD=YO4d);J()*vV_MnUc08TbYhr_$lNLuZ5s+%MS$Y9d1lO929jr_^U>gDG2uzxK zSh{f8hs2vo;WhXeo1p^>1v4NjUA;Hu7+TyN_{*SYJJslSHGvGWOxOO>GjB*uz)=Di zh{)Hk4-OBRfRRoNW6K~+T!AZrp#hr)FAnHJK$wHGz8=~jz{PRz9l_S+NdPD!1j-QN zpr9ago=BL%_~_9TL>@Myi;0 z_~oCE8LVtcprxcVAef2aiaa5IH;uKAfH(#T201P5 z8u&p7CcyLx(?O@eBY*4G=4i=72vc?Mc>p$k#bXV*g3D5D&V_>qsiL}i09e;z9$1SKl9D>c2(E-C45kS+m9@lEbG zzBk?&Z~MpfDxR~?UTe+yt9e2dUrJ$PkYXSZ2y7W?31tN0mL>v$6oYmP{^YMl=pg(D z)mTnS0`c$W*XM@Zcm#qHAtNEG>i%&j&HNcb*GzNz9Mgk_(|HL|yiKAoY|O+-FJl?_ z6-rO~LjLz)sxdxy8EwvFWW#4_O$KT-<%Htn`RF%6b#td}EoB2#??MRX79Kq?KQ)_q z%Bj#H9fv}CbA6~LtS`CqO#J2=N&4v@6Aag{qF|yxuAA#M_czL{47fbLX56O2hO1u( zn+46%0T8-z))=;LD!AOrK*-|Q2Qg45E_r|u; z%>z5Owh%p|zlVqCus2)t>({TwhiLGyU;GPFk8JFTpb&Y}9)c$;E9)bKd$VZQm@H@u zrtcFHEKl#>{Qp3PTIT=1UQ07Un#@t5q4~wdd)ses-sSWA#Kg|7u8E0>)8G5U{`Sw5 z6%}!DahunV4E{7vPfsr{E_OvzG({;5!4Er=>HK#oC=BN1<>_B^a~B`iKCOtV%gi!{cCKD>^mqK zxw-58sk{LJ0d1|V0y_tAM}B^OqobSu zI0f@&>LR#O8pj`SQ4ot5-5nWU!swXIW+EzGcc&xCc#9319=4TY5hb!W4iga zXSAioXya!F7V64#@+bQBd_EV>LGeKo#U%+I zivE1}zJ0Wxw?6tsykH}js_w$D7qa2XK|GoGTaE=ol0PkXC~n?bKtNz~bJOWp-{x{Y z?a^TG5C7uFgP!8JzulkSzJ0rAfh4$WYKQn$Q(fJu9NVN;rU}+=sQo?2AcuP~UrC(+oR8+(gYy^w;~j%%?~$^KN_OO(yAPR}nO7Zaq@o{U zV`Azwy=jPz#XEV78j$hj3w6yuJ>o#U3|^Fsy1L85l`cA8DG7<>loUASjX4WYpHx&; zz1vWXY;9SRdb6uk)zn^@nR&Xq*YC_w5`_~I5OmKw-S-Nol=%&H1~&S|#l>*vhYueL z3JOF6P*0YcEi5jmK7IOhet!Pv&!1r;6B84n@ROrK5xMKBRLsVQxPg|ImJ=lg(IFw- z0|WDw))S>hZ8^u@#=I;57 z5dn-C?xjf>`pB~M0og2`761XFL5fB6ciNH)DosS%=(hC$#^K0*{G;8plR_+%8cMK zGBQHNO6PN+u4HFmVBp}0tJ)g+DUFVU^N`zWbhRh`Qt>y{adXtqo|_BZvfaUZqF8U( zS6fSq{HgoFm~VJkWMqGp?aVw|yqcaKc~Y;fjm=IyS=0(F%qWp?It2*{pZD283a5GF zPIMeC99h(usmulcrv!+D<73l`DLuD4pEEpGQaE1ys4ySA@FW;yFWts#G*ZSzz)i}_ z%iGx4=>K_!^N!Pe;DL$Birv*lwp@~<)vUgy4A(6Tw}0{n=qR=~S%SovU-3Dt{Hy zmCp>jt+BDO#N;E_oTQG9*Ug_^@&TIIHZ=SyStlkbDQRzC`u6SHni>y-=$wUG~nKC~E8M)CaD<5cIpMK_k0jqU7;b8{yqkT?DE@*ZQgNk%<5FTYc+ zSy-GUckuh>iu0;UPEL-Ci_@wwYuI74$U{T%r;&>K4p&{>>4~O=#k7pH^yk_qIEur= z!}<$73*MsLhHQCA1AoIJA|m$C#bkuUC@9h&I!M8JU0YkDl^Hf`)j(=vd-ZDVljCAR zQ4#cLa!xZWJ)ZDiY6pjh438hjSW|5NBZ1@E*dZ`p5*IPs;N=F}p(M`O){sgjZMxz3 z7K-SxBOSd!hxY5Z^mO0ft34h^zow?9WXR}hBsV9ogiV{*NPUjnr*t#*miia){+R1O zj~hBcTd?Wt@2`Hn@KWRz=?8s3qQHhgY1$t@en8jV%3t$Vx|cG6IFB@aLqot7cl(8@ zC8uVdArq?6NT2=3afd$w0C=Ex0AzXcBYzghd0J-7^qH_`0lxLS#jiW|EZX7c)0Ajm z%F1H3)$g^jp$1TCc+%0)vFO!0cZ3n9^1e>w5%xYS{qkjbYyq3}122|v`T`~qyJye2 zw)D%FZ;m(cDxWJUDN*7+W?*ReVHt#C6HXZ2K((caA=_h1DdJ1Z!$0!-O(0)>Eya}I z0;kj0}~P-{kJ>VCeX5Ncy#uVBcq~T%FF9km_?4#OtiL&jgvF;@>XYL zw2Y0NR7NBOn;9Cz`QF@|!i*X@jyee9;^DbIUGQC6TAJe{>T+l=k=N0=oO4@9NX2~L zyEb3rB&FOUj)8vQg|S3R`9)Ur0Wza=~5Ffdr??Ul3Rs8KYz|8UP}^f8WyD+S?31G&`XiuX}J@6gbYC=yc>u#(X*E7$IjFtlK+$}6D^jr;gy9KYh51l>n z13t}&f87*RP;!0FJ)_Sg{q{JUp&+ z&qrtERaEYkKkz1Z2s}o1=LcZL!O3Z`tstGfc&%#e{nJTVQ3Yur;?)&zB2{4#0QgET^Yds7@n4*Q@+^9nS-*(*()lU+nIztW=ox;BUFIF)&zO{@HD5X%TXgdCeYI zKIT~W%GC7fo2&1{o#IDf%sN#zP_u}m0nv{9v&Wg4!A7P2DWo$k1ha*{a))mJUkrj1lY6S`;YwG z%<=;L^-5F>ZBK*OskV;JU@EV|^v2p6xBJ23!;clUVq#*qf{li8cL<)Gi*m_z4o{U#iv;mQvw)hhadKwb$=|-!@@IDjK6O5^nxbM%eEiDpZsZEzy>}FIBuPiz zxh}K_w08TtkYtlkU9aM(hLk`oEW_UheLSKKhOSt}iDiC#@%nWnPf$J~=%* zTv_RgPAZ~cNFo<>b?%Vzi|Y6FAs{Ap;`=!8_o+-AGXsMt0gpU={NVb?RPE)X*O`>< zY<<1Gn1>b`ii++YvQ} zdOn6qJTE%B!x*X)&0Q|oA~`u`Tci1D|JvbiHgJ;~*OoiN;m}%-7j9PO%%Pwgvr& zm{lKMW$%hOg-@Q{Qsm^s`%9ahnVA_B&x~*?>1GG-mCi`VuO|0UhGu8`R)mtS7lCa8 zgm_Q(niIIjeNHn)9Uy_o$jD#6e$9_`b#+a{T&Yg^sqDCny)@-jrZlDY{KcS*D8gM) zaxa9iY4K+gB@YkL`42exwzjtU%aN2JBG+dt)0NhvcEA$=%sL`l&YLwtU;X!Y-`D5& z$Tv!FH7KIRx;1ezF+V-3VY9F{o>9}#1WbRoUur!+T9>=VVYK;YpZh_$S}v8(Vfltl zu|T^{Nl6)fpJiP3JueR}g%=5dUi(O9xQ6Z?%8NK(eOC93+&mi_NgtoTGn+^BDHHzw z{sQ}*AX*jatS>Ez+M1SWG817ArH+k_QC(-l<_t+U2UQJrb45kEoDaxb^TDgKbCd~k z1C2EJJYy~Kl#iu%N(c8$slOkn>16^-jE{@UV*w=Lv_9~>G3of&xxI;(ii!$$Fm&Xj zBM=|j+uQ4xDepYKQ3P5{Z?oPmBK1+j!opH7)(zd6{F0dokM-~0zu7F$pFanl#Lv$U z?L1LPhLFOTNk>Ep>(k6PB)^@3zL}ZSu9f@u@5|^++WhH^B#X5J%o`ORetA5ikX>P} z29&qmgMLtj%l#=L%f6=`by%!Y?wZ(q@Dm|M5HLhb4S^<^MLs)o^NEJQ7?ZB3%JT9r z7Z`~N3A?Z~zxn_GHV$_J5&iw!(aO)z&dv@RgR3jg*xn_8D7KV7_=qm+9P_%esV)B! zzpJBt&O&db@Gnoy(tC$2DXV!ux^NK*5rgR6505h|!!i)%-Td{7p7)IgEk50&M>Ms2 zP&?(*1QIUJ@1fw~;<7=vlk0WOtvowB13}5$e7*W-lk@a9OP`YwAsVz2{e}zQf2Y21 zC`NJ>{((yJs_ot1tE((ILtt!E3|`Mn%*=wnsj8}ibf>KI^y$;<>&w>?`m!}z5+QWe zxi#ZCd!eX27zmfT&&IEBu4t}b>+9B*mP(k&pr6Il%J@8}t*xbCHX!;d!CG&-?cU&b z)t({euc)DM+OM*Mf`amxiAk>STN>p=<2L&e;Xr~w z#I9xSW5-IUXtxBsGWs&3l1zRP;u4gcOoELaIq>ymxh69i8JX$df|3#ukKd+Na0s2wxTXBntNdjSYY5tFCMIs;@BwaigPWRoJ zWS5eXDq!fHp4J}!ZDVUIl$nB7Vpo}jLWG;n=PV=sDK_>kN%K77%=?W(Xd-ZSIOQh8 zSu(1kd7nQ&!$moH6ewoo1ul7cte zTFwUW2IsyET})2UkQj7SHy)hIc2iK?6a2WkAQ?wnqgxDWlv>5#>&yM#{(H2C6p1JK z&`|a2-OEOO`zI&Qk__I6UM(ie|N5%R;zPFRSW~_?RU&=YTNRqaCm!1mO-)TfK^@f# zZ!RYcd|f8{XJ))w1JOaUB)K6u|29$slLK|0+twiwlCO&<&PkhfFWD2Z>OXbe(X=uF z?BebH)Hv$L;9z>;!d{)|3-%Fy5RgEOVHGTWGte4@2}>~_i7XRmV`cTF%AW55NItZr zCpW$6;ZsmnhlzxQ8Z1Y0sC0z1(EJ}WGK&2W1l?pAWZgNE-P9i!@0P6z-m&_s>@4Qt zBy!KB9iVsaw(g{&IGEOWn;3a|UckEJ)(OY=NYLtPX=xc6QYwoRbUDzTAc^9ZN43CN zbsnxv3hG)pISZ?Y4Pa$ez@_|SYN{qHE33`Iu(H)f_V)p2oTDA77)X7U#5Mz&Qp9`@48F6TyeB9lnH=x zOHM^g%j0-sXn6Ip;K{g$sC4u0mna`8JfJUi%jZ6u!*r(KUekgj&~$ylH0G6;kwFEG zl#VWF+7`B9601SZJg>NT8z{@Ygn@^agRa+qUaPh`;e-hb3rl|)0y=U-hvH9kTJOrV zQ&{en6sJCMwR;*rHS|8%#J=@i{zO$cE?z00YF|PU|HAC7_tn{HK9m?!B@ z(CYB5#{vK%FfcMICn$kPsPN*&+&9a3uDq(k!X4;T^YimJ>g{|9iYaH--PWLPoEo=@ zX9fz|$r>CHu(Jy|b^#3o1_v=H02Mp#8!n2GscBY0f$T1i=dlHxLVwDv$Oky)Ki)Gy z=Z>#imyxCQ`G>i1QBT3lBE<$?GC*u^=ovbW4rEH&1{-aYM zmdz=>xbXC+gpZOHr|_E{gbPKAAG4b0xCp)UnSfH!d(262hW|DADogPLG@s>_74!ZNbZNJNy#4|M%wbugpvMVnxp**EMh-3X$`2yG zjg^%y#MYwSjwNC!KQDG!QWphYnB$g5#9)8cuW?+1r3M)|@2>mMm*>*eAt51wfq@{6 zE9UZq`u?+txDv{AQFEvx&`?!3QdFmpjEvNMl0+-B_58&Lu6(8-4_=$e&pA2cyLIe} zP{HDMKOf7c21z*LY2+3jrX@AG;!~DKT(PF|rHhYByE2AN8yad1vh&6DPOVJUnnFV| zVj~%S-U%>t&GW)J4J<2odpKgJ>y+4UNx+Vw@Eva?9#!^BRnb&u%>%_%PftU`{M9RN zFI?{*g!?b){T2{CEe<@HD_lyxL6cTNqc!qlQMzh8k3v%=Q2H(j`54b%XgbFKe(ZyV z027cMtK!?Y_tQA&{)(!qtM+`OC5EGUO7iq0&CQ>sc68*Dp4eJidbBl`19`fKa@g}I zU0R0?3($@U+$hsrsSz?b5n8@q9x6rx-;?9!1aJczAT6sH92ygjln~)GjQF0>te@7! zNR^e9fc8{hWlGaBf=74-j zhNLOz>CKId+^gXSxSd~Em{ldMPh23AnUP_%(C7nNQ06gPQ5BWOZ>pSS4?*f;gY7y7 zjT*tSnM}z@Pc3M#Ss=eZPpudLZV8|9y|5b<(mns@RCMhc4#qP_UrJUwQe5<~wdC@s z$)AMP-+KOTcqWSyu`$zJ9$@&3KpNdA{J%>aM{4$kK@ceKKrp*qP&dT^L!AbPFy7|J zLQC#`PynQZrEKceZ zJ_7M_#ITeV@v+yEJRmVKF*^G0NzM|Vuw z16rnDl}(E2dq5A^=;%m(04ZgjBoD5?o~s3dPvG!=>+biO8r%8$l&zAWmG418LAq<= zT3SKj|A%) zv>esV0aK1j*jw-4Cj)88&hy69ZnDBdGUyDI(j)dsmpEI%*V7-Sqy673fS2gjeRNQY zf%Z5V85ymcY!8A;B?2Elebx@R<_$|A0{Io{;imSg7*1@TN)X{c|MlfU&)>eG?TeVy z)rg@-k6L|&4~W&W72-@mLg$*07p37p&w1RSE@}0vvvp4<=Hc(c;z~m_1hYZo6$B14 z|A12Vcj+BP%-S@3)YtR%45wdA>3~x(&8e@u{*n|td2yztJvyN1RD5Ukez{ufeGxivLfA7~yueR?%jVUAE# zRAd8;1`i9oYVf=b8ayipGflxK6PQYn{W&zm@Aaq9=9U5qAR534Kl&x1C7!e?)R|Vq zqbQAEs=PRaO5WasiwM3;@uc#0BN|Vtt+jPHik!Qb7pv~~n63Pbyu9zuo60gDiY?z? zalgGyi&*835$2Uxc!Y<)B!BBFaX5uiRY{4RlauUc%{{n>{k63*4+@!LrFP6tu!zrp zuMOY6rr1P5_}47FFsxeTfwe^J930w>-u!W8c?)83rkz8gE1U7xBYo;4h}F`;vNdy&GH=w_V)vW1tv5c4xtB7Cavu3a!|`0_#Q|M zF%n=vh5*30oskjy6oL8DGSMvrWsuyS41J> zB)PfzQaGi4duxbTguj)m!9H2zBx*Q)OD^1lVzN}K;IoAqAL_S+u+NM+bJpylh)PSF ztM@p;m9OeWVu_b=SV3YLiUksDhwfxNHV3DtQpa!6NP=B9l!ip| z^YZxI_C7+L|8jrtq4+x-HFfo>vNDeo6_=OMp>$Yn0vf&`!wDVI zc)b4D(6WnaYEA-t6~wywj88)H9m;nSb|T+LnZODAW(O;=_^sq;4vf_&;Zfa>?TRh? zg)Ba!4G1L1$B#Tp_ZCa=C&#~c&*|cL6LbMf%%~L}9-i)cSHSUb8%n2*FJ8PzdZGuF z@HPUQCt~PzIu1|QXE0!;{W28{9 z7iyar=wtm6xJr`aP0f0`1_r+4g<6i{r7q6Sg+)dA29KjwMsi+|;WE@8k#^gb4a&6i zw;eRgx5IZhLFUNg@6!(~;d!0&=2G}qxTb@hhb`D*Q>u2}se}~B$r)NK z+)wm>&}gICJ3D{mvWx?HyHujs6@7_PV>0x5s+vl#QTZoql)Ds6r&t+%KR}um})S0Q_ZcPNU-j7Q?Fb zeGb!*=;-KKX;(n}V6P^r?OrF%J&_Aby)ls5Fz^w}av!qJOCF^zlOTeP(!P_*93C8K zezU;)y&Fp#s>%<#1Ufo;#@;04DoFA19Z$B@;IO8;UEP{2s2*JIN{?eL57N}sw3+>W zh%HA*Kt^^s^SY^r+uPI2t331yBGa8EkSsBYINZG0@+?_c zSMi)UV)a;C;s^P&8IbWs5_}Vq5l!g@t9VB1uzQ8)|8_ z$fdt)>)O-u>|H{2!)A7h&XR{%l1UA80JxEF-NNlJWd`!>Dl5WxLcE5tI3e*yjoZyY z`I47=0YjwHCA7+X8?`v>F6aTErvaa{a%YcPfuKgY3@#oB=KJ#vmzVoZZYQ#jSJ&6& zuoV7cW3@q##U0dy{#CrXe1oLX!sgds+zSNiByDx~?%ilQxy0@<7N`?v7Z*SDJmHDB zdw4XwA5?Y~I?wYDjN>{x73vN}^&>@+$HJdurp7G#+fv5OUY)fp0Y?_dxAAX&&*Kfq zB;~OfmuWsGP;Rn?Xb&tUtu=7J7a(}Jbmipd=YtOuY5Kt~SRd^j(xoKF@`6!8Owna` zEB$Y~L#DNzlH%eXZlJgB`qf>=zIM%eNg1$y@g%;3!;L_Q66Gi zlUF+Va8wr{te`JDP*yA0l0cn~v=u52#8Q7z}@-FW{T-8T&HRFVoEaR=wY z*-ErXo)1`YzUOPiv}LG&}AO}P%@N;59W6!P*Kn`G@5F}=P{&U#vdNsvJ zfw{T4Hsdl{FVi8`bG)ff63zVj1LXseH&5{=?OwgAw3`!{`Y9O*>ljYV`lE=9`2PKK z0BQB31y{~IQ(Kp$+uDWzXXzKa3K5UPFoeUFPrAYg&~;J9K0>hs=wgO0w^xw+>|KUMom z!9KyNkcM}cEMc8UBzs7C+e^b~Rg&5x8y`q+vGc9gv%Si^$#|Q5Mweaq@R9XaD{6=*5R) z5II%2XCN=4Q)<`(z#Ea|2@sxgfnlP#3H5C?chcAg30T@mmY4@ z6Vyl^C{51`Gc#!>p5c;Snhs{PsfzH$N&|*^>mK(Hv_ine6}lS2oSYTKXY*hJcAw~M zikw|uo~j{*@it+pI5`~w1%B}0LEZok;O84_Chjo^05vr=(%RT%nh`sApmPI4Ph!y- z_bABf?(POjMdo^&6TjhpJaVUaT7+tLcAqwyU*S8y6+<55Z^HEK?$EDC2L^DI8oWgo_qaGStxlT9p!^F=U^l-LFd?M)1edT@}>d-7OWONs*ODAb_{IJ&JzG zXkE#t-~XuKc0@6u^_E{Ojg$Z%A7%0I-$00qfzGC(pv$8SM?XE zJS^nAJq54z2py!~8mSq-#33t_PGK}z8cDtvAi;n?Q(BA1zUK7Py7HgzN?)>B@cDT^ zD+^1ux;F^rVb6QE40Y~=ArxBzCS`{Q2k&}N(G4w!1Q@@38KrxdK8}{+sk3zqy_Kimd_q1kF==!rL z70~$o+3pRkM-KE{VG6dM4AddFW&82ChGCe<2+QA*nPkRVZfKnwo`8b9U>gBARR43F%ZSn&1zBdJ5{A_}`TH*I~}o zER&9v6HaG!lcT~#Yi(_nj361Rp#)8Fdj{h@5<$a;AdygJ3kNT+2&~002?2qsfx*AF zyCUveM*A~MzUEIKnNJYJc&)uVIO!#1-D$lLaV4Lui(L(Z7WlU-hZ0}3u$i}V|`%cVtFTrdg3KdPmw z-TxB3OEiQreI)@ zPWtPt>EB=Yok10WM*7I?tS+aq2#e3#qsd?y^5cFc^K zJ-NQ@&iqzYb-hzD7(=h%NTm9gB#Dc~mQXviip&ctr5Xu~!zAMU#z%ciTzYplKo_46ycR z@v_H^*!D~eh4w!X{2^}F3yfy-=RYkJF zG(k7egRL;bJ7A0EzI5e_8cb$Ko?_gcZ}8fgEE_e&#X@acSTL|dlhfCq2R|^jj}@F= z$ep5~n>$VGkLQq%gz<%{v{74M6;P<8pc`_bVBNW^+!b7zLI)lFsgO|Yk01;TjP7F% zRaJ;aJmTfm1i{(JC}Vb?k(!#CjZJYpbx}`8_e1YL2ki5%sqGM{GccNOGPU)`5V6;D z@ZP0{c3i&cUi+@5<~)%_Cnk+6Y9)lyl#L{WfL6v4619(Be*DY>?dgd@(~H?j($^~m z0X5sMY%i=K=te>!y;p=vX7|GErEoJ5uJ8*+1ar=04#ymzkrv z_f^`OxC9<)Z^JNHG;Y~p4PjxjBCJPbs?umP>T#}H$$!I-@?;=KCG37csT}Y;5sVV} zNt&K5aD|vF)2tbr0mg$NJy6)tnOV9zYTsCPIWbR2h)nrSb|3 z!Ga14Y=$r|#B5WhsnIdTmw&uU_+`VB+F|TMGpzLdc}I75p7{FW<*O_%yx_36=OXDg z6N*-2`7e1|#Qvt}*by5cnj)J~*&iQl?GcE`@>E%t6g4i zSbXVEn&<)#4t}=L&QsGi_Z!xtms2+;tcV*4z_#*_Nd z99_q_o!Ai_fr#__DRSp-)ur*+t$VNfq|qVk*V{;(G*^fkg^HMErMa7ZZ+izjnp{v4 z+y9ndnMv35%uKIZB(>{<4Q;dN#^p4(`PhCO8tW(gPQS3?oa-QC$<96mt@5Ju_~gVZ z%l}RSQaw%K*ROK&^6yjYSf4zx1NbLBFQO$3i3y+&RvR!W1B(f%%4wk5?Toeae@(A_EPmcStP zh47ZDhGrb?%JOoI(D+;AJAd{U6e=44w(n0>fB@*d_W2L*Dx-#mn%woJ8>9kCOWA7X zYW-mV0qo?}oM+ow?oai#wMn_R*#lb6*3*53L2$L=eH)b9J&ZhhjCiJlM5NhppdzOJ z2#{U)dZUTig>FoAdiny)roJCD1GT9F2W;+PX7)Y<_=wc_pH>g)|xeUgGqkitS9&%8YTx zIktqE8GZSkTHk-yAbhS_IkX!eJ`0t)h76vUX##}k zlfEvfrIZoT(M{gxj!@_-A&7IYtns&dJp`|_hO3z&NVLiSAvKjw&9auA2Vw`-)~Vq& zy9@Kw+cHsE**u?R)HTO2eZphHo!Ki}iP zh>RqC;S*(D-H5z?$PmEr&MKoeK=^@lk!Y0Bn^2S4G#Me|=U4PfzD3{K2n}9TD=R6* zrl%{|%0Ps-)KC<{T_SYjNBW+YqLx8@Lyw_NZauXoMu18R!l&E*$sYM0!M#XZm4;A` zU-X$CpG17G!B)sy5ER7)e^pxb6#!0oc`TP#pY!wit;d;Z*-J`FSjRBY5iqU=yCWw1 z0El~&`=K$yex#$2&g)`XRaERJFV(KcVC4JKm@%3imUKC;q2b}*4SJQ@GcQXrZma9E zUIR&re!x$?8?P^SP4eONwdp{^@}Kj9+FDOYlYvsrmJP ze!x|Q!W&NnrWjV6DX&6r5^K7MuW;q7?ii}0U;X08cR@1^30eg45aMOI0>%(p*VNLY z8sGr54{UlP4Anri_nEe`R1)&&XtOdzcw*kFX=pgr=+?|{MFW!hy^8LV0Y|SA1QKXE zigmV=rAv?wP$fhOHlmfG_Il6SboCo3Zx#E@V_6fhklU=(!LG@<8niG3v<{R%sk9*21^+I#S!p@;Avz>2nFa1Rzy+ABkt%X^ zQg!Of7JBrl?lB_9`;( z?uBU_XxD-03ENDVhbPgq3izjK`uq5JCpa=$l0UX3mrbN?A)`N6X`N(K#&$E(2pTSR zR0)uS5U)TuZ40aU4Ka0Ah#549K7cIg$n@%Fa--2TjuuQhJaKYSO;;VDLD=iw6+G&eJ&HsOP5M>Dfu`6{_t@zDP|KsKREAlATYb$fIV zflzw%FwFh@$XC_e1lIly&HbY+=40(y;k`xU=h-``%9L6i!i3MzOQ@8+EwIErm7=1e z8g@Q|Dy(bTAciXeOlfxGDg@ZvS0CB_Rs9>$ckYf)%^xNNJsIp>} zmBm2-)Pmv$t$g^7lCrYn+7CkLlLhx*LlCSxaCvJ>z;c)t$`@Ai0+!(Wm$wk#`z)(` z_NqTU^?;vEAY@Wkq&o#?(ALDH!fjvQviBxFI#*Zix~sjFxj#6-VT@l)=$u1*+YfkV z();&{gs7gLp5a6+VsWDiX#y@VwmItZDNEqavL+LLsB~P`8&=Tg3}D>xQGl*t(7zao zXEFj$(QlOyelF;0U0O!@WzVt$;2Cl^s&Y-RU_iYq!hcoDI%qPWBYw8B7FshDulW$N z&Zo+A$&5bBPEq_g&1Lf=1FLfYj}I|AF#+(8ic}R&m_)~y++1@Dix560m=jy#d&#|O zZfg3G-^pyQ)}p%$S^aI!$j3Bar-@LtF&0gJwkV4$qkXbE z0h`j^$w{0C7tVQz966+*EHyw<*MkwNf7gGD?+zhm*gm#jM z;zAnsfq?U4wHws}oMy=8Us16BI_UjkhUZtC;ch;=K!O|kz9VG`*Rb?$%LV6)`Y}8W zL%+H@FJ)zX4nsKM61cJvN#L}OYHUxInE)11J&gyW8qyvR@Hz>hbhfuwgyL?;2xSch zY~U0Mx}9=zbI&#U2$tjAi??rzsE?D;ABZ_I4I-Y@-ObI= zRZ`#(8(#YjQey;T6B964NqKP(gl_n-TP%>o`3_;3QGwwtj+Gh`$)-mVJgVROiWG<6 zkLGLr{aiT=fN&a=$Tjsp8$5tiFW{~qDJf%XV`(Ys91K#uMu|Qo#|bLgA3xrJ5;2+x z72)+{>08o-KI1X~1CTXCdPW(HJ!FhP2wB^I;-1ztDz`MpVFnL(ln4eHR#pNel2Pv5 zq4`h?k!f;%M~P)@kpVR8N>Sm)*i$yX$k8*ErvJ?XD0gT`Ntr|Xy<1{`WrapZA0rgM zg)O3Y?MGzuW(;T`J2TY^#UcY=?deMX3c;W(C);nx19yADWY6~A-pd4B2A}fKcBA$LqpE^Keyw`kS1LViyKP=w~a4-P|6h*MkcQyZ;9sv`A7aQ_Hrs@ zNCDbD~yQ#_&#h-|aJIO*D#iWmx1Gk__TQ&23MX?~^1bif)3Fqu0SU^MQ?1dmKQu40@`B7IV`fXVU6F43o zN=-nFZle3N=PWKGtZzGv^9u@GujlO^gq3jEmVWg(j>n{u!AC*xMU`k(pvt5|LN6H} zu9sF-&Dr zzK%^uAf%o{T0Bu3#$lxs`L33bmg>gKu>RHka5a@WEuMvE{du@p$DQF2;sktTKYBdo zyTl2Hrq`JQ#J`s_s^&-;aoc*#jgt_E6qb%Q4_G@8>XEYeL6i)ynlASQO{ri`38vn~ zSwbOYaI;j}zXsD^8yY@y`BYd?Z~;IaME0hOEhbAEQCt{IuSJ7zXwa;4-Gv+ic&{{; z`K#gtMo5xH(Ry2~jAU7m_Z>pCsS%2%{y`XKIk(IhlWQ={vN5W*k|VXPYey;KLdYG8 zrVDyK+IyI7QX(U5G-n`Qc5-r(PdW|6zq7slMyxy9@`Qm$cQ~?;`DLncIgiZp4YW#| zDr{%|I?Q+YPnRT448AfU6tqsqw!v2cDKP(TH~YN|&V$yRk|@o&xN<6WG2bg^@vOGG zuSf!z=MWDagUBISI>;)av~%M>f7;vI$6zq}syxk8#CpKpeE(589w@zW5e6{O2SU!i zhJnwTv<%kj{(f}wTev}REFx%MYFFElb40-SEr{ZfBdR~*t18a&dPBJUwcEc_JteCT zMa1M|M>~i;R2r$dAm>-(LGMxy7Db!V9t ztwy&D`yfzJ|NfYLbgIfWbynjhy#(_QH&ZeVNG^MxHhfQwimD2iq$--V5~$3IzThlt)$PzfsU;!J zay*_FRi0bqjSSk>$E}~iMm>m9gs%=58p6{W2GxXyi4qet9A?ZFF|n8VgkSw2XjjvQ zzXx1UdoeOL_IK-R39eN6%}D)xLu!GO3N$DsrHmg%NBn^sE$H9RnGjebR)eG}Dk=fY z{OJDAmIVa*vQq&iCMBKv&m1_yFy1xD(x4@L=6M6d@UU5Os=yvFef3I-{6fU7ePn!E zvO(m#H~Lo(ekR)|N54#eJ$&>@!DLiW@|Fg(^2gJ`!mg zxQlxPUAiGbI^2SJ#EePmHwnB5Ht1WW+4jtTSG`|%+Hjc8{lS<(kS`0OiHc`wlr zF~Go*lOLZ3&(?d~W53_t&8;bRgtqmK2XYTKD$f<8xASN-qy zR2<*&O?0=>XOeQ-w zmqt)biv+8)cYNC01=1X`7Tbt0edjpz;_g6bLxaMXJBuv=Y3Z`?^#Hl)Z{q%bi`}^g z938%MKy-%yrp83Yo}>SlTW^$l`^?WG6yV%=vEGcw4|T0zD`WGy?TFWJ_{%nSD$WaE zf4tAgjPUC_dnfz+@aHfi(Hl7`D4cNq3!^P$WicvY7r%k@2uw|kN>16@4GvFEYAPvF zX=zgUO46#s_xntnHG2!^idv!)&nX zC#io&GsP-$55kEm{&;d|uc$HWHcz&wzucTmGC}O4!6@x2s$4?|NJum+08Icr1cP-n zx(_kiU+_6e!J6hyGJ$U}adhNxkqRp}$*MJ$rQk zzi1e0qs7hO`2Zrq82pOTrq zeS(Hy;O&Jm+pH`Yom6y|)p(rIi3D4y_D|-grG1Bs0$od=h=G)p6pN(S#ix9Dl%*f#29V9lAw@h)orCoTyb16}Nk^%G6CfF>KSzFLxG#LIc( z*EU*ET%@+lU>|7=G=#WTYsX^n7j_$8&LOf7V zVZ3{gLwkKwy4zfP@F?;0qJJKJ4f35bB|GHbA z!f1@805adOEYj`K++L5j zI!Yjm=&BEx=s$en%B*r!ZaPCvxO@9}?N^9a${R9zfpXtdWbS_WWH*|jeSYf2gSkYp zqS)DsG9ba&qVaVSbj;1kp=On&UYz+-;d~RC+~n?`oL{L6)O$;V`on%u-B`NRExX?? z(mvwVs}n2xhTsG*4u*gJ0}|-?G`Lox#{c}S-Ci9IrsK>;vgWVv+YZDYan$0>?ei#y ziWXCu@;;9<>+3n8!`TVnkw1=q{+##6S9*5#d-%=pYi2923{&q8=&sIZjCXW){F*h_&IeoYkeXgC%cS~_eUAoA`YBQNvdHt`-u>b30 zwmFh7l=PUkpjY18T5KVfFN@UmqVXn?SNa%AbcH-l>=E8`oWej9!hon~TFnoj7qlB> zp|U~Yn>mJpR%51TNbX(a8*M3fLj0|er1GXu5QHwJoH?Xd0BLl0gGj~6rkPKT0uq|)ioO;QjrmD(7LB__$))Pw6WLP~Nj!FGe=rPjS(-rk3(6@558)UJvSHqyyfn!n7~9-Of2?;4Xl`C}}?ug+fswxC?XVG)-yIO_6mb|uKd&F|u zO~@$^K1qW5@nSURh#N>dx((V-PUB4J z*e|3~6qFhMpVzv`(mA-f6P`Y;^4a!$A*6EovN5~|E$sKyMmC@W6{EU+$y`)ke%4`> z;8aG(srY`x@W-k7U%$fRDY?&I>{~%@;jz*Et+RJ04>32btSp`^A=mX>xb*NV8RLP* zSGq+vqC$B3xmbFShw%S9*sJE%BhC}c)%^AJ#pq*v6#l--3)KT77VbAwn0K{}pCGLl zh~4&C@;AKce$(A@zGCh1H@#x>R@nD17(6kq9_n7_z9jO3|Km;FxYP2IZ(kZ9c$=DY z6jLQZVc~&7C;PQqq=ZXRz19+=WvNwSdz)Dq3TAY+JZeLx>;AeHkGbBxDj;=FGSzdi zX#S`I7(D`4ITgb}I@mp)X*VbgnU6@h>-d^RneJ>ti|=0_koGKj>1{?HwGFdMMZT^>hAMj z_-QHPEzPJ=ghP7F&(F^}dd7JoysT^$ZRGy-k}sFTW`_xbhBdL{p~?cDOhc+M7VH4v zn0dXt&g)vnbI>LyT0Cz1a^6@$`0CM(?;QmT1N$AG$)R9;W{P^z2W5Vd%TnFRQ+Lk?B;rKP%e)ZZkV-vZX*SzuhI=%f&4*y!! zwI6@}Vorn?)vEC*d>tnPaj)W%`&Q*qVmL#A@fs?gUhlm1AFEeH$I3kZ{C+7C^}!*l z(aYqWB_U_5A&S560gXQ<9#;~?#*@ZA9lkiv@#WNeJ9V=D9*ju}zb#B#PA0fDoc)(mZ8<4^ zzSqUtnt!!xwOhS49b^J4E53rN-GJ5PRldSNR92QvkVg--t$r#E!SI9*D)_SaK*zs{ zx%B^}Ldgjnc0uW5!{a}46`aC`-R<{~5JnmH$Fu~UZ7Ez`FaA6$MRuvHN2@O){XAC= zgZdvit{!UfJ$v@p)$piX<)D3*yR&xNJ;#SI#owUwb>ub$87a{YjRJ1Z`X|qK=+#i8 z?b2ELmAU$bibL<6Mx`#5GxC3m-;iBIh_re74@|9=L;`OP=@^YGDC)m7d8#TDFhbvG-MJ zEZtOs*JlfA3+rbPM#m^RN=;(>Jjuu^p^XkWSn(3uwlJNrK~0q*<&jhNEQ{c~3b zqLY)WZ-1-7{BR##rJ5p$r@(ku+ZK1k+>9@kXlr8F=%eCu{e zKYeFLU92l6u%0XUEJ?%xolv%d<>&eNbC{*f_Lu&WFAqp;?1{|Gbd5Bhaw&_Z@@)}1 z_~~_OK)3qA6{>@$GY5JFk8!pC;Wb!?7X^xi!0UPDy)PcU|5fFD=k9YSy;FxH0j?;Z zyI!Pwn1P}9tcM?xR{t=aC-EJMHD4AgyU#+BHT}?q(k5(2k&PJITmBq(Sw+PfV~TA9 zTL?Z#sXrU8vmfv%##MqA^t7PhUe?=m4SBPsF8b{0mjf@~eBpM-7{hC*Yxn*xSuAUz z_rz;iUAbe$=q!o5s}}RPU_|qd^4=|k>TPB?3^rc=6Z5SQ#VGx^ybLs z*&{->_pi)f6p9S#S5T!dNNuh3bg+J-`?B^Vve_sIST%*Dfki`8-W`qL6j8Tecaj^q zs%`8udim&a>wg|HE+L;je!x-NAUBHYhveeljU#EpigfZXH@!g|auXNGdB;zO~Sl1c-YR?rEmLgZ0 zfY&fJdrKuvP_MqF!=g|qk?>Yjk2A0I4^B`mW@hHdvc>&t(V6_8LML9H$UTTY9!{tm z-99jJ<#ipGl3K%$(Ll9(H#x|8b}N;Z9f=Szo^c+gY3b^s9Z-o;?sDmHjpXWL3=Tw2 zV{Fka5OO#sTd_usjFP=mq*h5vH+Pv3exE!x|IwtAxy3W~TfF&2<$op5Rgca|_c4*Y zOYoXWGN&Q{s}nF6gtO+p+)+(y^>4dpZ@c<*QFxQisot-%EMXSX?aDn1SL6mfH1S`R z&N>VneMMgQuKviDwtvb>hgfCl>+Q)1cuTKbQQD7~^<`Dn3k}w!e!eeQe*M*CVPz$9 z^Zve3swZeX(^e`*fO4fC*erpbo-PQUGzykZKDH*kT*rX1%P{p z8DXLS2AsJJB@WQ421{=4_q^g%VaUmuVLWoydkifNQ7Y46-*375r^Bg@4_!4?y(MIm zFIqyPwOiy*$K<%R@ml%!2l3E(eG{FdC9*mn{FmF%&;Ylvwa@U`aVou;TfEF0HN3}T z*B!aSetp#QL3-)5#&-i5>4LtmYU%GC8ark_Dzsa=JHdOdTXO}2dj|)RvSE90x?KNl zzd2JNTHhzl!gVa?J?XCDwFL(w*I>tHGQ!id_l&i)4j4^d6U5V6) z&UaQH^%y)?;K*^ei)!c~=ikl71AI02UN1G|e-%i*TdXU8cfKL$pvt41ZIxb~Aj)PJ zSL-+jv;S*{2J#Ia1lgDm{6tZ!r{~d?^$-p5K5FX1j!U3#F+^vK%L;^jr5 z{#?5;$r{=GKQy)f2t3zcy~_MtTmRgh+t^dy=Gx=LM3%}(7)%mR-lSpJy)zn_8L09u z&6*}`P%8V+f3+BNs;RYy9uQ8+L}2^W1+_QU3tBxxzpVP{%j3CcBd%uZ1lAf@&>g(D0#A2Od?KcRM zLEPdf6^n-KDwf3RVd@<|8z(UA<7zr+^=d`bu~ zX2~-f9cKjPswG+HQ-YSL>Bz(C8^amztMfII-oeBL1M#UVDzsz@8a-K>7g*bCPN?K( zG%;@N_)?vi_Zhg#8E96)sJnm9fHkA)bne~0F~J{BvY6`L9$9Q)A2>ZwpGs|3T`WS8 z+ZYudeg<&d{=X-W9V5-1fISmdx><>|e<}@ReudA+aoN>Z+T!|j$3q`qY6iB0{!E)$ zgO%#OuGgm5GT3Z2bF#CU7#Rb#3V)sTneR$T^|QH7VK#i8pUAqc-I11#aap6;+#!Em ze`?|$x46(ghH_teCUXHkzEg$58<#Q15p@FDk#;U0Y^oFgipj#P?`e4rLYP`TlQpNQHnu6@s?*^ZEEx&WW z0dKi66NNcjk3?lIjc9kEZzX;3m;DLJPnM)FzWYggZWp06`1{+T)6FdFlFn}QyMj~(>iMcU8MHe)X3@PBYh&OJ07aed^?czliQB$(iPGJForRC+va~{X(L$&Xx4h0av;fcpLq`;^utPxq-<{gCw6@mrfhys?q$TzIx7sLjzhAZs_4&1F zY1D*QXCsdy;Es`4Bk4lKzeEP5`{gUg3+U?8Y#5FN zoM`4CdiMVQA-B-V%^3a}eC{DUO6N})NoIpJ2@dSTTc%xtLQHtAtJ#Hr#fGqaGGF4R z6(>1oD$((!HPvgW6;7dWw&tIU@nv2;bkWK#qwh%a+F)=Qz#AU$iUl(Tj8;c-uNwV( zZ=YGf@mJGFQU1M)TlrC4ng<}l&11GpqYY#N50B|M1JU9n=tUq1+OcyG^$PvXe|(rv z-*x>ax-Z7lSf*<71F1ggqC7X<}h4cH~zisz|=X9*BVI$?clxSXcv-_-@U^0y~1Hl(cEIKjb zQ8Gn>THInI<{_8$ty|l$f)@-JQ+XflO8leeJ93k9Zh$8((b!#eDK_1hNo=miH>n}WILPXic%(b&NS&cU4HH~z3mg}%DEX=BohN%-(FaFq-3{;WE9;k zULvUK(UExHKPF1pX21O}%+mYtfY0z4O@fD9g8b|b)F()hH6gYiZqL#V@Pr8N`FA@| z?ZNU++N)QQ_x1P4n~gsV+8o+4d6q{*P;$!o=TW2>#TGFl2RX{e$H&U;37{>WD*~A1 zN_~NPvbyNubW0=S!)bOI_ai^_2}!Myt?ligxuPshD;@OZpg;!EE`k*%E?7Zarqo}I z`Jdwm4hsu-b$$;<$?QE%uatsq!#N4|Yh!4>%(MuYAaOcd;%~^1V zs=qOORXQ}35pRFlZb@Q$_MVzP$yZIapCzFe=1SkOw z%1=uu);}aYWj^MYE%4?pmEm*0(N9A~|KAIc@`)*GRn_d)t%&2s$gc?-RhEL$)aTkg zILNoAE$Ji@2%#CgX^S1)%nv03)jA}cIWI%?14|uen78BF+K1;2@9%zEuJCtz-h#ts zfNvq(=AwLG-~N&JCY59aHE`%+ z%nFO@X{7D_+!KsRj9`<-r|VP^vBy6wtgSzP6?H%Zduw*>GAZN=SL^cP;(Ez`q-|iJ zYzf_qNu{VwAD@Q=iyD~0d{lqzGEB*%gO5JFdFi6F{GswQ(!6jot$n?_e|Qj}lh)y3 zRtB~h*8&T~B`qvEkkq!>OB7Pl)1hd3N(Q19z+@9L-IU4B&Q5i+yGo29=;c+W4`p^*DsBzjre}!cU&8KK53M-CX3jCSXWJ5+YD9*K%(Yk(#^to%590cgc=7%BJZy+fx(~9BpU&mzG4JR(^fvj zm%KbfIAZ3guj=T;!N~+Gz2Va7#{oO&H3F#X4d3wB~#Tsr613DmZW}- z{EO99%?mx2)#9k~F#G4f74_mFl|ZT=bC)1q$DmE z#>wn(-VAv&7fnS0c?(M2AUDx+X06XhyCqB7W1}~{kMKkCMp4v+x{@>By$c(+_SpCr zEp^_?coCUDS%H)!#gMq70h!~~;oEK8b6HUo_vLu%j~_|1{v4-MP~ZPEjD+Bn zH1*!}JETYCvps9J7jhKo06wc$j1Ue*0I!pc!U2U6fnb;~W;2d1-Kmw!E~oOFY8z4>Wtx;-aayU{8fL zd|%$)sxY)KSo?Es-_i55Tq+k+)v)#>NfscBE~U8i9Hp#-4i)&01tShHkfmj1H63oR z+SM-ro@+fk0DWY?tEtsGNkqvDJVbzqBX!S`4K?d!DnMrlZhN~gj#d@M66bkE+> z-q8m)_Ojidsfpd{SFf7t8;Y`P9QWm3>zI{^4d_rF3K(&{QE|N0b9q6=x+k-_S#jBp zn_dN>B1|unI{HoPR3^#}edV`c(>pJ(T_|2Lw}#G(Y)h1-?{VdS22c`V-*k0dd7kj2 zE%0sEl`71bfSvKWX}|w_X-jA1K=fD=tf8ffg|^K&zCPk(aN49&D9$-xr3U&Gm)bqGU}?UWj4}4 z0K@)>hA*QXkphLYq-}??W5HXPGJ#}>H{nt!0ymc~UuF|Cr$`L(0*3)wh5g87Q z3f}0?dZO`gLZUKh2uc%m)!rkMn*X>)K6sA}g-Q%gWg$U9Gk+E07%fSgfq`LKvIwst z)Hw}S12i=li4XPD_H@dvy+;oMTnk+FHMzO7-yK~>_las!=yLmV)5-SHEwVZ**UBRI#0Wwb&_|7cwyxnii9Kb$H(@`=LhL)w#1Di_}7e?Z1UXWX;wu zJS4S!ZLjiE)mkPK_H@t2di6=2>yi(8cfxRsAat5uv<>AA$SYzSeK`a*seKCIuHR062ec z(8bGyhz6GDo+BJ~O}O3Ar=(gt-TmO2w{bI*hS2L-Y@9lYv z>u{jIKmB=hLW0NAn94*D3E`#@13bL*d@l=95M~dzQd*9jy^SjtMIgYX z>@Q-rgIe7b@7+pM*VWOH>WrtFo)Wt&z`k=^{6Vj42+X9Yi6lWHoVLY@mQY2%Jc6Mp z(IL~902>l56O*C_qyFkUiWkZwXQJd*BjMqUv#Dvhrb(bD_&)d^nXS(vkZk>mXw`EX zd%yqe7Dt53RYq4B8^M{lwq^0@rIxNi9iDzD_#S9SWy)<{nSfXm)D(0My*Rgf_EXwu3y`O>4eVa_fVi$9tM`$W%| z)5SC>o{pGskTwdygT|v+Jm5JO-1(YAm z0m8Z7Wken0UsWJhhhQv~<|hXJ!{hS8gtfS1j6qinGo&p#NWZJy@M9E z5yi}obF}AQ1J}tTs73WiD@?(jh#(bGMKNH5Or`EdD-c?Ty2t98Q1i64nCTxfGoF9M zd*$N7o*=}rZf0i1_m>Y`3+4;v%Loe%6;Vk<@(07$7kg*bnaBlLL{?-9*`I&(k2jHnS&PfJ_`x~N zSer(v2KI`X!&3H!|6(S_+kl1x5x-Z8r*hhj%=#tSNM8<=yd4Mx@++q({D}qiRWmr@ zKBmZoHFIFPBWeF7nEW<8yUYg;NW4>YPfifan(p^MVcnzFV(D@pNoX2)G``o9FN;Jg zbJ0?$-)0DFf>UlzqPcbIx*7R_;*RsFbohNBkIt+|LYtWVAD5R{o*B)6Xsy)Nt}>H2 zr)IdPYVm?j1;2j1f>x-@;>3AcB3!=0{h%{K?KK8%F|luH31`=r`4=LZOikSNVY88! zCu36D#8?71uYV-qW7RAD2Jyx1@FC;X7twae`6YKIa;=JI=_EFuz3r6N#_j5tOpE!Cc7V7>vNCy4+m1U~f8a$% zb@6Evx(wMdCUklqcr-<2-5H^w4E2+A3Srm>tI$CVtXXa*%6d!lJhL$~%P1&V_^)yF zT8pxSiGdti-nNlb)Ha^JC=e7AV`{W7;^FkK&DYEG*JhMyxZ73yOIZUKa_^~?M30nRJW3&F%uT!N zJPOqzGjcuEohjX-ZP({_N-L#Vs<7DuHGaO{B@*Aq5^Mu8O6OJIj2FPX^oPIQhpd>5*>N%@rur$jh@H~3AuVmt2$~o_Og15Zln;6Iu;uQ(RJx zd3>viIRCVD4{TAOIW1>kFpSC)_7EZcQa+HjhUTz~2@VL$l}j<^4i3LzSFWnA#^cc) zA9(mEfo7v5+_Glh&wf(EzCtm%V{>f{g;L2IGi>DI``jbt^n+L8ue67_x%kx z+?qBsTxqxGrryJ5Z_TykrKOpQN9@GiStSoSKi`h0IgrE5Odtw#u!bHuG6d5E%sIvh zJ%{`#j^6~li`rn1ka5*|NvEt?_Q>V)b4%f^p2w%IUf`lPNu)##jKDVpAB8<|Z4{+1 z5iOd1*VNp`AUv3Sv4Ubua!{N(@tO4orcFyRx!!U@7wD~o z*<~DN44FF=(Ln-*Bkn}xXvW1o(DH(1#SIgqFJCRMFoj9HQ#kj8klFNBC}vq=MvM+o z38HnRmjSku#`GXWZc(Vj{~(TUCCQQQxpC1+EuD5ErNU*p2lkiIMY=HD08Lk3(Rta} z%;5O#dL>M_VP@7awO**Q{&6Qs`6vj`LfXxpPe zSjm#{^zo5BPdlYAEG)bLHw~oWfRwmz%&@^&EUYu|UWWAl%%TdFE)3?XI?@ix$0vF) zr;Nya>8NvC1&nvxQ(wK;j3PrnYbbJMy{7qb`Hn&OZi!(HmjAQ*zEGLy&cN}qwP-}?4I-WC5X#30_}3L+M5g9KnPj}<@Vlk z5JrGr&)IJmX?N7DENq@@+6m<+(W~dfjxUe z(+d@R@$%s$NsFCPe!+R4{@&kvn}sq@akRvXn%z0`HB0Vg(9qIisl*6xUTS|9?Qu!T zRhZwVlrT5O6~xjO^~Psgnn@XO@wi(QI=Z^S`H}d)<8SPCpgT{CFyCPFnqB}w*R*%> z56cjDw9yh5P7YYWl+;RUi;C!yHn80hceDBMk_m|N)avY1`5b+n`y9$4$J-0fr2^^u@J+XNxRM(<|}+gMdUD5 zO@XNX@#Lvt-<^lrqGZOmbvlsO>B9~J(UpH?Ws<)VI)J5j{6VIl{=4>W%m&TP&@y^l zjRdQr zriz6i1@27?of75k3(po1*S7Ex=Dcaee~&?K zum?xmhYu*8x(sU&S^+qQoSb~+Zc~uWhrD~v+h2~ZSM|raGf|MWYsID{=?c;8+vn=! zB-hjk?G!Xs5sQS!k0A{TGS`OT>MSYwGg|4uH2knB|LIAO*h|N(4g@^(*A^Y&@r#`? zyx~altn>*@)zOfrtr#jqMn!>$8*}29RU*b)<%o<3tRtX|6(sK-pA;4T_Q#jBh*sB- zBRHQ;XhccqEE241bHf9*d7m{h6jz#}SGn#)y0b<36HbZ8-pc+gt8rDlib3$j0k@r5 z*|YsFf0RyqqrS%RK9P)Y!`Y-y@Wyu%G(pDYv*8Cyxn~M(nF@=_%XODUxknYC4>7btQ0hWQF`}fmoZ$XiRsw9%1(r^mkqCyV~4TP4#D}a7lW&U#Ip#-wj(=(*VsYK>?kUW{=DP80cpzGJrk5 z1i04psBbzoRlY&AgyqNI-`~+L7kK>dkELtU-;kaZG0qf_n=JJqB1?TXu^4BFL4Y5ZcGk}O)XPANDrLJfcXhs13%v|AA zaf0<1+{!y&7B-iyuOxJr?{*ECql}q~j2J*wjwLluqoYX(;_p_;T3O30w8}`_KPgo) z3{R5*8uSKq`5Bf26l4&8b$9Y1T&`xI)>TkaLPCCZoa?q$R}aViN0N(+!@2mI!r30C zq|{(4ggS4UBI7H+ZKX*0^Pr$+*nPbQ_PY@NO15S+#7{EBAr6WO&&jS zqWNjN-^Qh{HpzlZy&ipQ2`}N-ia+ZC5nH$aE5?G@J0W0nk*zJuH~U#OAyGi;)T0r8 zwNk`QR)|a^phN=jN~6M^Qbq|ybW2=o;xb9)$-}VDOI`Mj0mdQVBHtfBET+z=0IN2C z1z)TUSr|tbO(mi5YxI_z{DLPL2A&mOmFdy@MgRG}WYVSHtb0&8z(qL6LHm$vdUTY- zwF4b*o^FwUlWE#UA8IY#muq`{0l_XQaW3#=mpMmIdwt*Zia0G-@bH+~MaKP*in$ewE`#LvqHs-k~#ZS0aVjSP8!W+eh^F?OWB_$1h*nK#YTjV}|JI zy(TZ;h-)LWHUtSl_*_Iu;_z3&wKcT7ww=(IAG*5d zGyg~^XrOa~NLI`udeA%J7%pGnH19^7?-4h;c1;{&ekt1pA*MDrLl35d|2dh1%7Zq% z+u7OO{knAX%0)V(Zo0jZC!XIDmp-#6su@WZ9Gv`CA8pgmMrQb$2NX+N|M#olg*3|- zr5Z!z8B_w#dkf%q2f@bbm^XIoKrV*9UZi|n5!((ijK!MCE(?1nr($)!#|6T3O<(B5 z>>PP{kJh}Y&>j=c*!0}2nU?pD5eU~MqhV;j7BW3CclI%?*0ASFuL0VDEZFjfdNl#d zf>#$NY;WE2#scA=rZ#JlS54nncpsOflxgqm?6jEq;d1_M+W5o5z91-yO}X}apdLIH_24lO=U`L}`^pH*7pGbmztZY~Z*n+zLTr1})o3 z_#2ilpmB~pVHBEAZGONFn+LFiRp9PNE8nhf!GpL0`@_{R&tgt)GR@a3Y3}SSn7n?W zh8l2F$c>$MVjeRp-a7pDwy<&4!6Tk?^^CElgpgP74gc0L$Mp($`jjJoj{J(q>9U^{ z;`<0>l#vWuPxIBZP8ZyT=@4ebF6N6|F?jLSC|nTB(QP?^x#iijwJGpL;A6plxEm(f zqoX$}Zued{zo1O-V1DNAW0La(GQCItBJPIIpDh@SiM>e5rxw_=hrJ@YhZ*PC4lr3c z3s~9R09O2?)q4pLGjszvjvoCE#YF9c>D!}RL!)Q@)4XjicvT`ZEzR-KJmb|w`^#mI zCy5$v{EQYL6JVWe&;fyln4fuLO%^uYfGkwVKA9RHzYedViLtC+2VH2oa*UVLCo}KB z=px0=)xE;~I$x9BD+7aEyJI>TxV5}&dJZf$)klV0ZG7-lmrrfCV&fhH0e2`etA)bc ztV=4uu>}WDt$e}i=13bok zxvC$IO-vxP5xeN4`WH#M8Wb&iC4PJ{FB2M!I7F@b8|!$#*>q914?2J?E}L* zBqfR(%TJD4N*c)RvLs#jQUO^bs(<@2CcChNLK|z>4rmD)KF{*a`T72m5>N8!S>lW9 z?(W{#kdmD2jZp%KO>XR734f6_BGyuYy4eiU&b|9Jc=Cm7p~2~a_EqW ziW;K=m*~I_O;5>o%JU)yK(M0Y<*o9^Cb34WU4-|)%vGSNL=I4frVrY={VOwVm!vrYDiK(V7xtOp8o`&X zZLWBJ5SI#`7&{ff-v%#O4`}Y1&EOh$J>8>zU-zJZ{WoXZgNd!?U;e)rfNJ@d-|#$# zGYp<&g{qYmCnq0BIBr8$EGaJbjA+JYTMfqhpHH5M zGf=Z7E)P?-=vl?GV!wLq^3A0p{Ie)$ zg{Tf63!Dx^x8g?4-n%*Yi<)$4U3NmJ0cT7x$%=7jY|BqQeSMnBYXy&)ha@(T8@V%? z>|U7p7h8Q1Gr#O+=BHt3h^ou)zYjpWrZ^5o^9Je)*;`xJU5kbFYf6eHABh`^QTs;*6U?uQM651`(9vConh%aC1MMdV zf1=I6^>9g9`P?3qn_(fxFs8jVR80Psfd|Y_o(nR}_(0{Jm#oBB$G#%J^O2;Co)CVL z=a^;jr8|vOT;3bCb{Ey^Pi`WFa{R{ReG%C6l$ieGL``!0F(Li)Elt z+zbs z_3?)U4!}Z@a>cg5UoCHCtnt}p&2=5ZHCbjq5~}rK{~!^u%4!n5+Qu znrF_(!9h4sy~{WAacN_2OImUD$Ifr@1Ya1-O^>qUXGH3!R1Oj(^gkY$_hs54X~7m{ zT>J=jD22^cQBEi$)!KU0R50zjDSe&QR@0%(PIT4V#^Rq|_-k-6Ma#&(2=W;`O4-J3 zf(5>YRS^7fF1!=)#?;iJp?!pz-8$j@=& z1dU)R3kClFx{C{cnsD5LA&$eKyAEmq@N2)6U1ZW)@3-|nNwzE?9eA~v@>DnYG)+Cz zexrIL05`Cu4;BeF&9~WnRGZrWg3EB~?kfmiaMoGNFuJgSCN+{xvA2|1gj;h^U^Y)s)lU((?t%K6VtDIB zZ)?H5%{JZ+)E#%{E7tj9hun-`n^lM_luM1p%w3~4>NU?!jQ%WE8(3Yv4VYZl>9qd? zpAE*0BM*kzvx3r{GXMx_{WHuc=Krxv$%JAUbh}Q_T^@Xh1mzb#d}{Wu3R6y)mf<6q zS{VX}cP31U`xNo(%{|^Np+cKaFQGwPOQ0lx7bpDIbA2M|HUNZKoSZ9MC4!fIK88KL zJ(3W;_b~SjK@wWQAUCF>2o?$8u4%l>iEYsTjig?`b_FVZV)zhvJ4{1x!=$2KDBr&o z7C{-c-gj#AxZCn(Sx3CusO^Q*H+{p%AIGL8U_e*-2^tw>jC!G`<>gYnZr3gv8-K+t zA?|Ts7MmrctihiQ1`Q;fcR7Z-=s12cf#)72yFnpwSMB-c`Oa={l7kuA1y27C2a^-j zd*r?eW$+Wdqv^lo<=t1pPLxegcw&$Z?UlypKZu(fn@CjYV-owT0{WVMsa5w+s(UBf z6D3qX|1vhNVr&)juEXnsEjLD1v}8vOChEtXHtA`ovBeqU#Oo${resgH=#FB83McL| z^+J$ZR#z2M$%=Hn5CLINozb*qo|KBNm3_AJ;TelQtM9j*jweD3@yP(DF_n?{f@TF% zgA3hDT)9cbo1j+i|D9W{jBJ3SBnFj=EVMNGWIuOoGR}>@{=GJClxccNP0bAepx9QP zfu4Vs8plm_EiY`i9z4kure$Cd#=S0c=QkltNIuqmUS#XE@!gGOYoN4K#%~}eedETB ze-oF;`Rd|2ZRNK+bb3fP9SOg$OGS)l{~hZX=zI zJ~!?DMK9U2+}usTG_7QSz6LbGfxQ-#Wd4)-)K{4NIoPzO7eA{zsd{aO`h3gxT1%uS zazi_T7YB$9ifH)ppr`LMR~%+^$cr zy$?}+-2O!E{ct)S;oRI|TiG_4`(UZ+Zsx!h2r|z1#XDA)<-z&JRyi9AT&gEvd9?W? z@K@G4KouSmEV#f--<&sZysVMe-H+~{S_SJ{zzSiFn%2irvQb`3!=JVE^H#^K`LUmL z7B2D$cQQ#9TSY!4lvsxFy}2r%`Z41pv$}+wuM_vf!g_{i#@Pqo9aiqf|H-P!D9_M- z8x2*YAy656xfxhk5bR;eGgqj4hwm$CB4XI}T4Qj&RB7FPuSGC#agc8lIjs$RESD!- z7sKF=I-yrgW)O)M5MYiQtpRdrw0|h85d?SYyCDtt5bi`TBU$0Zqu~(|P2#*TtK9|f zl{gd84{R(wg2!+=btyQHZcYlfJQoG&pXasIg+sr9rZYWs0vSrA{eaI_+`EqdzUZkq zrdsIg6SMDrWdt0+Gzr7V7StK0g1yAsFX=3Zjl1d z6L#(sp4ItTTXLm-OH55I$j^@`d%`Z`S&DINW#!8kFNl{T&*i7VL5qk5XjJ!;6a!*Y zu^?_-YMzjp$tBd#f&3jbO{=++=V`4@ziK&l>XdHTraTmbf1j=Ja^h>{=Y3&9@e(a~ z4ET1YCVVxdnk7Z;B;N{;3*t8uU;coD0#2iLuSkqC490qnEN{O(v$?*pVLHvr*Yk@@ z{c6V}D;29_xqimfpd6!mbu`WaH%^#3BfnF>2di#^E?-_4(5HOTv~(g zelC8!^K+k&+Otn^!WbOh|CITb(i=Q=cG+MMV8fD&o13Eh ztju1C6<_?E%3N}@u9#}W5^|F0`V4p(MJz?OPe(A*W2$I;9ut5-WVH&zSr@83Wec`3^Gwv5nPx{J9?zG!D9%g53r4(iei%%$gO;f+-|C8+C zkBkCp!C&tsXfpG6lMoiQmUUG6nn*);6SQvK5cIQop7u$L^z3&T1BpMyUEA+fGMg2D$wE_c^1}h9}B}OQ0*w;i<+(sDI&P z9LC}o_zbRk;swGP1>8?t*7-o}kMLwC_@WJhj8s%7yR=2cDoY80uPD!o=D|s95<=yf z>Gk&qVg<*OjPG0dF+$${+24y`LdcW8FD7o{e~5Z z&MTJO12L!PHJ<0H@edG0TqV{0Dq_taO8oaRK3-}vx35g{n)>Etxeu);C%-uu=6#%2 z%aO&pBR@Zq&&ls_?x9<`vU9h#PpE{uoVWDB?SF04rW6H?8n3x49v;|d-|N!np{Yhm zz-0qR1^zi@hFmjRTJ4jExI+>d%GCDL`LELD_a;8B z+^F>S@)B8C2JT`K@&x5B{)fVzdg z0QSEZ&{@8ZbK{0gH_oqbcNb*xdURq@#}ofuh$PtP?>;}Fe#-ofwtlaE*6$y5%*<=Z z@TM;Y0ZM|-9XXKIpCg#ii8K}1|L48oQad*u*2uT3-uRJkA}QacT_F?%JBeVokNp2azaR=TD9Z_9HeuP$MyU z<(bD#gB=KFx7dyE&PlXSfZGPDmx*;H{!~M8Dq6~$CMJH`1Htm?=noM7y}?lA?^oC! zTV;e}>3zs{zTWM7K}MDrT2_86`9A-Xa#}}#Ag|GfnAr{{}=*`6xTNQn&UfOc(C%SSCzDX2g11l zYco8yRsxcjdWl{f!$+8L;ExnB>7We-fepoGtg7?jJj&L#c6!zxqqz6CO|OU_%{0ab z_XiGCc3WP0TG~-i)=sEH2tqRLxR6lS@~^2WE6hP{_@T;<=K} z0Ka))u3)@P&UR^Jn7$}5C};bAkekRH=k(bZFLG}mwB2ZW|MB2?SZVO{7S-s(HiZG^ zjFvZXoiQ#nd?NELDzeE>Un5VBWrZVe92-VPjz|Pz5#t%Qf}0nVHTsZUhM3P7Vj;vit{ z1#UtGcVa9UvzVNxLIm*p%#K&G$$AlWs_`~tNK`l}=OgkeP|eemY3z9Ti^kMF3h`rX?OS+Y7-pB z-rm(Pygq8PZTbD@50U9A8d8s4Gb{RYmuVY;kJ%ioGpu9q&$iCX|A}J-DO@7ICM9be zlQ+3HlP|ilmxvhWI&^Y(#A*j7Wennw8Bbx)Q<-%1%H@-DoyLWgk0%qeB*&f{W8t|K z7@1q~F?!3ID>v&aw^8!_elfJ007V=gHpBFvi<=vV+Qmm!*qe%z1%Bf$N^Q3hO$`l4 zI2mxBpXF2#TT+P~dgBQELodERc;+k&eiH~`O^~MgQ3rK*dn{D1jV+~NIt`t|s+NK< zx_GC0zL(M;8^yXYQW(}o=i$=T})D_=f zCYYe;3VHhu4i6*Nvpi&%^y1mgLAzCyw<3Q-KmZSCmAX8i+{{Q##uioXG=9-eor4x_ z&a9xJ&okCu+ z?1FP*l9DN>9FLU=V6~n6=>z|}oq^I9>0AXo3fnY)kA2iW-?`5E=+Bl+|CJ*=ul)%y zL5pCELaDCtv1nX*{e6A!$1k9Sftv)X=Gc-wqIRe2fvvPYJlx-3hF%NSxw7fzLX!r# zAD$*B!xFHT6Dhz*-1orE#igtSfuH>VZE;~C7R;m{i~i*i*kM`wcOofN{hKqcOUi!A zu(t8U`1l)jwQ#$@Ffugna?se=IF!6=v_5zvofDrjadi*kpFC~qj89Tig$rUIVv6hm z7J=yN0>Fhr(}5X378i9#Xv3TW<|`rsm6Yt2 zL`L{L&+GHKfBF6gUyti?-S?v_oag&|jpKM8&++K|Q9;4RYw_2+IDtz6+qj!*Lo|;{F|tujHAQ`n7J70oP!}JuSbWKjScXw>!a^! z2X5KWSSt=@!9m{gt=na^Kq%59H%!R+?;rGa`+X6WF7_6fTw%#So{qRkb>2SsxDneP zyurps@+uGLM7St#@Nje6V7Nf+G_D9I^v*50eH?IHp>`mucR!wHz~qmSu@KH+4spiO zJYI4sKqbA|o_-5rRi+J6kQlb{-+sql_pa;NUo2Afn+|OFhBD`Gwp$So9=t{)ru^w8 z$o0oq6{XvY-Df_7Q4SF2?j|Cf8#b*rAMNfWdo-@9m~hr=e2Xq4w5TJ-KHeYIiQ9hYY!U zcN2CiIMon=O7s&Gdk2vLub(*HBXD$3@L>FmsMPt#0%r=|%WOW)&4r=ep?Dg|=%L^| ziOUS=Rh6!|&Nk40x#$t1KRC69`w@(F^_;ILuwH3_yqivL#;H8(q(d50*_qXQW!?A|>WH#b9` zk8-h*L<-xdjsQzn2qhw7hro z>x(c@-kxlo$KZi>rt07Gn?4eGBdw%|?nPc(ysPpZj|S$lC-4N7wo=Z2yYA{pS-Sx0t4odCgQNFCK8)2D^`i%8>8B7hXw|$ zJJta^zZ8BO7uUz`TxkuY`bMX2;O)5N2kersEUP)dC(K10aYD;!{VqX7Gb=#Fk-rgw zn;*Kv!oGjQnEeBsZCRN8*?HZOvSJJ;%|vIahDN_5QPQ807r295Z!e}s+LEIn(IB*~ zwXJRc%QJ>u8lWkoTsM#&Y55 zoer_26N4J47Z$!&Ow7$~{u@>k*8I#*fC%r;aRZj!`}Uzc6}$8yDzMti!C?v)Bsz}C zk&$0-^8J`DJQW^{=z>qDHTiCSPl;wU$h&r-AlW<1Y|tg!Z<7TuLP$v0qQVQM($S+Y z?4C^wUN=)nR|>p6L9MQRzR<{z!@$^h3w6`j>)p7L%u4JZnhk3SRocs{kW;b9`PnDx z>gg?<&_D?wi-82QsKGB9Zq{(Ti2`MHH9!3h`0R@W;nQT}$7Tk{R1xR0RqDMRYs3^0 zQ~=_9d^-! zIVGhUu9SXe6>Cc3n$yQoj1o|`-!5J08o0Lr#M2TIV8Q^10V=FJp2m7~cdr`ZL!n~1 zagdi6u=u;2{QNlRb)|9TzU|SKyTebDPW;dOledv!g*(+EWh?Ffy_`oFoJ%Ba{)_Fe zj*7?NBPoe~<$|0%%YTo6h8G)G8qzbX)VsIi_BBT6#qyY5cBXMhJN#m=4h zO_edRx!EQ`xq!ixN>%G z9J9EB!x{3FW8ePzUZb%F<)v&cfko~FRJ&mDQV{6wFLsdOLA(Jr7R#|oHLgd_=mjsUlx-7=|J zHtTN@mw6&LcRvHU!R&k1)99=cRdvKmSE~$|Eg$TA^n6jrCc}XF;{AJ7hq!f=NOtQ- z4f~j$j};VK+7xX)P8UY2HnzpVnfkRpIk`es?C%$!c>x~HPvY$z!4aN~Q9Qc{WXd-@ zG|Gi0nQq8vWii!@+}I_jJa3FV;XsZ*1)9PYb}^Gw_!phFp0c>W7Y3S47izj1%y&g~l> zRuB|~!JZ!PBll~H-@G#or(RwtR)9kpDq3|nltL(sO-)SDHm{(31UPctXO;D2w>a~# z|L1`JaRKhyIyf|sE@Jhvts%4ss*mx>Nj99b$dEHInpjy99Y}bnDggd;2a_BlWT2v!dG$zUb!7=v52#e}UVeWj4Zwy-%)WdaozaC$ zmw0r#!2%l`l);c(t>ZVvOUk`>J1fy2ud*lmZPTi7F+8`#J_lS+s)XTzx;n7~AQ0;D z@8I;-MMHcVpk)pMg6L%m%fQzC$h>$34eLM58LO{OrHI^P3IQYTIzP{ru_RV*x9W@|s=>fPufAHr9TSq4S zx;g3oCV<>0Ra9{J?qOmgS}9{=7HaS)>D8XLMRW-&G4$4Q7r>O%=Btv|l<9_}A$_R2PWWX*B*4Lj**MA%v3jz|H4nkGyK72gv znez|40Z1<1rlwlrTVei2w41<(hNd4MS&sa&#XqJ>l6{wPT-?7&LD(PO?f#SFp?39PCy|KhVOcY_jffvZwm!fcQ_59-2nrDHB=Qf z7xAUnLYYOjLphbTC!zxENt}wsw(ZkjEB<06DiAjP#ovRm-{L9iAK*JFf z*s8i0p_XG5vF}7KOb}rXEFvlSt@@VYA=KnA!5ILWB_}60j8S~Y+|MBla_{5X0oI=I ze9XMUL-aRzR?N(g@Mv&qbtFkHkazyJHA+PYB^@<2A~k?VoQ$clpvBk>FMGO7CA|x& zU|!}3rrEm}5gV)w3;}ID`N1%v#7UN}|DiGu*3RC`U^x3@5I=axH%Fhv9sW8f65;WJ zsqX7a1d#CZs`D_dZEU(mgpg3j`}ek8Y0AQ$VUj2R zyLxskMk{rD5pSg%4pH2yTnv<|aTEe7|3CSI@nypx9C?VZ@cx;~AI7cud-va+wG`&J zbwe`v!!l$l_L%R3$J*gZGvrb^lwVX_!Z%>W!<^geXX>eFBYu|rH;R-JT3LoUMjjr* z<>FL#cbMPqK+I&?l+^@xT&pa0g+&+xE^CH+=V%rh6>-&YqhQ1p2DTwEE}u(DD7A=P z0I1O@FR{StL}nX1!|@%I4dLA+N9(|fS{Qsi0~rpwu}DX*ho}B+Zm#)mVKYD`Q39^V z9z}s2fs-y^Mq@rD<4a1hcw8wihjfadh7njIPG^`tues6!XF_t-60mligyWY{;9^=K zKj@^+WpNVpJt50?cqLy34k*j14jpB}nFQ3~hL+v1mPI3nwXg3#aHbOah}SQ+@6n?^ zK6YcNnlmRRcxAa1Dp_Knlz$?K?AGd?^&heY*v70LIsdFw^APo5kd zOTNu@58E*A@0zm=AQm#^Uu*x)d8l(l_PsbK3!XOC65ir!Y z8MK078LHeL51GQ)7cPzv)0J&9M~sT=D7K$dspRQ8JbA-qf0GCe))|>|da>*$cdxy1 zBbUu}6SIM8nZc}rfMZAj-gQgsI5|;=_hA63NqpXvWIqxn19pFhED*$B3rkDk7%fCK z6OmK*8RINN+;MHd-N9YFdF|6pGT7 zq^Z4ZD^w{qR*vgeyq9AG|Ep#z-|4fQg!ogDg`dPf)b#Gd@ad4asqk}qAmqm$;pU-fYpKTFsljfgK5H}f}b zaj+p%K}=H8j+z){&&{2vd7eS7Bb+Boix5rrmgUq~t#)q7)POe=2gjCb_skIO|9(hJ z3$Q5=bykv^$9@9@(>3`BzS+G7mTIw~4uRy1MP4a)FYmk=h zX17eq@l#aK1!X)(n-6Qm|LT3ftWPHdmwxT7VMV0^P^IWF;ASi%{1V6Sb0)q%M^cP> z%MaXZ-N!X|T)da0CV$H4!R$xADkIffF{g%KI?6ND7hGPXHze5W*UXn_%(8GaXRDhV`9IR8Rd}KO>RMGcCOF|5 zKMvt@s2t!=X_eejFM>N31}ZB_XfGD}3l9NV^6CimWLb7Q?|tWwd`_i-vY7L;kVov% zr__ZXa4K#Q_08wXo&z)B=SRBPrD0aB$$a3UskS_4W*3u~J(+!7ecEqwkD@9)Q;o)XPZ(zd_$IXhOk}F7Oe@68F z6B8p*Qm*ysJ0;q>^hcfCkDqxhF1NZV@Hl$!Ah4{c(rAEH2&fFU4^qb zLA)ev!Fd&G*WR_C^%*ybS`@O})_HMl?d4ssREiSZ-@`^7EG{7u(ZO%1yw4mTyKdP0 z@uA*H0M1#b;|3$Ys>|(U%qr>BJgh-2Gi6;t!C-5W7oB;;Tlcod;m*~E%#4T0Pdk^G zbwBqr{;1foFf0=Q2x4q}-22G&8zwhyXfpfphrbt@H4)gHOV&8H)sj`PIN%&z#*|6P z7^#%552y}Iu#S1kABB%K1Lwp)1ZG%YWO^;OJm6@FiHu444ftAqew4(Wa+mXrz~0lN z_KQ{*Ik_(%cMjc|@{6vs`}x_qv%?Rz9Q8g}CeTZ_{$G3MnYbHAveexh3x7NI!H6(R zsObSa;wcB$#GVP?a5~T{88Y#;Stw<_p%iDn;29v4`BMa<_qaz;i@Sv}e!9P_rY3^w&nN1^9g?U9kROu6`_%Z@bx_ z!u-SNqW%GFMRA6 z@PN`mu8Ypj+uuVtaUOYGYhsvlNiT4BOr8$N|NEXKO`8e^+F6nxD9Ew8>YvPHh7x98 z3`Jp9GBvgKA(^k?bXL*cFcYJPyd-?VORIu=zN2eH*NsU;QwZbsP3m`5CqGubzr7)n zII_+6u+1Uu)&W&uYBv^!<@;=uoKD-Pad1+EuD-rZ|6mwbJH8c@Z(9||2(fpP$vX&9 znhnRQlTK9qQaXK~r+H!H`=dIe-@go{$`@;lnnD!X`}+DY2yJNidH5fPa7&uns_}28J$g-?-;Uwy3+$9V@ZAc2n*Ko8Hs0=GZeL z0@`bOt9iJ3p^AIGU5M@moa4DNWx1m_&olbS(}=!iWeINt_GDc*;YuU1!GtHjLxEoW z?3nqsr_zIWnQcNs!u$f^ZysfBMJ*2peQ1b!nuW5e5_1a7E=g*R=smHTr<_n8nQaoE zvfYqZUv(C-{ABCx&?N$R@SGL zq=PA;LnrdWy28g=j>fe@AU>d}@a<+@{{0_&i~kkXhfQ4`pbO);$bU0N_<0gZX#*)I zWM#6z!4ysdtH%uvwJk}F0e#YR04br1MW2T-x%hoS>2~BDG{|VB5ToNk%Vku2I8jLE zZ)=EbWZAYL+*&bk1$lkxAK8I06ug73%Bi3MSXjcj$-;*^ikKtTGO89IGQ(foMcjlygqb&cZ`0nnT`O#Mx(`^-}q0)Lv5QMb7e( z1zCBU=i4nw1(*J0zcJ%|wN~A*@-H`@h6aHip3@7PMfV;&(9zPGCa$Z3s|LUWf&Aja zDJ8b&7!(N#I2oyD#{GLVTq2olv*lEM+RsDWwL8>PT1)-oz+(wzw{Tc(Di=%^>MgQb z+C+%a5tIzlvQo_sZVQ^bZ=Q;V-!JAlwq^9-PSVqZ*6MS?e8KxvOq78hDItpLWqRGC z*W52b&Vs@eAs+)gdk~a>u)M2B_PvT2ue$opX4t4Dz>tcv|D&FJ9@tT6jP|VrvIXyD zS7ZrTO;Y^0u%f%&le)5AHb?AIMzwdV0R$%K;IqfI;5(6r`)|sm~p=JJ0xAO;MF+o6hTVz8TrE z0~X0>l;q{)`sd(ce$L$7>C&Y?zpGWx9ef>Ye0=b*d|d&5L}J-~lO0A_KCo()x9{Te z@PS>!zkj|Qk$hYu_6*jkgrT|yeN&p(jW6U}eZDqLBkmP@Y##$d+OT51=;Xq8cyBc- z@WNOaog~JgZD0QS@%gsvWb``=O`3`y8L>V5wVcV%9CVXe7e$2nUq~MVU>zEna;bn@{bQvRmrA&R7a^ZXlKW zIsz)lw4s9U{uTOhhpWGoI`Zee_Jh3;2U7S1b4H~PfmOmD9I!?wpZdFTyhdq8J5AjwIgzDnq;h$Z3Pm799F0EFdEahqKr@8d% z1lc=TM+q;(oOO%>J!6b8OE5ZXX-%%%e_|p#GZUazQBs~|wLd`I>9TQ?f__@NO8D>& z$r_36a(n9w6b}=H{Ok$ySmU^lKIa+)7-z3&u?4?g*5#%IrDsKq-SNC+(T^UMyq%RE z8Z$s`BiJP)&KMWKjR#+jp+-lt_`~F-=?Vz_8wyVbDG7{Oxu!<}od7}S_0c|CuM5BK z5V0j6*C>ZSPVdpdwztnU&z(2p&(KP=uW{*On7+a!X7cI8F3QziGfk7#vM2snUg&YO z6A$<9MG;%1Ui*T2E7|L6Hu;&I2$oP7F&hI0`k}cwRB+d0-dUNOx*R1eLBWT0{^bA7 zp`ZPUhj>4*Bw6f8Obh(UV9mi7Y{A8$ITP09JYSOj3fJPa;?(3M4Vy^7)8_!Rq3!_X zrAK{VmSF<85)CRVfS7PA+Z4uwF?Q@H%aMLyk+-&%I7<)u6-d*1X?C5bCWwxeJlR3J zAJjCIzyKp<`mSpU#Z8Ql%ScNXJ~$890>22sk;*$$C?8xlr~c0k5v@*t9gO*ac8xDD z>=h>{HOosawWpQORMT2LzxJE8H>mEYg)|zto>}>#<-8LX=4UThT6T)w z(#$f9s6Xv$o2#ZtBmN?~$=@fWLHsooUlQ<$TlEhX3EHs7Q>!;$ z4(n?1YvNWK8TEpoM2hKW$U+@>l6rOb`+!XTP#>TNwcI4TW0+V!wfdw_50{Y&5 zrchO4q_5Dw8Am1iia(@#ZV~JaRaD4n34qf~tGrJ%C5-ew!T|Z_hle1Rl;*ipw3t@@jpqIpgyjmR;lWjm3ne_mK-EKG8m z)uA@YzTC*<-6{W5aXr`7-Cd{eiuu0>CGQcdd;Zw?eQJ~jdy!pe3Z>?EtF-jI^xt>* zAJygmWdW+Cr_FnzUF;KQ70t|iCo6Wb8^{X6e_(mQ9|o~<{uWN#W1?UCGhAt?Y_`5s zAz@JYYul$!ZV>On7siIOHPh#EA7($|W~Gh^GD5f0q4!Hm3lMBZb|HKk_&S{NruR>L z!etIfH8EMAypG?!`v>YOc||Bo-@`KkSgKU<7M2QpdqM^A$^Ds`s7QNO zYEm>;no(4ma*;jFA#p(d3h#Fp*4>`EQ{Jk-*8*RVgt%?DJM@CAQV5jyfWpyRNzcKK zef7%Lr{zzg+=5?YTGf%g8h(f6 zyXlV9PNLPbT{WMO&^(4Kv-dB6bO)P}PT=(e?ZoM|O#@|3f#2S|lS4aSne90NAS$mS z*19!TIge(`hkdu0PnKt=iCUytbLITiu)SArD{&Q+mX5EU1i8lT2RG#7kYk8-8fOoE zDlkh|roHfUVxs99!2HrQ(FI?(Jc~bNHnwDY4Ya!51RiI9{87|7%C8wN>I=jfW#`GY z3eKGoqbRD9uu)7I>3+Eog{J-Iav?8(7Zx}7Z9hj$gwg3TFUja6%Pd#@9lm(_zx2ob zA-|C8=r~YxS5O)Qd(a;t6YgQ6sW%q(q&Eu|adtN9I?jX<1UN^f9y4tacsO9=9;9*CJlF_Mym&Xs5Tgw;{`NgIOYIv-^ud`B;N3hScS~I8LQHj^lm@N{6p2yL7r0olPzt z^T?e?&UvQRy%%ZlV4$GqXiJ%)yjw>E1G0=WLmxcAHKZBW!hkAr_wJaesG8CU-FT7o zdUMaNC-Y9~XU;sDn|+p9v#me>?8R1o=k%Sv3nV8Izy-tj*|8C>>8%AH4~q(qyg57n z>4>4}=i;gNgI2naACzG@Om5wrpr77CUVq8>|54(44erp~+FG;2T+@_T(mFfmr>7TI z@})OvXNzjTzAxrenfk?8~6ZN_&Bvnl6yFRqeJg!RZjgK0?h(#U;(|i=(y; zVNIJ^Gj$e>!-{LIs5bEId!lho002*wy&2(0ncBIB>h7$3oyKwdt~7W%l&XRYiZRpv z)O}EGbY$FuKETpW(jd}yp4o`J#g${VeW3g2*M-Nw%Wj0_ zSW@mVU$%IdLooi+&`JAp&n1hHx(Wi9LEX8?#J}SFR{hd>cX+Lk_jr8is$;w$`ZbIt=yxgYP>^l!W4LdIlUa400C3H&p-o z9d0IMH*9eXSJ94rxoNY?$@|qUc@lOm!xS!DVvFnS^FIl9ge2N@E8w#~O|yr%WF|20 zBaHZIm?f*GW>}xyF(}}>+l)Um?U%$)K9Uzd8i0La_%GeO3L~AyMb4F9zbI*FE@dy} zh1Vsj6s@H{q_d}bBuRe3dYk4jmEEuE84ancClVybm0llVY!2Mn^EEMKT;7d}H$)(R zxc%eJ<_r1Y`+Ms@AklL| z^yBCW_-{A6O6KL}dc%%oXo9?Hk(`><_qX-cyVY-~OfFqrn3-uEKIC}q8d@3Ird=~{ zUESOg!PRX#2FX3XYGb>^^Yr-!8u{<%t<~TD{&Ufo|5VGU?ERKuU zB<$E1EPQvQlf>%r>uD2sE$Agl5G&mO8c59l9WlKp8r8r9gQVsZbL?_W`UM&dg^-!* zoFO2B!+YXn<~ckY$~+QDUuhBuFeiP-{L`-Q zsOfsn^}Ca{0bp-m6?i*cX7T>Ku5N@XxAlfKDopUH`HWBdYoV{f;9olXBMB*mi`E0^ zLlUzG4E7U5KpOb_p7y5wz^pUxL5XKagoPvLitmiVVcRRCeMLa@`0@40r;&~rEYxAv z?1lT*F%-sUpmM8bg#35|w;Nfx143@GUZ=SvCQ!znFr zo0ArN-ldD{_RT4w`VJPzL3Gbq2zH?3&)Sl4oEC*QbX zw@+F-vpf#mrJScvmtO95VwfuyzN7UbOF3<)R4tjV$ZuTK?=Q9M9`5exX=oOKnnJ0& zL?&|bcS=LPgUN0W1*_4-B3baDFg< zH3{B@I+f-uHU z&buP-A0qp_wU)(AMM%qG)e_q=)uw>-t}5^2xp)M+NJ5kx7BBXz0=Beg;dj58cqq0s!IsXB|DV}IZ zeRboDRkU$fGzTxkZ>#H}HdK+`ZVE=yDY()-WTmqyaGPyUD;P(Vlz zF&W7*iRi?N5(yusg~hkQdDb%W`T}}|RW2#1eiQcVpRR`9mw78~zv{x<@56pNo*q_?EfrG8oN+m)|B_V~pS z_Yd}39$Haxsyq4Xkktha8&PV4H-~uMHWZtErEq-tfG5u?gctT*<<_n3Qd$P#I}pRb zAOmEv7W=a%4DXb_^?a&G%DKz>gj4zXr-nB)!Nbgi`tci0Yf^*&kd?s^<#UaL^MULh z5rX3rMT?E(-Vs(ZLQK2MvA7)pKqMjdsSeBkYy4E79|#3|R#>BGp4jO_DPPn~JFdm1 zrrtsy98ph>fq$DC2s@A}`kYqhVt~TvCgNPWgwRK!DZCWcbZz?13y&@Jydcdak|vUX z$deyLQr;FFSCH^dF?iu~>c-wG#iyqm;*UE}OZ#t!{w+$gxV-PO*-OxP{Ghj3$zZ4# zdG9_pwwzZ~6wQ3|7FrY{JKt5H#U$@3xn`CcImTT)v^g8G z1qTz6K)LnL>$T;2H+YD}yUh>Xarpjoma@o#PT!OL_aldZ(YGv5>CAWVT^lTM01(`{ zzSgO=6VTq=kR-M*7C1=_?s7!RmVm5K+D@$dn{NerUc=ZC#1Axx4J%jeshKH}ubN&I zzJm}fyO)}+yE=))!-mbdK`pDThKlB;3ys3$t3)=?W{Kv1Jv{}?GBBHtKQk&RxR$N? zDV0gy)MX!muw9|i?p6nB;w4Zd1%$wPhD{OLTT`ZlR6!S89x{s04+f;A>E(+-mV)T% z@ZrO#YOkbMS1a;Stl=ym3J`D|4Ser)S~7xzBOedXG1F3Q`6krxxZS0fOfnzjO@`ij zq#bBPqjQ1~Kr+j&O%`6j)K=Hpdez%9r04iQ?Z9bU(`2QHvPK>9UmiqH^vTH&TcQq$ zLbnSTu_=OjYXWlGe`kc3hY2!g?!{WBS zrR7j}_fpcO+EH7iC z4QZmYY4t^{KQiUjwKdp!-yb~|CcAzEO@;8!&O0L(_jQ)#rSJ@eR<o zb}6aK?L?pS&GqN)P5~;DaS_gn(Ua9?&3kVkBVr!$(TfXC72HowT#dywF%*NO80tMj zQnIo*FwF|c`Ks0X$k$k=4lgt?M%^*=;L>GOWuKBD)d>_+afALkJL8CN5?xmx_h zX!Iq1NMzHHJOjP3!R5nwv9&FpziXoGN|UNC$Q4c7DUZt+809fm-4`K%*E`mu4bCcz z&<^u;ufvckP;}Tt# zJ@?+-^lG>u1u-0OsDcA;K-OU98*=Bg6AtmBy}T}$n|Ro|=li0W=e=;r+Bc>#?E%i~ zH~RB>Nx}*cgt^%-!dQVFxnJ!KHV-BZVU0hqUr|JbJvw_z2NPA8^~vhI2Z0GBLu!Jy ze;^;-ra8*!oxF5$kJi6Ge5`fwwfeI5?;A8bz21UJlS9AXfogzRL|_+hV##_v&S+3? zeh?SsKd2%A1jW9os2CdTr}SRdzVdLk@~BVe7c=Ansx9H1*GgY<(?z+L0U%89U`O7Y`)^C*HFM!!Ehf8O7ot z&lvjC@WaPQgM3HrA-&w4BQIY(90*W02$MVN5&gq2T7NDweksvA&TN;9eZ!op#*$HS z>K9YS>nEKX-jomQD=GW+t<=fX!eSVt&c;e7Bb(Z$7DL^IovAmKGY2*2oK%IkZbZLk zJ?v_9P4jT{6^`oR*3&`jMb#W_mUF+2d_q*xe}#5vV0VFQ-dioOq>{I%_a&&>UZPet z1V~I!mq(ltz61GUS=nFM==U?dk7(jo>CjbBd7zSxy2KLK`#@#5JGpn+n(_KaqC>|WN()<1!0!s)cJk(Fo@@@7b!infencZ z6MDTm;|#aAPp)ST!m#DU<(9`NTZ)sAW7Tr$I3}@Z%AP*0&pCU1V6T7DLTbX{bzA)x z7v5oO!rKB7KlgCgUvXY7Q}QYc4*o-#Xs8|e`}c{)SnrWD2V5RVemkAqG%9bv$ol!? z&u4su36g-ftWpVANCPmKMIG^Hd0Dn>T$WIB>mtqWhY3?GR)iK?flyNTYFsR6I`?)i zj@{ejU;R+_$G%f%F9->4dh2xi?-Bpz{&BsF{IA%pk`>^FEuEd`Qg8anB^Z7ti;-@N zI22erZLvz>Y*YL15R2LY8SyJ_H>J)gIcsw}%OCd}?SIWBzTaNCWLqsI6kId-)?R7K z#5pxNJq>-R9E`IHMI)O=-!K-#k$(F5lauCDH1%MWNlC!wc}rSO?u++VX~NmuFV^EN z-OoDzPWOhNiHq{h0G3G@!5 z((lOC49pAObgrqa&lC%MO8oR~`_kRVUtb0Cii#QDFKgr*kYBf3{Qdj5sOWdIc35Lw zmxzQUiWqQmeO&uBq>=c)39#5Zpn-}OFvR8K7dDdi_*MA~4at@41T)~R*OKk{3Hp%K zP0H;**Tgw0l^qqBWC0*bWx-%z*HrX3^;5cd92U*X^w-6~3R zNM!YBK-43b*H}{dNON@w- zzx3&!u>n=#J_S-@_?hSLlH8vQelYdEB8pGePwY(R`@Jp}e&HGspBw`2C@fy+j1Yf& zvnEXpB_0I1yzX5X%z>*cZ+mP5%xp0JNw_2>2q0|!Q+c;GAnLQ^nH^Thq z*wkBG+`ytOT*o?fCrkw7rL_f?_tRH#Xg#7e2~M-4k$ErU+b=&-*qNh}j>~o83k|eb zPxc!Dph63FG2|dM*=YYiHucnW|j@A=yip4MFr8 z;4tvrce-V`KVSpJ<+H4;!oz^EAR4vq3$HfUIeGB}e`bwg5ahFp$mzK1>C-LV{_3Y( z15*>)IEpLb0fsvQ@&!tpL*RG8CT`Dgz5bW0)IQbwg|%FVsG{{mzOfMI`#v7ENfO+? z?)7;pTK#io$G2~m2iE?2?axUg?0b8Wf?cv(0~bfmh&!2k1FTs{^LIO zUtc@udT!lLNo3NhxT~S9%tPgoNnx-*9n}f*1cGMgMAZ`L_m?$eIoT8&M37kO%F74KkB@bbDVm< z;(LKJ1gCCAh0ing2#dp5`8S1*CTS9C0zA(T4g4kPEF78r>&}^BdU|98P6%Fd@FE}W z$%A3uP2`nrFV_uQyfzC1O&I`ydDi$agT{IAS!@R;0!^P%un)zE+@ z$-GKP@0C$q=b3a<=lGQaqXMJ^tWsnm zFA(3Q`bVO+Nm%_pn*m6a7cKyVx-;$NK}i&(djGNV;X#C+?_%SgCvDo$QT$u;WYhk0 zd6vCC&vgf>XV_#PAP4vs%*@Obhv;J3tlRb|GExuC39z8H600!zS795UKW!h1lw2Hm zpoAYf7dh^{_wV$i!Je4hb&c|DHeELR+kq6pB=(B|FWXF9apJ+J93@nmL8&v{u@_pTI(;259)q8D`TDt*6h|oZFJ~Xi4$u z+1hC&f3$zrTVU>%x|cPNb>3$1S@-cp&;2vN1*$OU!P!CUQWpHqOqI{bQ0Z4-Q;1}P zc+1gUo=sPUflg`d8)e!;W*cCm9*=5V!?dz zxoQ2lrAtxePrq_Vu`~=Stzkn88#ezYw($K++fCO5!+uTfnV>oLd#7KcZouu4s39eK zMLpveFLHN(p<{@>+j-@|{E=fNTd#-xi~|HWG@gh%Fijk>1ZIIg69i>UoxQT@plb9= z;5~n1=j~LJ)AVvWDV&;rM0|@EnB~P7JBNLAa&>>ws=aMd|8OS@DY;jdlnzAyp;)|S zp=v>z`S}yI*`-5O~oUw!--ONtT9UsG!~{%)CSN zyAEc3E<0AY5c2_#7O}JLY>&0ZFo2hG72uX_vXwuI%|S|8>i4k9FM>9`^CXbPm}PAr`$`M!61QPmt{R8yJT0erRVd(4OPAH zT~!>3KW*658OZDwA0{Wazndgj+1d3W`kk6Od}31Fz<`m@%N4Urd;7`mOC>)hiMgY& zSk#G`53#lK7N5X+IXmg)K`8>t5Bu~qNh_74v1ynO0KmIjBm;$GLK z{<%+XE1j{sNyq5d6Kxujp6#sFXO5shbbNTs?_=@u3Ns}c%DV9&70@jc6B0zPwSkH9 zi8<1*udC>reSv<~%~kPO8sT)Dtyzh|rt>B9G{P>mj_x86cc)Ju0pC z)W*g}YN$k*4*m?m5t|Kr4uWUT%WI1Z#c5mBfJLV}KmG3J?h&xd3-?M$N`erB-sZ)q zCQuZ`wV#iWBvV>pYeu_pC67ajmW<}Fc%8AA!XW?PmoF~?4i`qhPQD%!7k8S6$s_gz ztOa&4^FHreC!?^VvXA@ATnw-Chs6o)Zqzk9Pl__+YwfYjEgJ+ESiFILQd}&3}Jyeno-aUriKr z#mif*tj|In31DG%`VJsmC?F;>-}z`kw1s;EPH4SMI3{6f%e(Kq&e^ju!NKYq!<9JK zjwd+6d)4u%ijxx}I>~)xvNQuMP9E&cSs=}se&@vd{glL*O@LQrojWWUq;G9iLK3wh z5s8QV13!nAnXUz}p-Gek{cK;JdwShH0VRyrufyR5Ga;f0@ zK={Yq%Ppn^H3N8)RJ}hgF8)Nsx(+cb{q4Gz6(kOfUE6+LpEwue$G8Y`mt{(D|0HOa z+BAkWo$&13wf&p*g4&S)BjlI4Q$|><9R(}p3t~g$=&F9-k__0v00dQrY+6nyyjFY9( zRjEE{YHW@fIdTN68` zlF{>YyU*yJoY#57Nykx}=JdQNB;9ybmMEHjCqIe1Hf zToF2Gpmrn%{`a4UhLYx99EP4|2g$~1JmU-OQ!n>j+OoXcqM55s;TJdeO1L>NXDC4; z$(PdX(|H4fT2Z1KYqryPZ>iWQR;h>Q{EBOP=(zGmM zscZZKErqjRR}V!1<7eS@G9p)OG@EnJo-!1BpplE^8YS)ArdU+?^yJ}%?XIt8!%iYU z?NVb0N%fMAq6lIdBL4l2Ck4(N+0E`O!1p)v+aJHD8lSZ5WY0Zb+?}V`;c5CWvX(4D zIaR?=s`j<^R46dlm32K!%j%~`dgTv;0D(4BPn-1fQw@4cOUu`-{G^)EPuSl#HeQB* zl2pV(Dd|Irl`)-YiU6N;{N}}KqIB{PL_FLJ;^3mv2!V+7p;<^3an``9Y(NDkON4s~ z=56=)W+w#oN(vAN6$<)iM*8ZvhH5LfY}x2{LVxuA{RuOZ)($OreBo>H_dBDeI;qrR zL0Xk`7a|3yjF?D7JWqmmhGoEwe23Fr6N-j7$+PFGU!{{|9$B(=zBqewPi1+oDeRK? zPJG?k+z<#Ge0$w)18t?Q3>op6V|-!d8KTyJ3P`5*iPcbR<8Q7C3tX1RVh=hwYk ze!R=cH9kXtA?{8`eRsL2W!=5q;+722rRS}rVf4a3 zpVWQ%QaSg&zB-PY(*?O+;Kg+5H_07*|K8VUEcj5G;g%%YsQk8SyPYYx~mvN%cINtuT_=eM%#2 zaKgyS%p~#yotB`{@s0Qte4s9=PFJ8H(a~06IZshm9A6Lb5)vq7O;qa!#-;RH3{A520*g0AcqU6QG>@n<-`AV}fEDxC-! zIk{-<+s(FuTX*h#q4>vFHq{&$=vNUQeBrzQcswgTc!Yw1H$K%BRL`N>)54>|2GSDLk(9^tGng}M~0Y@2^yDF3%OEy1GZ%BmOnCCyt4R5;vw($*jL z1KW)~cA<_jtkFjI#4n8^5Yj-TS^1^GK<2~r9uc>C(L6&IK#tyE5CbJru5-Ktou{^R zm8{P4DBPVrvTahAJv(-lr=$!+CM&%+6rEpkOw96FoMrBwr>JEi<=4Caf%U&I$|rB@ zP)7mj-dbQC=qlQ9*k38~eIvocHm^{dOt~#t_HSrya=sXJp?Hh=B7!)9zT-Y-#3Ogy4Q8(^)6O)$aeV0L*lo%SEv5}>?5?uXl z&eYN-p0fJ~2_cHd3oaNybKS+5N&dWy2wXB%7Pu3uc2K7qPop!gU=EV=+1a_|54oPd z`~H0P<7F>0dnWR|_N%H#61w#3E8pQofj9-A3=I=fqrg@<&W&XGt*^|R^*GUL^zh-ryF(jH@3QkArJUV$$*gfnn0jb@ z>?WSBtE;u_jSpjP2!;>!cBEEjfC^*(U)I9&PYjQ2jVjNOC%;JeGdfN?TXI)i2V`P} z#YL}VOf8Ad7|dlqpy+5av2u341)E3U3u4agB_qF2)ny;KkpIi}6oXz*w4!p35ffQ$ z&g2jZ?q>$h*t7>M*4YK{5rFgW8YT_)F%KVKG2a4K2odIiNwAe|_G47s-{-xeK9knu_)-yYlOhV`QT%FDhbNIFGib?FwNK*knQvJIC210@GGDE~ z#D9E}F$6B&T|`=<&F{;9iOg`H^6Ja1Bf;aIS-=oB zMf$oe2zs+#tYU$e>GdG!C@L$n+b|=#@9(79e5ZON_{8iL?d^G4y~XH2dNtEB%bt{4 zWN4#W(G!maY%||qct`9!@DW$uP(n?iCulE!pjUqS^-k4(A>Kh!OKJjl>!itEwtZ~G z{9K2&J3tw50y z{gl16GYq4i=H|)gkJ(P>f};a=a4cffimA>Sifk1fd9__by8e$c;~66b0iY$cUE{uq z@jO=^=hctj+`RXtI|fr9=3T$Sl6_<$n4!k;QL6Vql^ba{;-aF~8%IF_J!@=SL=TPx z_=}$JRPMv4C0%(7)C*<=(EksZoN z2vMYrj53Nc@5lLmf4}R#uKVx%{Pn4;59hqkYdoLN$71JjxUU~rvL6Nz9Ub@0Q+88P zrHWb67#!Ri3R8{llZJhVOCOB;S{=CR5aV_Gl!V5u_Im!8-O>>inl5M0?r3G+6Zu@p znKX(-jxSam@Y-rU4q}aTnNAi!-uKmts!7zz{O{gfzQ;&_O;uT18Rz+H*S?~922E(*!=N)Xa=9*ftK0gNc4@kj91wtHc@^1!PP?~lT}3J z?AaDj?j>s{$d}JVU|Sa0JrjjlYp(cN1t6(D14aP-RDS24 z#e)Vh(b0>rJ#n`8!t{KC>LYv03!T%IcY=a02vmu1jg3$kiyWdNVCR#PlAe0~2Lqz7 z&APRG;Ol9mosPd)ln=${vY1RvM~7NOtps*BI>$)Y+>yEAaf`$h!v2bqSNheP#TT-B zPOu}{D?NR5i)D6Z#&=_}6~PM??;-gr+rFx;9StLhv@~kMSKi-~!;Azu#T|X|1i4yJ zIdwQXvOe_oBH`=F7cEEK`WbSa0vmD#MZ(zE(o9Yg0tlqBeClSJ1J=nhUcUvbT7MTc zfBg6`_HZupgi-USUW0eMM(OVKZn(Tp_L&l+9;ZIlibmO#i(Ts@lgfU72nWG9voX(J z$Y`!V6h*xqC>VQqAKj|NWlw)2P6@KPMwLeWT~e-mCj|xDdwQNJhWVO(*S`7*eM;;%1Y)ZEy{>zoi6&*F4I}_Tk98#jce5y|KRq#+!Q&-m+ z*GEf!5uA~bF3{3m+Vw^y#tn(BjG{1XO7a%uNc}>tdWmpqJ<(Rz`9z@%A{XM)(xic; zzL@Am@I!y${wEyU(*+0yk8&` z8Q3Jxmd@~2ltIdAPMMNw!1&_ll8id`Hj?-y_$$G)uO22+dsTbJQO@4dnze3>k5n&-rsphVyT2^I&gNiH{9i11Z4R?VjFzryl@n*ny z%SYW*aWLAtpg{l9rP1n}??y+{HwhDPl&82ubKryu0vNC)cZR5FwVcV2=MFH)&3J9= zaHC!$I&i&KS&xlpie`z&rPbx{KIB5mJIM0zTioVPfiRv>}%V zTa`epPt^iLX#Hcn7iX9AgLqaJ2P(-$h9X~FgS`N55 zL`O2RwKs0XTKn?GM4o*h11);q674azV*|4yu7{5tDK9NG6}h%&_wK~W{;TqrFJA_$ zH~iW$Xx(^Nk*@IfYg2HWhy{8O^x_b8lM`5d#^tyqey3(Pmj2-W(dw;heALH{+z}$* zqd7G2y&4%Y#Q(e!sm>srpsLN-{}ly{lU$kN${3Z7@aoNbJnf##leHcNpH%FG{o*gQOe>V_f|aL( z(vjCtgroFpXlR(@Pr+NPoTMuun>#SCLUC8_Cm#yFmu^4y#(30%G9hmFu~Zr00^DFQ z@7azo_~e~VN*JT8|I*sqG&?fQcbI}edWX<%0IfM_&t{bm>|H_AONfbS~1mhtLV>SD{p~CE0c|lCi3mJeIZ_(&9d9SZH@c0hF#zl!XTUs(o zwLQ_mO1t8$?}k?RnU?HW@|#C=oMu9beuYJ%Zo?SX#_S zkjE>Z51H=q>q!XpQJ@Xed8p-eG)F~?kvINAbae=HH;*7!k{%x$D@97Z+c*E|yOYb$ ze-?5+@8Xo%+uWm9LX)K@!7;$``r?0e+k0}GV&+^RU&{lDzd%#VnmiTUkQRgy0O`ASsNysdmf{Z?O@QwpM%_H%L~m#X_@6!uQYbOj)K zOYH_oZZO{)Bq7y&VjX_t)6~ed)!CFsKb{v%`|`*0->p(SlETRbaJ;v-7etsR5kyuo z7IE_xB%7mDCUgIo2d?v=U&os~%gT9E)hA}7Gga~N7=M)a@bfhbs2(6Z9pQG8p-Azw zw$48%L%yt2l9?>-n;}cp8UCSXuD-slmZHM|gO8Ft+ z-m!hx5{M?oMA~?G3gQ~}wck`zQGu@Xn!Y}hw-eGIQEXU7dU$)M{0(~AZZAB>FzYJI zGBG~?J4W(}gNld8sSo*M*bT(_diaIeA3sppZepx5*J?7yiV-TSiVu&wOp zHTD=yH~dIqir8Y+&4NjFiFZFzCe#PSS{>R33a7XP!{NROqmg6lhp;oi5Htw)7Cv&M zPi-1QuA0@G$diD%_YqMXl{cnTK?z~sNZB|p{nK)Uo4}7PcjzwM6({4~2Uk?v$ z)+#O|A-Q?oX?1U3Jc)le$un0ve!rcL@1zd3MsBD^CfrZ}p#s}Anp{F1?FirxI^OT_ zeEXgyB`Mhn5{u_m@H;~yBOMDVw-1$a-`2BE?m`N-R}y^icnCRK0)R9Fl!{=#yNKfr zCq-Eqralp8G$l`;F7Vzuo>~>X+}@*f-RNRyHOKyg0TkCKE-GDorucU(fYuUpTaM^= z6Do^Ob@Gt~%ot->ppzeWfp@=drbGJXk?Z2;1qDO+vaq4x?5%qFHAe0b+`djNn2{Zy znzQ^>>^kzM#ZleT>MIHvWL9$fSil$V@5sqi3Or7D=h-*qSL_4e3c=be?p|-LvY)Tv zzIFKUo}P-29Yx)3Z7*;AGB*F$yT`mrEEVd9Rf#W-1lHq zndp?6jH>;S)GdwLzNm`}lZ!PQW!_`gga~wmSHUj!e?n_&&fGk0N2_?yleF^E`7`u? z@(r9DpV6Zx9ofN=CA{Bj^=DDP?I)2=*B9rI$MhO&Vx@X?WMl)*f9F0lU=#|?#1NdO z5mdr`X%WQ%qCmf_Ty)$qD85zz3Lra{)3IYwpZCCjm)Y5GYGQ(2*7r8DMd#}Kf$&E& zXJB9s3;XB7Lv6aHzhqvlO*{OXcO8>p2+Uz4rP<}Y^SsB6GRvD?9g3)bd6uKzO{`4! zkU6h>?C%$3#HdlS$9SrZj6k4E)~ZXojBxN@cZ=PX@=cQ z#e~wq@KkF}Qh$XEQ`y3#J!7vH-P5y9-xh6fe{9ab*)<$HW%~g3u|(@IO7uW|_E*BD z1vc5+zWI9J)m$hvv$2she?!F+1otyC9@V$F=FktS6b+)Mp&t;4U05;n*6*R%t~xKt zrr)8d+rOLF)NBta8R4%bmsJfrt~;yFUQfyHf$;p1Y#Se%L>MKs%U7)U`GzKWaj4P3flJp zKtS8Y8^x-lx2Y-Ed)S(*3h4alH6OLmqg(2-Sunpi^zQ<;8ie(VlR?+ug_sT&om)YD z^Se8j0!wzw)3p_F5`c%@`RfOj96V9%O-<{K>EW%!t=alteWOahsqxWGy`3+lQep}+ z*B|I`sYDHw%&H47aFO^wL6+`S3zkpkRn*jQSo9U>753c{5KfS?>SD9_Iy*V3Z(xAP zx0i;@mS>w~GVbUoIQ;0}y|4uJ>`V?-N*8r;Y*?Hyb65V7N0y!_AJgPYA!d>-3eXVhZRw(|$J%u|V zs$gllca4n}E_6x#;<_0KznGbQcGVGQ5B6Y^_p!ue^yBsgRxK=ief>9GbeT45fD%+79C3UI9EqL1 z^C>%v<3522uEI{Qwf*zI@IS#nFec4+34%VNP36(|eb%-~Xn!3BOG(bx${*NM`3Q8Y z)YCV2M_+wyqUHALrRN>d)(20EisIWX?7cCn8--d#Y4tX^Sq{aAHr5{7REvMu4dRM& zwG|KsQ?N``uDru90=}~_Zqz>El9>`5d`ZHpVMHMF;#zT7En{ofMR;{^N_(9co_hLt zOt-2%^4_@HN@QMf&8-i9zOLQw$E{C3fT@OpAtU&cn{eiiIyQxoMFjlD#)sUkFq^@R z7cB4&w7eI5`=63E1eH?1uMuo+Z9TMR42l}CK$SaVKn&@7VTke@`~)iti(`(QeIGcD zF6DpFP;_?<3nrocGTmS>>A2)4!?tp$xTwg%j{Lx zXPlZf=l4?WGxx7w%&4K^Gu|%j29LLa?IT%2DWd#j&4Ib}^a$94wQ7Z|J`6n9)(&bP zhky{;yPCftX~B5Bj>8r6yrQ2mtp#a-J~&t>-(G!e1&2`P-^e$EC(~D_UtPcGcRurS zFDMmPh+_Z!&$M^Mn#b4W$UrYea>Bu~NZH<1q}(HUNnl+>Vip>xgX)>6?vaZT9bcVu z~&PRLAXm^T*WjnOhxh{WA>GR)Wk#;I&y=b zSfd4h7EFavYd|fVZ)BxF z))XcmUjH~>&MAVGk^nxA`uX#c9t)38?|<|5tq>&dpUG5aoo?O2%*7{k=N>fE2M!!$ zazjI+axIS!ByE(GpnWRqyOQ}``XZ1?LRczJ^YSpyj_v(;?OfIyLkpoqw!-_uj~i}M zT=pc$lhzMQx0R5csxA-CbJ`ixARoiC#0j(xOM~Y8z0ZKS>^^*-73DG(CYVk=y{SR0 z%AhlfjHK0($V7Og;nBUJ&BMd2?XhtevfEzl=ivAPBS${jS6L*9CR{v0q1k&=3Mn_x=O>u>=5w$}x>zVEkj4bS4Y`2v z`=z8(>E$aF9~*ZtHr3bPZr|5$s@iz|_l5{DWzVMQRz{S-*QC3}B!p?#Yt;;t#10|lxf#awGM=Ir4 zn$txcMHvl;DCTZgZ04sAJsy#`Zs9HZ$_@;%!dEzseJiZ6z2qsRSkSVpM4F7pV7Qgx4a(P<8jl$}^&2<~;{ePo?oMN--O8iPLA#lDQOn$P$CGqaC_BZ6@qAro9> z5J2GQhB?1EYa^yeh;np-(sg^`UA>#F)BS~XdKQ){(DIlR4b|As2X&2{hfAV-38RjOLg!Q;r=W`>2OYTH<;!*&U zY@4CNT(=J6K33LnMpd|-D<&7}snFK-`Z`PV+45zoo{H5WZKo&JdO<*~KkIk)+?VBKzkh*`m{ zYx)lB7|fh>_>|Q}W$3DYGe0V5IQQ!cXGci3usvtJ=h{xk8l&aP&2)nTyX(!U!=ioB zT>pT;L|66A5zUP6r1UB^4LOl1+{dSrc%agKT+Krhn~+fHv+k}GTJ-WIbI&NIt$yqC zmC^d#$ZnnU4czPqeYPRHLp(C$Sv#)=+3ob~wM_r60&AHcs7U`Y-P?C>$6P%R05kzc zl?B-Ka_Oz{;Ldvs%rR}32U)y=k#Oj1e$FElcJDN>8 zD%^>Ii*VN|6SD+$rP7g8XQ4RMP*}FqZrEVs_j>Qk<&ku~A(JmVT4i+v^yn!I`Y-7T z9YB09r>t+snby9;*La&zZ=(YeE7qsUvSZ zof%54c80nTPAFWr22rV3BO z4^y&Acrn_wq9C-rU%TYV3szacL71;V~3& z=H|VUV$Y5{sNT9yznA>D{ot|hq6@!&^PJzS&EL}u$g$~bsiF+{*wBHhh>=+QArNqc z1A9?=&VxWM%DbkmLKJtMoSh~AXkFoQs80M-6;)}sIJrk7t?XQ>IEE=q`}RHibCN_Z zU-w|R3(R6Jz>N=FQX$TCqX0=eujuUy*)+T?y_V@SjUmg$T>9a|H@8+& zJhg9DB9Zm41Fym?gU5k;v0&*riF28+S4m=jB;^A(cEIOuhD|e~S=q9X` zfRZc~{mK&zC7opZ{_(wPte$t!7H^kwOqL4I6M+JG%J7mr0>O>CLAve5XsP7WiFI7z z*!{?4So>*$(O46$?0x3rPg;UHjA%oZ?oPiam4m-q)S0GNs9NDuoR_DPrf+U$_8hKv zN}2x}@9nu%%(MB+FP>YY!qHG?qW=Sd(BHyUxP##5IzGZ&OwWnjv?p2ugOBuZGfp>> z`CC427#X>ZA(hB_omn~M(UXBLRU3fy!6p)k?tD6Q=3`^ycuVIQ7SvKvPwlL%rta<8 zUojZm0w|H^eDfMc>s+%`m_{2(*GfmG^a@VBjINvzJZjZsl4*w4y2{~uKgHx^kMQIDlDY*YtMM| zY41h$?Y&k+ih)l4#;>FOWRpxC1K)zS*T)#i+=aF)M|}mP<<=V(V#qIxQVTPi9pRynO*1 z5T%umq}N-nd<0VkU0A)|lg^+(9N3<->g;+W)a zilPlBmGo9Tx~^s-<9%Ve>bSZ--BqJfAm!J-FEzVymJiZl9!Ctf49%0^{pE#KwCwb$0uKDLC z(vkk~vYouQnJ+~fYeg@WN>XjS-X&R5Nw+AVmVCkneq^9Lk9S7~Lc+s`anB4-Y*nysPquzrQFAfnXHCEq2Ul8N00SG_#@?8+#Ns51w-T-zmm<8>guMZ5+VgU~;sasUbXxvU*-p0+S7 zsAZ5)LK?s0JB8WZ8;}|eF&}cIVax(je>3O#Pd2nA1}RfPs8$u-q0atdv7sEvgYOr zl2nBBWod?B9vU1BPLp>MUCNrXe-76-w(mxVZTu;x;`hYrQeO}d5?cHFe&XFzp@?p; z!Wr8FddU<_1JG8NX_^45)X<2i{`ut9otJWi#~`VxAUoHf5~8<38nP-wUob-@fgl|1;_T(^8E5|LI#g~Gt0e$0_g{M|GHljf{dx_z z2?ZhBA)bA`>zpnPPn6>yb^cv`n;z_9SrtV%26s(x#oa%#%F|(D;{1RZ26FZ4!F7w~ zra`zw#B))A8~dki>PKf~=;D$wjF|0f+tXqwtibAV2nCK z{k80y#E-yQt_12wCmpw)B5I=u1c0)@WOi^^1nku}(jy_n$==;C&`RDlslin3 z*{ICvV_|Lm(tGvBpDm>For_@0fAq!0Q8XjO+pO7aY=%IfUifS@ zpRJG1Oizcjn00PlP|1tW`GLMw^3;3z02@n7}01&WxRR__Jjg8=wUpFD< zQqr!jskx0SKt4@aY%&1PM$waOuRvJ(@WXx=T1X+gOP z_^bLVcON+c!!Arlm>6K$sDLgHQRqb+n5+R}P{~82#VnE_=YCbdTojBWP^_#RQI{Y_ zQnW%EtUs6oaE^QR^GHbC!k81RDk0QOHJl8<9G=gO4KP z@z^xk?o)D?6nAg=(t9-)TqwMc>;Cpt3|;S*Q`w8i5#nA}En z0Bgh#g4IiuJim6?ob^v+w(NI%h3Vqiw_?>|0REvKG=0?^&|%?PbRpM3w=BgO?6=l8 zZ$wMByMqk}Qpkbq62|;CPc^0cRD#n0fh(W)_UqTLkriPtO@B38?Nh};t{*1SR9AK# zqYG$eRiPm~{ng~Wm;ORFT*v7I&q^Z~1B0)tu}^#0kBNx^>Q_8r$tmrX^+VvC0taRd z$?Qhh^mLVC=VRDtcI97$d2EQ-xeP7j9L0U^S*?Or&fClDb@?o5=GpQ)+#49D5(DQF z5^iDEAnm=9D&uoth)YDo5ebdJ)zO&)d0YpaWW4#`1>Jrxq(5@v+BCJ0$42R{47%WqD3yag+N=;&FH z8OX@U=qEZrp3G`V#*hvtExq?iupS|RIaabK>vx0UZi^RM9<<-7?Yza)lhG9@$v&0p z#h{#LNoIs0wYAbx z*R_Qca7X|3U3*Y|eq{21JPqy3({gk_&yh2{C1&@)S_Lj`-i|ngv3lBySeh*H`Bh}2 zz??$W_Ao9kPZ>}sOhN9s6@0)N32&J@!u;%V4M=}X=G~%6YJ9OT@_4SBnTaBvaNhP< zxToYNu5&Meb>a%aLd8p2NeQgjUH`a$4p$Re8gn9xW+JZl&=o1+=qAE-`ksV z`euO_&&iYS_zasQ+2R4;xxquvy&Mp(0yOuMW^TfsvxMSB6eg8NJp+~>jrx#TWc zSlMcI2G3a0rb$YVF1oK|{_8Yj0Ca&!|hejFM(%(=U?YhVbA-fL`-1E4lN@p zy?ZoD{Yu`u{-ndf4DS;Ch4GT=j~V1;dU$vY4h=oqMGT4M*{x9)-)qU+JGT|%-aNG& zZ6BVOmj|UKMm;x8Ozy}XgL5W``rNd*>{#qnJ5;se_o&OysX6_X+U1=1kPDoB?BBL= za~wcmew6$e_#&Pt>nAgw_8Lk;LqkJ(`8(A=^_7*au=iE69WiK!)%>7|2L>bP6d*>6 zbF(tPaRaGpP8Fp`b5eSD1}$uDu4Bns7{d+JPKbT#`}e%{3J))@w-(QVPHv=?Xd*T! zO_f}}hAS0ZUN3Ao$d^|pkmTlvG|md{j^c?_5guA&-iD1KhiI<)w%zv~2xBQnY)g5A zC7H~3%*Hz{(eEJ0xyWZT-=I9KSY_TNv?qyYz95$+l5?Fc!RNRZ-J~2Tw1fRf|3bF; zFdZ~!6#^-ZInU{RYm`X{6u;%T?oVfT3%@lkx7MzFAoOAFvygz}e z05-AGo=e|}7BGu@UR+dCzkE3{N1@j8mrx8(bSn*#LO?L#ZlG6(?mvi@b4!yy@<(G$ z0XIUGa8S&oX96|!8YReGzn<+yMiUGu>XNqhqM_nn;1A8sO76mc@V;2I_uf;$0X%qT z5z7YzBch^he|S|%ej0~Wx{JOpjlSA1+EmNYIDaxxSN>zqcK9>U=Fg3L%}%n{KU20y zyGu*pN^r3an@yiQwK!vTH{`tYhO8ZBsoM_W?K^Q&lKSGhPY1tejtzW-!5tn)Meg;6 zyE}-eBYkoX&NsLsKN^m<8aBF7baxM7?0t7*!_7x^8g`8J!z@*XTZYni+=CYFo~1_x zDttw?@8)*(?+2JNLctBLdbq^;c(@2?BB-$o9}XZyDtx~PGzq#Qi_`=e%JSFb!eVS! z-`gg%Tc~iRU&=rRV7tzZ*xDDejAvO694OE&*zae9rOUvlW}QtVLwe}&+L|zDl3ET+ zP;)sy08)gsoTX+E2X*%7ioCa;BE0Z1NbeK;1~bu+FlItxQc}JIlqx#;zkjXm8X6p= zVm)~TL14?8_qi=zB_{r6gGOM*{M7nQU-r!{@$9>#kK^uhe~+g7sT^vt{?vXT6cQ03gU#?cShJhy%rHNR@VU;>7gYq|h;J*km60z? z*)7!Fjm|bjiITkZIP&`t+N!KWGCxYa(cz&y%?or3YFeF?pu-1CZ z&Cg-)^>e%Ti3UkQ33L|3a3SoNJ_~;#=USzN#RUwn(StW7bd4%_yV~d~?K6o<5c$u zT5Mcccc~)h6RU6*_X&7Kl}|g(^7Rc25WTa}*`R&DNGnQDy0X^&=@W{i{^Z^6Me@C& z^FU}YROLV$3EBi2O$@U2X`#O#*O+i<#OH1?TSR|Z$N>&lk6KP|M;kk)06N-X4K-|6 z*&@tb3@~aO3@95-@zy<)IhTY$tVVrV-V+ywTByk70iW28yx+=nNOsIgzp-vJKr5@G z`BT(!vn8;M1i2r-@46l0pnO-;UVcSC;^Iet*NgeT{_(rDUAca9wvoyC-tYbx%h36L z>2?s_VEwZ|S@eq|%%}2;*B@^I;t z2ZoQ@6=hZs#2`F;cBpI$w4uc4vdAB*m9Fx+HYCSCKD_)n z{AqrEdq)SF8$GM(Jlz6VTf%sYQ_|~cFt>AE@=iikuUyr|i^E?K4!^6$ql|d)y-c>aO2>6`6*p~L7_8;|V4bhRwkM#$%@;E; zFZfTte3`dTu9&g6S6JW&B`Y(#1*?zQuVca_P8ihTWW8cwP?#CYa~=ped|0E&k1TN| zE~i~d44L0iOXup|V(2K&DJ#6PZ=dL) zW52Fs9DDU=T9PslV;efv8a8{?AS#v*2l8iO+gSOMI^mr(++uV{d*Fz5N6w$T_(a*= zu0BAp zd=;aRb7G}I@1-}rtt!EEvTR}urFQg+3#2V7vI>N}r%$s4KuVr^;}pQ_XWs2b{kYqM zPR8V#g@fZ!8TzzXtmwS>ZR0c`4BW*%*l?)YvaC+;4Cpym{&x!!97&MoLzP^L;y8Tt zuQUbD|E7{37<2WD@VXO^%PuZ1(Bd@nfdisUeNnV(twzUgk&1c07u)M(`kaiCfNOpi zz?txHb3d5hSLEabvCkhC6dZyJ89G0}%U^#B{8U=^TPa#O!Ob^lvlu$Pq{X-oQds~3 z96-%M0@+s4X2Q3qQ9dYs)!3MWmDO%U%4tpf+vE{-#X?Ye4%ej2gOe(t-fMqN3=FPF z&XQuCt8-_4{Suxm_j3K(sdBj0^8oA8etckQ+_VBLN1*o5+*5Ri=x zmKg}v$r>suh)uDyjX(1sgnsYAhq-%BALMG2NKN_ak9!dV6UMX8*4KG>cp%ooU3rQ9 zxR9V=mB%7*1>J!&P83?k(r*t7C0ANfi&|Y$B-EcPxfmNA?Tq0aV1P&?{W}*;k0lD< zXJT#CF-kG%9L?)-_~`WSl8H;yruWem-$N8;IB4cNPp*Eu?;%=J-5vP&5q!ZwBfTFI zBIkA(9W08|sDmf(az({8g1>SMlKYQDLmVxwdi~NYo71AAA0T!$8i;H#t)}{9OMymw z!H+YBW1H$t@x42aWc8pX@cT#-8jAjTAY&XZGgk$g2kxKxk+kVOHxU_pWQ?xU(?5B9 z3^NV9=AiN+`UM?KwtYF3yMnk;XlA3wOq`vcuDpHvH*jpgFCwZFtz86%bhUNQ!7P%qb|9{L zu=|tvGqEn19b=w98?I=EZUBZED*a>lPJsB=b5sF6HZ&YTQD6HLRG4?H;%4{(xRyG^6~_-{%SJZk$VhJzLih_zQ1P&XfKiD zSE&u0dqsWi`gLBATIug{(G4Ylgai)wqt9}Gs!(=dh*kdVnYJ|OO6MLNn3$d(3}V2S z!>ned7*72aZw;F8he=8898kN7=&1W)%7{B)6TVy`Us7O#EoIIT&|rG(Gx<@Chx8QW z$P(68g#91I^DCHjz;g-nS>qasQ1s_2pFF~tsjxzSGg2s`JW~wD+@!xH>sV4jg zhUA>(rKQteOb!7_Ni4m}6`eh1ipai2DlXIOMr_l%Z%}cjA2;9mDmU?=j){q^MOzds za%&>e?4EI-5EFBCbDJaOXU6+6WkP!_6iiQoFo_@5u4ZvD*ecNN=dw`sJ3?9zMiaT~0ujU3Keo0|H!IT63U zoy(-v$=q!4cvIFSAwD`0MYzG}3caYPILDJ|B4N}i9!C7(MThwLa{;V^WP@@LUp4Bv zc~3WcisSehy$w!PBdBbV7PX&|@%BtRahCGyuYJa0$Ugyk%-?`bs@A zgPQ6Zwk@PuWzU~?bavv|RbnzYRcs582Y)u%biy|l;AwN_0flDfiV4%!4$P6@!~>$$ zG#F{u&;1;&lQnA&K?Ww;K0XU(Ha2?;i$0lU8?u3E2u~qWX=JWKfCDklp7Bqr=~F~Y ztGf}`0T}^?CD=$r72_8OeRl5Jg>gH(&pFVOU#aI%>j&al9FTH9vizx~B^%cVXo4R; z>>cW8ZB-VE_ww{4cFUj|`}`~x2rDQm0y9f565imH_Zlyy^AK15Y1&{~&PNiC9O>Ow zUogB{6~CG8NL?fv2+@a$&!70ozd_WjklWy#?^}8VBP)WIfk8NPBd{*~0rRKr^}6j8 zG-jx_(ua@a~9UMNR8^+|k zQ}%ce-5%RpTo@(spEm!*!VwuveXX@|!sW#~Iy7|dALs4qX=x+zPcciN30{trY5VF# z%xT=L{DSd|{`@;g0BbKOE-Wr$fnPI*>Oe|L3PiDu&u?(20axC^ip@=xv*!>U#figv zPCq=U^3d~F?J9(q<=73NIDx!<^vd%dge_V)1RDccdWj9vh&J`un6q8RJKdl82-?Q+)_({hAl#hnpb}cf2ul~` za#rvV}avOY+7-NB#x-{V)} zB_}uW6IYA>=Om-bF;H|9VyQ;od`?Npdbc|n5&+@4drVy1Vf)H8X3%@BlX2YsBrZcJ zsVVPTSAIFctPT?PDYgjs<|%7tt?TIP=K!+V8+x^Blhv_iamXsY)+43sIt2-rl+=3F zXtIFgTlGf~-fAvEwk&h2M8`4a|53hFBbo;Ncf#TJ;^h{K|bEZC;C+ zGoF84-8MAANsA~r;CwXP({mix`TNK681Ar3bqj0akOx`}%l^dl^zQqqvVOi87U98R z2?Df1_rosLBuu5=tF{l&*S>^zKxjd+zSzHeX005)fbr%Py6E@Mdz z2W7GKjT>Dx@UOvTwENz8)r?r;fV`L28hqOKa&poVa3G@ww)GK&?gv2K&FQ&nQ6yS| zhYF^Wn1NR4zs>L#v&o{%M18P3dc%nv=lM~0|WX+$C1~|)Y;F^j0cr6RR z^NiQ;JoBlcdw6s>s*+*<8L9-)5>5;P+!W9x<}f87iqiuPU?JPtJ^F#*aAXK?fhg?jnpWdfflWzI+LYO=f0q2E*Lj+bcs>=5Ox*Kt1dos3a5Y+m2aQgL9h&!h3fh-13q-5n zd_zGk7NOZ-H-WDkPQxug1)^caBIg-_MU&dg7zR2f>PaY4{Tz zd(xNRz>x9Nh%@?|O`0Z>dwKl+KOVT-mr^xW-nadp5VA0E1{du$@pL?G5Dt zhk|(MB+B?;X1L%JblQ0p06DM~Sh_4NE@Dq-3lw1CsGC|n_)_KC3LYYSUvNp#P*9jo zt(tveg4hs-Tz-DrklbU%;_Mas1~oP4w8T+0oFKn=e0va)W--7Ar-$Zd9#{kCUnS;i ziE*&7*jQSg^j@(C}vq40hjK&J9k09zP~0bCB3lb5um64rc?dBU4kZ2>RFh0%2j{;fF;;R+pDu zot(5Hr>3U(d3n$C#6W1Ar&@Eogcxvg_)>A3#dBl|VBZzAqS?ZT4kK^$+#6xR?`af6 u{!>%fk;-=cr_nSBp#Fbu&i@~OvAlh-#cVfKoJAS|uk&X$l!_Hh@BSZ&;jZWa literal 0 HcmV?d00001 diff --git a/v3.12.3/index-e19dceeb.svg b/v3.12.3/index-e19dceeb.svg new file mode 100644 index 00000000..9ba2f8a1 --- /dev/null +++ b/v3.12.3/index-e19dceeb.svg @@ -0,0 +1,52 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/index.html b/v3.12.3/index.html new file mode 100644 index 00000000..29072abd --- /dev/null +++ b/v3.12.3/index.html @@ -0,0 +1,129 @@ + +Home · LowLevelParticleFilters Documentation

LowLevelParticleFilters

CI codecov

This is a library for state estimation, that is, given measurements $y(t)$ from a dynamical system, estimate the state vector $x(t)$. Throughout, we assume dynamics on the form

\[\begin{aligned} +x(t+1) &= f(x(t), u(t), p, t, w(t))\\ +y(t) &= g(x(t), u(t), p, t, e(t)) +\end{aligned}\]

or the linear version

\[\begin{aligned} +x(t+1) &= Ax(t) + Bu(t) + w(t)\\ +y(t) &= Cx(t) + Du(t) + e(t) +\end{aligned}\]

where $x$ is the state vector, $u$ an input, $p$ some form of parameters, $t$ is the time and $w,e$ are disturbances (noise). Throughout the documentation, we often call the function $f$ dynamics and the function $g$ measurement.

The dynamics above describe a discrete-time system, i.e., the function $f$ takes the current state and produces the next state. This is in contrast to a continuous-time system, where $f$ takes the current state but produces the time derivative of the state. A continuous-time system can be discretized, described in detail in Discretization.

The parameters $p$ can be anything, or left out. You may write the dynamics functions such that they depend on $p$ and include parameters when you create a filter object. You may also override the parameters stored in the filter object when you call any function on the filter object. This behavior is modeled after the SciML ecosystem.

Depending on the nature of $f$ and $g$, the best method of estimating the state may vary. If $f,g$ are linear and the disturbances are additive and Gaussian, the KalmanFilter is an optimal state estimator. If any of the above assumptions fail to hold, we may need to resort to more advanced estimators. This package provides several filter types, outlined below.

Estimator types

We provide a number of filter types

  • KalmanFilter. A standard Kalman filter. Is restricted to linear dynamics (possibly time varying) and Gaussian noise.
  • SqKalmanFilter. A standard Kalman filter on square-root form (slightly slower but more numerically stable with ill-conditioned covariance).
  • ExtendedKalmanFilter: For nonlinear systems, the EKF runs a regular Kalman filter on linearized dynamics. Uses ForwardDiff.jl for linearization (or user provided). The noise model must still be Gaussian and additive.
  • UnscentedKalmanFilter: The Unscented Kalman filter often performs slightly better than the Extended Kalman filter but may be slightly more computationally expensive. The UKF handles nonlinear dynamics and measurement models, but still requires a Gaussian noise model (may be non additive) and still assumes that all posterior distributions are Gaussian, i.e., can not handle multi-modal posteriors.
  • ParticleFilter: The particle filter is a nonlinear estimator. This version of the particle filter is simple to use and assumes that both dynamics noise and measurement noise are additive. Particle filters handle multi-modal posteriors.
  • AdvancedParticleFilter: This filter gives you more flexibility, at the expense of having to define a few more functions. This filter does not require the noise to be additive and is thus the most flexible filter type.
  • AuxiliaryParticleFilter: This filter is identical to ParticleFilter, but uses a slightly different proposal mechanism for new particles.
  • IMM: (Currently considered experimental) The Interacting Multiple Models filter switches between multiple internal filters based on a hidden Markov model. This filter is useful when the system dynamics change over time and the change can be modeled as a discrete Markov chain, i.e., the system may switch between a small number of discrete "modes".

Functionality

This package provides

  • Filtering, estimating $x(t)$ given measurements up to and including time $t$. We call the filtered estimate $x(t|t)$ (read as $x$ at $t$ given $t$).
  • Smoothing, estimating $x(t)$ given data up to $T > t$, i.e., $x(t|T)$.
  • Parameter estimation.

All filters work in two distinct steps.

  1. The prediction step (predict!). During prediction, we use the dynamics model to form $x(t|t-1) = f(x(t-1), ...)$
  2. The correction step (correct!). In this step, we adjust the predicted state $x(t|t-1)$ using the measurement $y(t)$ to form $x(t|t)$.

(The IMM filter is an exception to the above and has two additional steps, combine! and interact!)

In general, all filters represent not only a point estimate of $x(t)$, but a representation of the complete posterior probability distribution over $x$ given all the data available up to time $t$. One major difference between different filter types is how they represent these probability distributions.

Particle filter

A particle filter represents the probability distribution over the state as a collection of samples, each sample is propagated through the dynamics function $f$ individually. When a measurement becomes available, the samples, called particles, are given a weight based on how likely the particle is given the measurement. Each particle can thus be seen as representing a hypothesis about the current state of the system. After a few time steps, most weights are inevitably going to be extremely small, a manifestation of the curse of dimensionality, and a resampling step is incorporated to refresh the particle distribution and focus the particles on areas of the state space with high posterior probability.

Defining a particle filter (ParticleFilter) is straightforward, one must define the distribution of the noise df in the dynamics function, dynamics(x,u,p,t) and the noise distribution dg in the measurement function measurement(x,u,p,t). Both of these noise sources are assumed to be additive, but can have any distribution (see AdvancedParticleFilter for non-additive noise). The distribution of the initial state estimate d0 must also be provided. In the example below, we use linear Gaussian dynamics so that we can easily compare both particle and Kalman filters. (If we have something close to linear Gaussian dynamics in practice, we should of course use a Kalman filter and not a particle filter.)

using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots

Define problem

nx = 2   # Dimension of state
+nu = 1   # Dimension of input
+ny = 1   # Dimension of measurements
+N = 500  # Number of particles
+
+const dg = MvNormal(ny,0.2)          # Measurement noise Distribution
+const df = MvNormal(nx,0.1)          # Dynamics noise Distribution
+const d0 = MvNormal(randn(nx),2.0)   # Initial state Distribution

Define linear state-space system (using StaticArrays for maximum performance)

const A = SA[0.97043   -0.097368
+             0.09736    0.970437]
+const B = SA[0.1; 0;;]
+const C = SA[0 1.0]

Next, we define the dynamics and measurement equations, they both take the signature (x,u,p,t) = (state, input, parameters, time)

dynamics(x,u,p,t) = A*x .+ B*u
+measurement(x,u,p,t) = C*x
+vecvec_to_mat(x) = copy(reduce(hcat, x)') # Helper function

the parameter p can be anything, and is often optional. If p is not provided when performing operations on filters, any p stored in the filter objects (if supported) is used. The default if none is provided and none is stored in the filter is p = LowLevelParticleFilters.NullParameters().

We are now ready to define and use a filter

pf = ParticleFilter(N, dynamics, measurement, df, dg, d0)
ParticleFilter{PFstate{StaticArraysCore.SVector{2, Float64}, Float64}, typeof(Main.dynamics), typeof(Main.measurement), Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}, Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}, Distributions.IsoNormal, DataType, Random.Xoshiro, LowLevelParticleFilters.NullParameters}
+  state: PFstate{StaticArraysCore.SVector{2, Float64}, Float64}
+  dynamics: dynamics (function of type typeof(Main.dynamics))
+  measurement: measurement (function of type typeof(Main.measurement))
+  dynamics_density: Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}
+  measurement_density: Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}
+  initial_density: Distributions.IsoNormal
+  resample_threshold: Float64 0.1
+  resampling_strategy: LowLevelParticleFilters.ResampleSystematic <: LowLevelParticleFilters.ResamplingStrategy
+  rng: Random.Xoshiro
+  p: LowLevelParticleFilters.NullParameters LowLevelParticleFilters.NullParameters()
+  threads: Bool false
+  Ts: Float64 1.0
+

With the filter in hand, we can simulate from its dynamics and query some properties

du = MvNormal(nu,1.0)         # Random input distribution for simulation
+xs,u,y = simulate(pf,200,du) # We can simulate the model that the pf represents
+pf(u[1], y[1])               # Perform one filtering step using input u and measurement y
+particles(pf)                # Query the filter for particles, try weights(pf) or expweights(pf) as well
+x̂ = weighted_mean(pf)        # using the current state
2-element Vector{Float64}:
+ -0.0755112853969465
+ -0.18985543111315506

If you want to perform batch filtering using an existing trajectory consisting of vectors of inputs and measurements, try any of the functions forward_trajectory, mean_trajectory:

sol = forward_trajectory(pf, u, y) # Filter whole trajectories at once
+x̂,ll = mean_trajectory(pf, u, y)
+plot(sol, xreal=xs, markersize=2)
Example block output

u ad y are then assumed to be vectors of vectors. StaticArrays is recommended for maximum performance.

If MonteCarloMeasurements.jl is loaded, you may transform the output particles to Matrix{MonteCarloMeasurements.Particles} with the layout T × n_state using Particles(x,we). Internally, the particles are then resampled such that they all have unit weight. This is conventient for making use of the plotting facilities of MonteCarloMeasurements.jl.

For a full usage example, see the benchmark section below or example_lineargaussian.jl

Resampling

The particle filter will perform a resampling step whenever the distribution of the weights has become degenerate. The resampling is triggered when the effective number of samples is smaller than pf.resample_threshold $\in [0, 1]$, this value can be set when constructing the filter. How the resampling is done is governed by pf.resampling_strategy, we currently provide ResampleSystematic <: ResamplingStrategy as the only implemented strategy. See https://en.wikipedia.org/wiki/Particle_filter for more info.

Particle Smoothing

Smoothing is the process of finding the best state estimate given both past and future data. Smoothing is thus only possible in an offline setting. This package provides a particle smoother, based on forward filtering, backward simulation (FFBS), example usage follows:

N     = 2000 # Number of particles
+T     = 80   # Number of time steps
+M     = 100  # Number of smoothed backwards trajectories
+pf    = ParticleFilter(N, dynamics, measurement, df, dg, d0)
+du    = MvNormal(nu,1)     # Control input distribution
+x,u,y = simulate(pf,T,du) # Simulate trajectory using the model in the filter
+tosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy
+x,u,y = tosvec.((x,u,y)) # It's good for performance to use StaticArrays to the extent possible
+
+xb,ll = smooth(pf, M, u, y) # Sample smoothing particles
+xbm   = smoothed_mean(xb)   # Calculate the mean of smoothing trajectories
+xbc   = smoothed_cov(xb)    # And covariance
+xbt   = smoothed_trajs(xb)  # Get smoothing trajectories
+xbs   = [diag(xbc) for xbc in xbc] |> vecvec_to_mat .|> sqrt
+plot(xbm', ribbon=2xbs, lab="PF smooth")
+plot!(vecvec_to_mat(x), l=:dash, lab="True")
Example block output

We can plot the particles themselves as well

downsample = 5
+plot(vecvec_to_mat(x), l=(4,), layout=(2,1), show=false)
+scatter!(xbt[1, 1:downsample:end, :]', subplot=1, show=false, m=(1,:black, 0.5), lab="")
+scatter!(xbt[2, 1:downsample:end, :]', subplot=2, m=(1,:black, 0.5), lab="")
Example block output

Kalman filter

The KalmanFilter (wiki) assumes that $f$ and $g$ are linear functions, i.e., that they can be written on the form

\[\begin{aligned} +x(t+1) &= Ax(t) + Bu(t) + w(t)\\ +y(t) &= Cx(t) + Du(t) + e(t) +\end{aligned}\]

for some matrices $A,B,C,D$ where $w \sim N(0, R_1)$ and $e \sim N(0, R_2)$ are zero mean and Gaussian. The Kalman filter represents the posterior distributions over $x$ by the mean and a covariance matrix. The magic behind the Kalman filter is that linear transformations of Gaussian distributions remain Gaussian, and we thus have a very efficient way of representing them.

A Kalman filter is easily created using the constructor KalmanFilter. Many of the functions defined for particle filters, are defined also for Kalman filters, e.g.:

R1 = cov(df)
+R2 = cov(dg)
+kf = KalmanFilter(A, B, C, 0, R1, R2, d0)
+sol = forward_trajectory(kf, u, y) # sol contains filtered state, predictions, pred cov, filter cov, loglik

It can also be called in a loop like the pf above

for t = 1:T
+    kf(u,y) # Performs both correct! and predict!
+    # alternatively
+    ll, e = correct!(kf, y, nothing, t) # Returns loglikelihood and prediction error (plus other things if you want)
+    x     = state(kf)       # Access the state estimate
+    R     = covariance(kf)  # Access the covariance of the estimate
+    predict!(kf, u, nothing, t)
+end

The matrices in the Kalman filter may be time varying, such that A[:, :, t] is $A(t)$. They may also be provided as functions on the form $A(t) = A(x, u, p, t)$. This works for both dynamics and covariance matrices.

The numeric type used in the Kalman filter is determined from the mean of the initial state distribution, so make sure that this has the correct type if you intend to use, e.g., Float32 or ForwardDiff.Dual for automatic differentiation.

Smoothing using KF

Kalman filters can also be used for smoothing

kf = KalmanFilter(A, B, C, 0, cov(df), cov(dg), d0)
+xT,R,lls = smooth(kf, u, y) # Returns smoothed state, smoothed cov, loglik

Plot and compare PF and KF

plot(vecvec_to_mat(xT), lab="Kalman smooth", layout=2)
+plot!(xbm', lab="pf smooth")
+plot!(vecvec_to_mat(x), lab="true")
Example block output

Kalman filter tuning tutorial

The tutorial "How to tune a Kalman filter" details how to figure out appropriate covariance matrices for the Kalman filter, as well as how to add disturbance models to the system model.

Unscented Kalman Filter

The UnscentedKalmanFilter represents posterior distributions over $x$ as Gaussian distributions just like the KalmanFilter, but propagates them through a nonlinear function $f$ by a deterministic sampling of a small number of particles called sigma points (this is referred to as the unscented transform). This UKF thus handles nonlinear functions $f,g$, but only Gaussian disturbances and unimodal posteriors. The UKF will by default treat the noise as additive, but by using the augmented UKF form, non-additive noise may be handled as well. See the docstring of UnscentedKalmanFilter for more details.

The UKF takes the same arguments as a regular KalmanFilter, but the matrices defining the dynamics are replaced by two functions, dynamics and measurement, working in the same way as for the ParticleFilter above (unless the augmented form is used).

ukf = UnscentedKalmanFilter(dynamics, measurement, cov(df), cov(dg), MvNormal(SA[1.,1.]); nu=nu, ny=ny)
UnscentedKalmanFilter{false, false, false, false, typeof(Main.dynamics), UKFMeasurementModel{false, false, typeof(Main.measurement), Matrix{Float64}, typeof(-), typeof(LowLevelParticleFilters.safe_mean), typeof(LowLevelParticleFilters.safe_cov), typeof(LowLevelParticleFilters.cross_cov), LowLevelParticleFilters.SigmaPointCache{Vector{StaticArraysCore.SVector{2, Float64}}, Vector{StaticArraysCore.SVector{1, Float64}}}}, Matrix{Float64}, Distributions.MvNormal{Float64, PDMats.PDiagMat{Float64, StaticArraysCore.SVector{2, Float64}}, FillArrays.Zeros{Float64, 1, Tuple{Base.OneTo{Int64}}}}, LowLevelParticleFilters.SigmaPointCache{Vector{StaticArraysCore.SVector{2, Float64}}, Vector{StaticArraysCore.SVector{2, Float64}}}, Vector{Float64}, Matrix{Float64}, LowLevelParticleFilters.NullParameters, Nothing, typeof(LowLevelParticleFilters.safe_mean), typeof(LowLevelParticleFilters.safe_cov), typeof(LinearAlgebra.cholesky!)}(Main.dynamics, UKFMeasurementModel{false, false, typeof(Main.measurement), Matrix{Float64}, typeof(-), typeof(LowLevelParticleFilters.safe_mean), typeof(LowLevelParticleFilters.safe_cov), typeof(LowLevelParticleFilters.cross_cov), LowLevelParticleFilters.SigmaPointCache{Vector{StaticArraysCore.SVector{2, Float64}}, Vector{StaticArraysCore.SVector{1, Float64}}}}(Main.measurement, [0.04000000000000001;;], 1, 0, -, LowLevelParticleFilters.safe_mean, LowLevelParticleFilters.safe_cov, LowLevelParticleFilters.cross_cov, LowLevelParticleFilters.SigmaPointCache{Vector{StaticArraysCore.SVector{2, Float64}}, Vector{StaticArraysCore.SVector{1, Float64}}}(StaticArraysCore.SVector{2, Float64}[[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], StaticArraysCore.SVector{1, Float64}[[0.0], [0.0], [0.0], [0.0], [0.0]])), [0.010000000000000002 0.0; 0.0 0.010000000000000002], Distributions.MvNormal{Float64, PDMats.PDiagMat{Float64, StaticArraysCore.SVector{2, Float64}}, FillArrays.Zeros{Float64, 1, Tuple{Base.OneTo{Int64}}}}(
+dim: 2
+μ: Zeros(2)
+Σ: [1.0 0.0; 0.0 1.0]
+)
+, LowLevelParticleFilters.SigmaPointCache{Vector{StaticArraysCore.SVector{2, Float64}}, Vector{StaticArraysCore.SVector{2, Float64}}}(StaticArraysCore.SVector{2, Float64}[[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]], StaticArraysCore.SVector{2, Float64}[[0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0], [0.0, 0.0]]), [0.0, 0.0], [1.0 0.0; 0.0 1.0], 0, 1.0, 1, 1, LowLevelParticleFilters.NullParameters(), nothing, LowLevelParticleFilters.safe_mean, LowLevelParticleFilters.safe_cov, LinearAlgebra.cholesky!)
Info

If your function dynamics describes a continuous-time ODE, do not forget to discretize it before passing it to the UKF. See Discretization for more information.

The UnscentedKalmanFilter has many customization options, see the docstring for more details. In particular, the UKF may be created with a linear measurement model as an optimization.

Extended Kalman Filter

The ExtendedKalmanFilter (EKF) is similar to the UKF, but propagates Gaussian distributions by linearizing the dynamics and using the formulas for linear systems similar to the standard Kalman filter. This can be slightly faster than the UKF (not always), but also less accurate for strongly nonlinear systems. The linearization is performed automatically using ForwardDiff.jl unless the user provides Jacobian functions that compute $A$ and $C$. In general, the UKF is recommended over the EKF unless the EKF is faster and computational performance is the top priority.

The EKF constructor has the following two signatures

ExtendedKalmanFilter(dynamics, measurement, R1, R2, d0=MvNormal(R1); nu::Int, p = LowLevelParticleFilters.NullParameters(), α = 1.0, check = true, Ajac = nothing, Cjac = nothing)
+ExtendedKalmanFilter(kf, dynamics, measurement; Ajac = nothing, Cjac = nothing)

The first constructor takes all the arguments required to initialize the extended Kalman filter, while the second one takes an already defined standard Kalman filter. using the first constructor, the user must provide the number of inputs to the system, nu.

where kf is a standard KalmanFilter from which the covariance properties are taken.

Info

If your function dynamics describes a continuous-time ODE, do not forget to discretize it before passing it to the UKF. See Discretization for more information.

AdvancedParticleFilter

The AdvancedParticleFilter works very much like the ParticleFilter, but admits more flexibility in its noise models.

The AdvancedParticleFilter type requires you to implement the same functions as the regular ParticleFilter, but in this case you also need to handle sampling from the noise distributions yourself. The function dynamics must have a method signature like below. It must provide one method that accepts state vector, control vector, parameter, time and noise::Bool that indicates whether or not to add noise to the state. If noise should be added, this should be done inside dynamics An example is given below

using Random
+const rng = Random.Xoshiro()
+function dynamics(x, u, p, t, noise=false) # It's important that `noise` defaults to false
+    x = A*x .+ B*u # A simple linear dynamics model in discrete time
+    if noise
+        x += rand(rng, df) # it's faster to supply your own rng
+    end
+    x
+end

The measurement_likelihood function must have a method accepting state, input, measurement, parameter and time, and returning the log-likelihood of the measurement given the state, a simple example below:

function measurement_likelihood(x, u, y, p, t)
+    logpdf(dg, C*x-y) # An example of a simple linear measurement model with normal additive noise
+end

This gives you very high flexibility. The noise model in either function can, for instance, be a function of the state, something that is not possible for the simple ParticleFilter. To be able to simulate the AdvancedParticleFilter like we did with the simple filter above, the measurement method with the signature measurement(x,u,p,t,noise=false) must be available and return a sample measurement given state (and possibly time). For our example measurement model above, this would look like this

# This function is only required for simulation
+measurement(x, u, p, t, noise=false) = C*x + noise*rand(rng, dg)

We now create the AdvancedParticleFilter and use it in the same way as the other filters:

apf = AdvancedParticleFilter(N, dynamics, measurement, measurement_likelihood, df, d0)
+sol = forward_trajectory(apf, u, y, ny) # Perform batch filtering
ParticleFilteringSolution{AdvancedParticleFilter{PFstate{StaticArraysCore.SVector{2, Float64}, Float64}, typeof(Main.dynamics), typeof(Main.measurement), typeof(Main.measurement_likelihood), Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}, Distributions.IsoNormal, DataType, Random.Xoshiro, LowLevelParticleFilters.NullParameters}, Vector{StaticArraysCore.SVector{1, Float64}}, Vector{StaticArraysCore.SVector{1, Float64}}, Matrix{StaticArraysCore.SVector{2, Float64}}, Matrix{Float64}, Matrix{Float64}, Float64}(AdvancedParticleFilter{PFstate{StaticArraysCore.SVector{2, Float64}, Float64}, typeof(Main.dynamics), typeof(Main.measurement), typeof(Main.measurement_likelihood), Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}, Distributions.IsoNormal, DataType, Random.Xoshiro, LowLevelParticleFilters.NullParameters}
+  state: PFstate{StaticArraysCore.SVector{2, Float64}, Float64}
+  dynamics: dynamics (function of type typeof(Main.dynamics))
+  measurement: measurement (function of type typeof(Main.measurement))
+  measurement_likelihood: measurement_likelihood (function of type typeof(Main.measurement_likelihood))
+  dynamics_density: Distributions.ZeroMeanIsoNormal{Tuple{Base.OneTo{Int64}}}
+  initial_density: Distributions.IsoNormal
+  resample_threshold: Float64 0.5
+  resampling_strategy: LowLevelParticleFilters.ResampleSystematic <: LowLevelParticleFilters.ResamplingStrategy
+  rng: Random.Xoshiro
+  p: LowLevelParticleFilters.NullParameters LowLevelParticleFilters.NullParameters()
+  threads: Bool false
+  Ts: Float64 1.0
+, StaticArraysCore.SVector{1, Float64}[[-0.36760465186560454], [0.2610360791501557], [-0.14025657421282536], [1.021039288329045], [0.24231240376406285], [-0.45127892754891835], [-0.3680669497405194], [0.7296076481683886], [1.8227795488942806], [-0.6165179242577173]  …  [-0.3196523941890061], [1.647811838294087], [2.2856369831616514], [1.9520878409962703], [-0.49818996628837353], [-0.4858789299822478], [2.4776391319996725], [1.2986635169117187], [-0.6898361546040195], [-1.5812595201552577]], StaticArraysCore.SVector{1, Float64}[[-0.17291311138147836], [-0.17078198268360928], [-0.016807954215372685], [0.16865612155111984], [-0.4578238432646786], [0.3082616887520184], [0.09146709696928511], [-0.1892980366461109], [0.06962279285190669], [0.28136022045378567]  …  [0.8562035034255762], [0.5057965220960559], [0.4588229822986169], [0.4930460472890044], [0.26124319727817075], [-0.01793794946321764], [0.5479396660927862], [0.38888921972743085], [0.7808401345244972], [0.6896564363157827]], StaticArraysCore.SVector{2, Float64}[[0.19469120711559784, -0.6882466101224325] [-0.9543080376672683, 0.03617481045331411] … [0.08625936032404347, 0.3126374178101856] [0.5097851826840722, 0.5274900701930858]; [1.4694748882539674, 0.8541022231264515] [2.118318929410887, 0.19749606526550662] … [0.5916460228071517, 0.3842244395535429] [-0.04272291070509053, 0.5081398172707049]; … ; [1.4891231622594312, 2.032890502137377] [-2.157693008100583, -0.5276357541725223] … [0.8670811336574319, 0.5188791245188776] [0.8250850164912898, 0.4920811076779563]; [-1.6841376651820785, -3.8285227996902753] [-2.1619434540066025, -0.555817752850289] … [0.8622758756907233, 0.43891247576169623] [0.529003364340642, 0.4759399431882674]], [-8.677827376088274 -7.529164626203818 … -8.552929875937883 -7.447162547178668; -18.542725905961298 -8.689134705899967 … -7.779057695420773 -7.530291955780109; … ; -66.17783945719137 -8.585583376208096 … -6.670552211244164 -7.606388549489974; -172.40174710524505 -8.846932502232928 … -7.274189124542241 -7.689372661344702], [0.00017032070875251947 0.000537186821093889 … 0.00019297886632961282 0.0005830937681855768; 8.851083943267644e-9 0.00016840568363903552 … 0.00041840625504005805 0.0005365815757220791; … ; 1.8168936181675832e-29 0.00018677920209147963 … 0.0012676985203102747 0.0004972644655809797; 1.3392836337166474e-75 0.0001438222347007188 … 0.0006932019933553252 0.0004576651927625608], -11.775372629411233)
plot(sol, xreal=x)
Example block output

We can even use this type as an AuxiliaryParticleFilter

apfa = AuxiliaryParticleFilter(apf)
+sol = forward_trajectory(apfa, u, y, ny)
+plot(sol, dim=1, xreal=x) # Same as above, but only plots a single dimension
Example block output

See the tutorials section for more advanced examples, including state estimation for DAE (Differential-Algebraic Equation) systems.

Troubleshooting and tuning

Tuning a particle filter can be quite the challenge. To assist with this, we provide som visualization tools

debugplot(pf,u[1:20],y[1:20], runall=true, xreal=x[1:20])
Time     Surviving    Effective nbr of particles
+--------------------------------------------------------------
+t:     1   1.000    2000.0
+t:     2   1.000     280.0
+t:     3   0.150    2000.0
+t:     4   1.000    1294.6
+t:     5   1.000     781.2
+t:     6   1.000     309.4
+t:     7   1.000     253.0
+t:     8   0.233    2000.0
+t:     9   1.000    1038.7
+t:    10   1.000     948.0
+t:    11   1.000     759.3
+t:    12   1.000     606.2
+t:    13   1.000     510.8
+t:    14   1.000     422.3
+t:    15   1.000     341.1
+t:    16   1.000     252.0
+t:    17   1.000     213.7
+t:    18   0.212    2000.0
+t:    19   1.000    1468.2
+t:    20   1.000    1218.4

The plot displays all state variables and all measurements. The heatmap in the background represents the weighted particle distributions per time step. For the measurement sequences, the heatmap represent the distributions of predicted measurements. The blue dots corresponds to measured values. In this case, we simulated the data and we had access to the state as well, if we do not have that, just omit xreal. You can also manually step through the time-series using

  • commandplot(pf,u,y; kwargs...)

For options to the debug plots, see ?pplot.

Tuning noise parameters through optimization

See examples in Parameter Estimation.

Tuning through simulation

It is possible to sample from the Bayesian model implied by a filter and its parameters by calling the function simulate. A simple tuning strategy is to adjust the noise parameters such that a simulation looks "similar" to the data, i.e., the data must not be too unlikely under the model.

Videos

Several video tutorials using this package are available in the playlists

Some examples featuring this package in particular are


Using an optimizer to optimize the likelihood of an UnscentedKalmanFilter:


Estimation of time-varying parameters:


Adaptive control by means of estimation of time-varying parameters:

diff --git a/v3.12.3/measurement_models/index.html b/v3.12.3/measurement_models/index.html new file mode 100644 index 00000000..4def209d --- /dev/null +++ b/v3.12.3/measurement_models/index.html @@ -0,0 +1,86 @@ + +Multiple measurement models · LowLevelParticleFilters Documentation

Measurement models

The Kalman-type filters

each come with their own built-in measurement model, e.g., the standard KalmanFilter uses the linear measurement model $y = Cx + Du + e$, while the ExtendedKalmanFilter and UnscentedKalmanFilter use the nonlinear measurement model $y = h(x,u,p,t) + e$ or $y = h(x,u,p,t,e)$. For covariance propagation, the ExtendedKalmanFilter uses linearization to approximate the nonlinear measurement model, while the UnscentedKalmanFilter uses the unscented transform.

It is sometimes useful to mix and match dynamics and measurement models. For example, using the unscented transform from the UKF for the dynamics update (predict!), but the linear measurement model from the standard KalmanFilter for the measurement update (correct!) if the measurement model is linear.

This is possible by constructing a filter with an explicitly created measurement model. The available measurement models are

Constructing a filter with a custom measurement model

Constructing a Kalman-type filter automatically creates a measurement model of the corresponding type, given the functions/matrices passed to the filter constructor. To construct a filter with a non-standard measurement model, e.g., and UKF with a KF measurement model, manually create the desired measurement model and pass it as the second argument to the constructor. For example, to construct an UKF with a linear measurement model, we do

using LowLevelParticleFilters, LinearAlgebra
+nx = 100    # Dimension of state
+nu = 2      # Dimension of input
+ny = 90     # Dimension of measurements
+
+# Define linear state-space system
+const __A = 0.1*randn(nx, nx)
+const __B = randn(nx, nu)
+const __C = randn(ny,nx)
+function dynamics_ip(dx,x,u,p,t)
+    # __A*x .+ __B*u
+    mul!(dx, __A, x)
+    mul!(dx, __B, u, 1.0, 1.0)
+    nothing
+end
+function measurement_ip(y,x,u,p,t)
+    # __C*x
+    mul!(y, __C, x)
+    nothing
+end
+
+R1 = I(nx)
+R2 = I(ny)
+
+mm_kf = LinearMeasurementModel(__C, 0, R2; nx, ny)
+ukf = UnscentedKalmanFilter(dynamics_ip, mm_kf, R1; ny, nu)
UnscentedKalmanFilter{true, false, false, false, typeof(Main.dynamics_ip), LinearMeasurementModel{Matrix{Float64}, Int64, LinearAlgebra.Diagonal{Bool, Vector{Bool}}, Nothing}, LinearAlgebra.Diagonal{Bool, Vector{Bool}}, LowLevelParticleFilters.SimpleMvNormal{Vector{Float64}, LinearAlgebra.Diagonal{Bool, Vector{Bool}}}, LowLevelParticleFilters.SigmaPointCache{Vector{Vector{Float64}}, Vector{Vector{Float64}}}, Vector{Float64}, Matrix{Float64}, LowLevelParticleFilters.NullParameters, Nothing, typeof(LowLevelParticleFilters.safe_mean), typeof(LowLevelParticleFilters.safe_cov), typeof(LinearAlgebra.cholesky!)}(Main.dynamics_ip, LinearMeasurementModel{Matrix{Float64}, Int64, LinearAlgebra.Diagonal{Bool, Vector{Bool}}, Nothing}([-0.10950153030006081 -0.22120307809861806 … 0.20010135153441314 -0.42766735369811804; -0.3827844477115408 1.001028415619809 … 1.5486320566028118 0.3098179389292912; … ; -0.8849843088253107 0.12077575817841417 … 0.24277296469513454 -0.831282921553209; -1.8013711638171828 0.5082716194323948 … -0.047315364888480614 -0.7804026651258626], 0, Bool[1 0 … 0 0; 0 1 … 0 0; … ; 0 0 … 1 0; 0 0 … 0 1], 90, nothing), Bool[1 0 … 0 0; 0 1 … 0 0; … ; 0 0 … 1 0; 0 0 … 0 1], LowLevelParticleFilters.SimpleMvNormal{Vector{Float64}, LinearAlgebra.Diagonal{Bool, Vector{Bool}}}([0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], Bool[1 0 … 0 0; 0 1 … 0 0; … ; 0 0 … 1 0; 0 0 … 0 1]), LowLevelParticleFilters.SigmaPointCache{Vector{Vector{Float64}}, Vector{Vector{Float64}}}([[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]  …  [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]], [[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]  …  [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]]), [0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0  …  0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0], [1.0 0.0 … 0.0 0.0; 0.0 1.0 … 0.0 0.0; … ; 0.0 0.0 … 1.0 0.0; 0.0 0.0 … 0.0 1.0], 0, 1.0, 90, 2, LowLevelParticleFilters.NullParameters(), nothing, LowLevelParticleFilters.safe_mean, LowLevelParticleFilters.safe_cov, LinearAlgebra.cholesky!)

When we create the filter with the custom measurement model, we do not pass the arguments that are associated with the measurement model to the filter constructor, i.e., we do not pass any measurement function, and not the measurement covariance matrix $R_2$.

Sensor fusion: Using several different measurement models

Above we constructed a filter with a custom measurement model, we can also pass a custom measurement model when we call correct!. This may be useful when, e.g., performing sensor fusion with sensors operating at different sample rates, or when parts of the measurement model are linear, and other parts are nonlinear.

The following example instantiates three different filters and three different measurement models. Each filter is updated with each measurement model, demonstrating that any combination of filter and measurement model can be used together.

using LowLevelParticleFilters, LinearAlgebra
+nx = 10    # Dimension of state
+nu = 2     # Dimension of input
+ny = 9     # Dimension of measurements
+
+# Define linear state-space system
+const __A = 0.1*randn(nx, nx)
+const __B = randn(nx, nu)
+const __C = randn(ny,nx)
+function dynamics_ip(dx,x,u,p,t)
+    # __A*x .+ __B*u
+    mul!(dx, __A, x)
+    mul!(dx, __B, u, 1.0, 1.0)
+    nothing
+end
+function measurement_ip(y,x,u,p,t)
+    # __C*x
+    mul!(y, __C, x)
+    nothing
+end
+
+R1 = I(nx) # Covariance matrices
+R2 = I(ny)
+
+# Construct three different filters
+kf  = KalmanFilter(__A, __B, __C, 0, R1, R2)
+ukf = UnscentedKalmanFilter(dynamics_ip, measurement_ip, R1, R2; ny, nu)
+ekf = ExtendedKalmanFilter(dynamics_ip, measurement_ip, R1, R2; nu)
+
+# Simulate some data
+T    = 200 # Number of time steps
+U = [randn(nu) for _ in 1:T]
+x,u,y = LowLevelParticleFilters.simulate(kf, U) # Simulate trajectory using the model in the filter
+
+# Construct three different measurement models
+mm_kf = LinearMeasurementModel(__C, 0, R2; nx, ny)
+mm_ekf = EKFMeasurementModel{Float64, true}(measurement_ip, R2; nx, ny)
+mm_ukf = UKFMeasurementModel{Float64, true, false}(measurement_ip, R2; nx, ny)
+
+
+mms = [mm_kf, mm_ekf, mm_ukf]
+filters = [kf, ekf, ukf]
+
+for mm in mms, filter in filters
+    @info "Updating $(nameof(typeof(filter))) with measurement model $(nameof(typeof(mm)))"
+    correct!(filter, mm, u[1], y[1]) # Pass the measurement model as the second argument to the correct! function if not using the measurement model built into the filter
+end
WARNING: redefinition of constant Main.__A. This may fail, cause incorrect answers, or produce other errors.
+WARNING: redefinition of constant Main.__B. This may fail, cause incorrect answers, or produce other errors.
+WARNING: redefinition of constant Main.__C. This may fail, cause incorrect answers, or produce other errors.
+[ Info: Updating KalmanFilter with measurement model LinearMeasurementModel
+[ Info: Updating ExtendedKalmanFilter with measurement model LinearMeasurementModel
+[ Info: Updating UnscentedKalmanFilter with measurement model LinearMeasurementModel
+[ Info: Updating KalmanFilter with measurement model EKFMeasurementModel
+[ Info: Updating ExtendedKalmanFilter with measurement model EKFMeasurementModel
+[ Info: Updating UnscentedKalmanFilter with measurement model EKFMeasurementModel
+[ Info: Updating KalmanFilter with measurement model UKFMeasurementModel
+[ Info: Updating ExtendedKalmanFilter with measurement model UKFMeasurementModel
+[ Info: Updating UnscentedKalmanFilter with measurement model UKFMeasurementModel

Since the dynamics in this particular example is in fact linear, we should get identical results for all three filters.

using Test
+@test kf.x ≈ ekf.x ≈ ukf.x
+@test kf.R ≈ ekf.R ≈ ukf.R
Test Passed

Video tutorial

A video demonstrating the use of multiple measurement models in a sensor-fusion context is available on YouTube:

diff --git a/v3.12.3/neural_network/961efe20.png b/v3.12.3/neural_network/961efe20.png new file mode 100644 index 0000000000000000000000000000000000000000..f72eb32f4966ccdd11c0f7f879dc5b4f5cc717da GIT binary patch literal 224229 zcmaI71yCMc&^0(na0nXQ2^K84ySoz{f=h6B4G`QNLhxY0-7N%ncjv*~*?GTzzpAa> zs=Z7V)YJ?!)3e}JoBOzF%JHM`zj|T z4!r&M^RvA;5dg>l8F3MHkF4WtPhoY9r@`@T-*pSTTivJXbg|zR$q>Qcb(3OG-1%^ za`XssgrJs|7BBmyhHr$hBFr84zY2F|wG2ba4yKia>PyqJvgC`W5n+4Q+Px<+sS_9X z#qR!6#_~5g) znXo%v?hHvpe&}ZLIhe?!$@RfxJU*jCLqZ}zBs@uCvlwf8I&Jm7J4Ho6z_ZeoB#}pW z+L$R-(_?Z!zfqu`{;g4Vd$xXdc9xrxvUhZ3-Oj^3+t}PR)`t>_dw%vo z3dJNMDp#jZOiUysB+UQy3lj?q3SdFm-``J7O>L~Nul`bAZ8CU!+Ln@JbFu>+1_XDY9X7WTd>J;^gRP>*`@`ZOzfqQJmu9v=aXN%f(6KdZlh-jATBs zke|=dOzB-`@AvQDV`9(@4GrOf2$> zs;jFxU4Q@n?d9ba6dWu=HB~5=`Xe&ZihT*3t%(X(SJ#J!2L%NMbl8WdCz_8RD??WI{qhe0+qlgEZ9CI#KaMrgU_4CnqPbudlV{qdnUf?c*g44V;ve z`R(ocRG1$>er#@S)#Xf1N~)`?`)QG#ni}@u@#%>T4@E9}YHF&yyu7lKiH4@QRIT_& z|5r%%{QSJTn;Uq=^x^gK@i91UwTrgtLiFI{85nG>tc+RH$HvCC2clccD*F)vjJ^bR zP_(wRz*X)Y9wGuwu8fqu+l{lnTWl*1@ zffnYx)rSbNUiW)qjFznJ$lxYAElf3FO_xvM<;_L|HqOrc_eSuC+wWJL$H@^Ava?rp z8)%er7!rrdV?oD(0sfAR)cH|5G_TmqSArga^GWjy5;?+BomJv!GxmoM-$O&SNrT4s zN%`DRR+sj%-{p=svUmDC)HF6W-e}_DrVghv>yicy@763HkBrC<2V7C@HK zRqbMPW8>Yb0a_G1EU(MrQ@04ZDP*n!2&lK2*O8s8(1i!?cM_Etber|;+}zyG8cIrB zTwGR?KaUH&@dFzZd1Bjxv5g&t^HqlLd;b(JRp>T?>)O`t_x=5SQ4uwyT_IPH7;t!f zeh3dosEd)N5=DpozPYhsl)1;m#Ppwq>|VR!Ndds^Y^~jLl0uGy2<>jsB9|QDaywQ? z#~(R{RLG!IU5D%J@KC$P6cJV=h1Y}s^=96XD|6H`bZz_{K*q*~wMw5XYcZB()gB?5 zXS>=m`-rY2^ui8oEL59d(J0ob2OEFMpX7hN-{$ll*uIdEkZ^b9`HnA-@Yb!5xS9M( zYioNO3P_|;YG}q#Ih8^{gatjew{~1mS6y9QOY3eo)i7bm6f;8o%NNVi2G6TKa1Mxs z{GRtlGYbm~-=5arCbZ+gC(fwCP4w|ygSL%C%E9R3{WtNaXiAdaZvC??j=j~KO zzh<`+9W%4tX6JqL(TsO?W#RAC5mr}M_eV2RGcqy~6R-Y#ssaEXU*Gu(-Tlo?$BnMQ z=jUfq|L6GLO<{D?7rWo3rJGL8;uMa(-%+)-wL!;U_q`)d9sY=pV98Ohlbw?CUG_Mh zQVMi>a4_k&gm8BHz3_&L=1m`x`rRAb+1VKzZ|>*%E9Ot)p-5_IB=6GdF{O&;g^T|J zm+0%oAZdDfI%rK1#xSyjipDj128JYQDsYD1Hp56iFzUE8rowDPIogXh8TY~g0bdwS z&sM#JL=Sd$uyJr)FSaBi#GM|mt!CJOWYVOlsHlR10`R%ypFWlS{!K3+;M*Pau7p7Q z3>8O|i>nb4i<*evgXPmFNaMPn*niH^)zx*f+-TV1Qd(2P%E#voE?H%Lod7{$A)A_H6OXP$=oduio zo;;)nL}h4z#sBpgilCvs-jSO~N=j;&i-A4_2zYzm7jozKO&ki5^)@prEJVlYNoTXr z@y8wP?}q}wxpa1}Ep!-+AqE0a2|2&WPNWk;_Tfd)T?SnKCDEl|x|o($RE!Sf92{68 z1ie0ADM5N*;L!j;v;2!Oorre}`0)*uMe6jEa-M^=19)_&A_$XVW5dH`MMXuOtG`6K z%}4Mu_bXdly#W(ta?|QBb4WUxn%}{xVbIJqY@uaA$**yLd32Q{*TKZYTUa0NCQ!e1 zJ6)CWzT3%)h1>N}bBg5Mxq$;K7-#=LwpIOyQ(24*+;<Ed#HcvxMTo|FU&SbqD~zOB8C z^W|QgGzo;*Ytcg0MfJoXQvmSy_s_iWCA{|XeG#(y_Ki3SzpC@K<)+hSt{jZ;LqkI! zzCogcgT?gp^lWTwOic1ei@4T(u41J6wlAFbMxX$_PQO+2>Bk#Lg_O>O(iq55wBKXp zg@W*P&FVx`;`{<*z8nTAE_WL+y#be z5I@Iqh1LzR5Q6r`bKe7hM@Q=yua|79P@kQI533$7cZb2Xy=&-#uFCL%S-YlB6~ukW z&d$ulM8L`z#&<5lJ5;ufn$c&`upx$jB%zi4QDOqPw7%rA7Zuqe*V%-l63iM3#x zk9OMZ34MFL>jVSX=;-L2u@5mZF(=1l06Ox)l@;4`zz5J!*Xun!qP2_idCF^E5XQ{* zLl@q}p_!GHm3_T;NRNN!&``>y%+`xz>N40BDE^@tnBPkhIe7u&#oRWFD|NIsU(KM z@54cQ_c%vSOA7!*JWe|x0?o}%Ts}TNc8n7NK!9p#`S0Jqlxaa9iykdnTGFZG;U$<^ zM-+TIt{sdeHT+}L-Q>7kq?9Y@dAZ}bJ#ce4Y@%f(>TwoDDkR9m<2hHZo$Gsx4=ZwD zG^QNbyXhq~aG=G)djJo70clZ(?-R&TL8r;e&Q{Ujb~!*lacI&#Wf76?&EBw4^IC=FwQ+q74GkZkHa#X%F1rn^>qr`^!pC>1edy~sHm6MqX3ux z7@Tbv{^V6wp7w+yOU05X$jGGgIPZbnX+ql|Dn4}7eAu)mB_(Ce zFYO?p;iLE<0aNPJM%|zG_V#hiVRBBp6$Ie#-@kZ#ZsmnzppT-F3i7AD_&**NXJ==F z`YYMB=r_1V^1NI(9JqP2D<>@p2nbF$EkrW^EFQQ|vz<~`2*H45RNO9vz}X9^&f0s`XV;sgnQ>EPkugj(knwz|D7@Vfv2 z`v?;|J2voBvkV*{E|+VduZ*e%3pUIp`lN`V;DCC=a_6*bc49~_lY}I!7ktq1(NW9W zj14FeLH4=s|Mp_v`2q)UdtD#+o}LE=A#S3xfbLprG0ut?#i-kWlJ~*yq91pT;C$76 zy;S`-NYFse=iuE}l$Y1tG6aIcw0BXSk_SHtNvyq7$JO2_1mq=G zHuFml2q)<5930wO2#AOgF)@|De~Y$nz*(-*c(t!R&L}IpukazU4V(wSk@!69rgG-z zvaSI!ny?l1|-_<*1X%#oTDX8R0OZ{ASW7k zBWz%jgY(fqo{F3tikNb>#ta!& z1SCuyN`wfoqB1f=HD<%0C>S(iQOx0QHXHtc6dLrX0R#N{_3I169Ec4UYu;y!U;Y3h zag$E~jn!kSDlG*yc@r4iQPL%)q)5Sl3ZjbtQEBnSPvIFJ@AVE}P=6SL zkuRE%%X~cNKS%(%CYYv3AKe2ntuP z=gRb3q$R;1PKL=?Smb`~eBcN8QF-Q6I_ zp@IsMAIxTa{kjE)*$IR=5P)X>XYhHo4Gs)|qVd0LmzOh#Ou-~XKC_q{^%p*~K4`Av z1gHdiZTJx#*5L*APN!X@N7|0J*QdX}7AZp@^T^@DK!636_}r{wHm{igs&JtyIO~J` zk+?7bgGy}52y1(+s)~wncHO(6pCCh7w~1BvD*#o6F+b;F`=PyO3TXDsEc*F-<>R5 ztTxotU;-?@k1mS);o;#?Elm=q@bvZueew1d3gn^3r>A=t9_<2_pbk5lqQHy*^$hsZ zD7|1(sy$l~-e@#~1Jq(NVCs$Yn~tKQqKph;ymS`3Rl;Zm0>F|kZ>fWi8G%hodbYhC zOwhIK#Hhb8H>X*l2{}4i+JDjf@+G{*4gTG`{=UAnQS%6KP$Dq$K!X7nqzFi%bFpoc zmbSLGb(PEI6fX8?YCpqQua@u zjmgAalmb=~h_PUf7R*l7E`lgTfP*u;?|6bFk8pw!i5^o&j)(Ui z`2)E)pEKTjoU~dLIB*Pzp;Cw7{Wsooq|KKI)L2bZ+q~I=8DaQQlURYh-CeUpS@dmk zs7%T}P#|}ClyrZW{LBIl5^EOn|2-9g4g-$uJUA@T|C3E7kVp7`UsTOZE{ZWiUm zoMty}G$+W-ViT4HDsC{|W%j5TH@_QMf*%z7TH%YBw`lu%kRR)n8e4hb1fGRAKZ&aa zldx;UHL*y;jQ`y$sWo8IZm{l+-`{Oy_DOJ|IGjYMXz!b zX`7KJ|8kFbnHxT76m^QpYEXNOG*5+U*QXQzhRRr1x7>lN-Cb8>{1H2>Q@`hpsL@u|)=Pf(?+Wn)@4FME0S+ zNYQYr!goOJ+&mx{CiGs?SPd`pLvOKwcRSSkKnwnN!z-RK*uM%-c+ww-A&iYJ^=$p+ zy%z>RfNwqVS#n+9~vqtBfUp0#`=d@$XvjH393=3F^#q6nn1`U`zYPARC~Ty?+KlwKU- zut3jwAP;dLZ=;%!k->^cE`9I(oG!0UKWoXpl=LZCmO7D#f_fE3%#0CQ_>1+SlY35_ z{7&LUrMfChrfiRhBp#izI<@VwX^bm5lJ1S0{C6R(Sm-aSO+A6VCs0 zFiUwpU*jYr(yG> z0p}KScitZvJ*T0c*kB~P%+hNLq#)wtj1HSC%gtYOTU#Y>3qHBC=nF&)oZC6dS?iAT z8cx>c_d6Z4&A5W$c+uwuow?s^PT}`((VIL<9n6V6G#Cf4dSr+VD|=@v z);tRnJo6DRnFWxFU*;C{5ej|G?)%xcDl=uMa;u)FwGHE8XJ+Dd-tkr$q!E<^Q8 z)%=fF20`HYXs9iykuDK3nLc?;)J3uSIbH6*8FuVbuXwRFB&!XV4I4?S6ljlReTSY^ zf*t?9rFm2bA&59$jj zVtJi4buanl$$s5%7+cN1bhh2*)H-8xMFj=~d&<@Cqx?~m(9|LBsL)-9DW`QZ9k238 zI;xd3FRJUF)%uHOEOaR55ju@RbDvcD+9oQWn>+H2yyD{Ig@LBIQq9Z}1)c3%B)YKh zH|L=DsIlH-SEO6j1G*)g-BwdMRb@-dH$^n3^|@U9ur;(ogB}1N>+PasI*aXYvySXW z^i#}JyXbf(QxMHnkojaY0b!ab%`l{u-3nD`-j!**v`Y2x05%IB3J%Zl7kVhRsCKMf zTfl{OnlnNsua8COXRoHEJXv&<-<_Df`G$&@q?wv-(o<&dUqn$_p|N^ei-arlHXT3U zzyh!=bh#nCx~~ETH2OJeO5I`tl2=uZIS0oAu)@zL%`M3!&rr8YG#ezYd;CWupL-De zx|H;v$ipRuGBD2{N2%9q`=^P&Fnb_l+25)0T~l{|dkf9hsKNCWKUmaW;#G}|!N#%HFkzt;&IX8H)=pxkN4oHZpi z7-COH$%K@9StN1O(APMMb+E6p7GTuV=znsIpjN0KCP}g#&3f9SOC^^Pf>tJ9@*TuW zH6&~?7_(>ZI)}!!b1SAVRwEwBtGM2vLBPXZN){Sux@&}|K-)@q{fsW#yFKTHOzOVr zr$QbrX!v2gScv*pvo$&a$$oD^_}_)qCuNh6_%Opg9_ zF9XtTa(M6L72*@G=?L@wF+K&h4Kj42Su-CGBdiPNM+C!b41+V(x5)yJeyt?V2%t+uikWRP^uc0g*L`M}&D&S= ziHuG7iz2=$TA_)F<}oey(LBR5l&HxmeCwi` zjQA~C$ceDMZTJKkZEWTUxW#?&!aj_5-ubPGiL%Gq9il4X))qx-TVu&L#R@WI2k4%T z`6o%$c&u>PL~HS>8*0gNty-I7Tu>2R*Th;@6Q%+ph8hj_4Awfw|DJrJhSA-K>|Lx3 zhEm%w$PD~zhoZ=aS032;V}68bdLv3{oV^(Kq$Zy*qb#)#XPo7)?CV!3HYr!zmwU5t zzC;BgZW_fAj=Z^-J&eQVe%2%SknTN>;)$KgmfZ9=x%F>yCi6T16!30a;7oCF5oDE! zf57l}_L>-XCHAw3ERNI$0kpR7_=(8cZU*mz>FhB+L~uR5wtJntOw6@T##l0rznQvS z|6vzzegsVeHgzvjK@b(WP@u)9c`w${;BF#Cu`65YdRdK9u0{PJiSX7yNf3M%_si*ac{)a zQMq5!Mj0M?Uz1ZeIE3Ic6}<4Y({=re3cZ8k;+G3wJB2Ug1Sv4l2%_q5yJ({+^?dWY zlN;+>aQ?RzKyry_2jR4L2@HaxzxD{7T$iXijWeAZ-qz;`7-G<20AT5+=*))qviOd0 zHpWO>Q=)6#EE;G4RybPr&8frGyZPGcy&p=fU<#b%D6+k}%2Gbx zVmWO#zEAEGMjWD$cx$KORE9@2#kYi9=QqS;mez_xxNfck5iPgeRLYzjhxi00uY(gdp?ZYMC3J zT4h+UC>8{h(UQ8G-La%B2B^fYH|BAPG><7a2Y!hzFM8{fBl>wGiov$xtXscJnle zuBsM;H<9o}qwq(Evv+)~2u&f#yB0L}a5W^7q+C&x^daAKG#5&W&jkR$b?D4y>60ZI zRQ5*;jDYj!;z@BoF{dQ@xr}QPsPcO+j|>#-rFPRnOl|^1^J)RFvGJh`PNS`{^F24C(WHA6~6A{y{9K}FBD5B zSM!`0TJFg@YeSAQrYfx8PyM1)ILY51$g?9`Ka_F zZ?li9OTpD7Vn$rwiD95vhT{c>FRJ`$5YrPw7G`o*^Vrjou`@gskKu6<&c+LfNYC_3 zCj9i~cz0EIn`JuExDLg7XrFctX$4O{pM0xa#|8pej#Vi1f7*R=4EOq{8rbJ#+9ElZ z<6E_Lmzr7WW5Zc;b|O5OflZoPpObwc);*WLY78sX;tH$;FA1N;%QJ*ON}+0_1R)xb{iUkk+4Bm{F4f`J4#cQZCmlWXZN*q~hqwCs$FT^6rmoJ0hs*g$U{^wAiVME3x ztmGpJ8)x&!*W%;GeGSG&^gg|kiN`EPyZKBMmP=E&io5i!YAdr;vwtA}1EU;w8q!yz z1uV>Z<33!)OXIj&>ZjHzX>z(k<{cSq$*aFh!Jk8-it<#l^+fkjvF8hCC`!3Tl;jVd z3dAvxjT0;PW^{Qarmb#G@y{-#RGr&GV-TRHFnuFi>*Z=7b>>Y@ZhwP6lY&Z<#A+6w zn2s{{HZ*AP+k1CUKILaS$KkY@sh4V!wBU=*V3m&{`lv}z-XZ&!BSZ5FY82;slItpx zTL-(~VII6EtOCh&xZ7RI_;FP9#>2^1V(!iJPF$&Yf0#qmHkl6vg)d*j0(&_S{nxp4 z2*~mFc-@$XD!sdGqL<)ZWkIPQ zJfQep@|!~e`ZV=J`w`^aLvu9i(=0ygth8>3V{B9qNglq)t8JBk;m$uS1RLCWw;1Iz zc)l3?qXL#lxNja=eMP}Ahm!e-=x?6pd}a1?HePNaO3;8bI~+ZU1skmFruWZuIVb?Z zHbtwbah+c$_wh5c(Qn$XMHRAU;RzrXS&;byxk@cJ5 zkN80S9J@E!5Zc;g!t*Fam@kZQfnLYOAQNpVI!qp>JFQy{w^GR!evHZC>#|e7oZdLcSVzX~1)BoBIb{b*&V|imULZyDI zd!>(Y+jZS&yskz;lZzXdnAt=tK#-Yflst~VdgsH0l8kH><8(oPsH2Lo6wn|(4gFNk zv5c^J!&FL|82PHd08Z|88PXg&zUbhBMc?G`GIGpJ?o(gM=?47R7W}w5cbJGNwrejd~7ul1H1KCCawV)M3!YjeHdi>YCTHIfeNU61Ub9;ysB7(;I{id*l$ z1UtZnl@t^G%9(PVb5F{u6lm41vfT8D#*$##@`&zi$6iH9RQ290{v~FeFKN$-P|~Ko zrncv$w6DsOyYJJ=V7h60R*Iice*Ha)*~$IEK>(l1t5{RPpTJTe29&f$79)c*6Al-yoDx}shy7u!)h*JS%#-1pBmH8bwW0eN zBTm?JUq1G1uH{HX?jS_YZiM6UD~xFgbXZsGR)UsH0f>?d9qCo{NYD{9KGVrowQZu1GnbsW}^H8Fe&` zty6h{rZlorT+JWL0yV?ghelW`+^|2Tv$E}k*)DY|eq?i3>z%_xRRdtG}`0@bx%%-)j%;c~M zJKw~lKylytJWIzvt@9+?Ex`|~G3xaJKu=P2;$Hi7Em)(T#(r7(5G-cH(P}jBHD8abmg)VK9zJI6{p$w(|}-yRtvkvC{u!w z@0ln4UWp>Y+g8!Mc!4i?1`O25t3yA83=Qxbc7_5Tf_X|r*L_>)Z(MG8*uH+4gjIqY zQF2nkYm$-By7AU(Xvcf7)zGSd(cc)qlaQ#Z)Kx9EjQec{mVSh854c?zwW=UuXUq84 zA1-zD1S_Ik5S>|V>wk^b>1BCqm|L-If3UjM${eT|w;gMqiIbsJMK!04>dM4gL%@L} z7=eS138*FDCw=AHBsu@T6F$#_K7aJJ*GfJ|bt;pm6D}FPYpt2f08@&ommh5@UWNS7 zV!5lWJc$0V*^JlUw7Hh?xLX5IK>&c1&r?xhkwTdn6vnw~y{P+1m(1J`bCZeSqanF< zeTHn|mV>)MAO}GRdLVK~CWP0x0<>u~N%uAxD_92MCuq-48P6SexXysX{FisONR7~# z2(~B0w7oPCeH2}gD|$=90tRSEGL^eIqKrsXG-AkpawH{LGkOvI~&XE4CWMrWzNYe6uvI@)8yy`PR2Fcro1nG z3GVjdD;-UKTIL`|U5(btsC;+sGa9~#l3DDfNN`3Z_EA-+sij?FcCO;gbLA}_vGRh% zcK(UKl_dDGa3)#_b|mwRuk3DaAZPDiWd`?t_2THf`~KU`h>N_Fl7lfXPh!6!|KQrq z3DOg8PvYngQV6dS^>wD>a%K6+`}DQC&JJhy`jK44d-{L9v7TWfQfxsX#VMhVCHSnn zxF&l0eAT3V2@X(0A3OU!B^{n#o;6Ch^<_pYLbOJy zGK?LV#>J@ugtfBN16O{tK}0VTLn^UCndF=+pXWTbr{iFoyGySKGHt1pvw4@PqI@=! zuiwc)(Fx6u`Y|cl-4~Rfh;G3|q;grc?j|4BTp}M0=(TYFCBKxZd{bW$IK%>kEv6WG ztG(_gZflHAnwY@0F`lge02v`zPX*3&gEm;Pt6tfFXl zRxhg7$6vj5%h(Pp>vtx@)!9&TOJzQ#B>!_=b@nal{LtPYG3!V@pMYPXeOojX(p5l+pWju`hV@6I9^Ln2>gQyJ6ek&Ig2|DJN<9dAbJ~Z( zxQHcfPmB9T<)IjOcjL6FIugCf12(vXl_gOG7T?q4$r?+Rhz@!}p{~AW|9VUuc+b{p zsoD^JNMTWA(nQNWK<9K$!Rui|N(+`#HZ?7*uIiKh(XSW@0&Sa;@Bu;i?A_gRW5Xw# zvvAeYw$k7a=JS3Z_MYqDJKf*GL}giOwz<__EO6V)^<-oz-n5m?hHbSKaiiSI7xHe; z3~M+OEuui5mi@bZ7|YTy2=XXH;cm4t1x=9ql^<>a5iH3Bk`WEE^dp12Ha)70zmPnv zHCd1o5v%=t;NX@bG0g|TBp3rP${)FT09FC}UJL*eK3D>DgG+o|mwlvzVe^j=KS2|c zDv#r7`UKuD_*>6i@U4y>31l8I;L*`4p?NR0_LftunvT|?#v_O|Ie}cSa^>~7_h=V^ zC3Y-~ONaWKB$!otN3~2yfFB>*{c>L2|Y~ zyFi9jr8xP=dvAZo`($Dn2CUIo1Pje7^;>iNUmxNdcGs+C3GzMOe#4q$g+yH?`rum3 zXIq`Ta!!pdk!xCf-<}$7rs`>of0JJRFkDPZy#E3U9pts1M(F-J5$VZHiBYz`@(SZI zAOJKn466RH^O2ra!Cep$mV`VY>|}GNdMB9Fq=W~%a&fU%X2;%FnEFO^^0~|M$kNmW z!Ptx3Zc#l5A5JTB^b{>Ftk;k$a4j59-d`(`P@bf5KFNP|-Pld?#>Nj#oM@*%zpWOQ z-)nP=?KCg55>nK(YJa`F5x?2RRPa>vB??A5sSQ@K^CyQTMU#OxmEKR2dt5a^OO1M& zSz`0PtPRY_j_z4Wh2*wd(U)YhK>u)uw7zZf?g;XRC^qju`o*49DQ@aHzZJFJycp4X z6z=3vFyOLEWuENU41$NwPol;p>ybWSV}pCieSLjVb>w%Et3}Dpq@oKmgwxQRxQ!tN zDSnto*X8?$hSA{O;v*|=n zk?lc7y2{O3r%m)0Il5?tW@cidGgt%!)-k;odj2!cOAx&WmR>N?(IKLu>NnaECwt-M zAycy{TmI}#jh4jvnLsWERb$43|3WfF7`SGQr(wq~75CagBf6+=5BDHm`!(+qE+9++ zz)got%&_#Tt4IQOToN7?y90B_Z`94P772K>mo35_hCwz&k5e;v97N&KXa;FUS5I1v zG);XSe15@GKU=7VsDxqvmNct62d+sTrCOn|LWf~&@o#MFsaVA;Tb#a}J15Xq&Kr$R8Bpe8v;^Q14*y)B6B zu6;CSn4_jORq2eoy+Sy(~pn#Z)i%=;Onc$7;O{uHcoQ zpRxaPpab^sykl;r?P@E}-#cLv&tuz2VG+ERf;(rj-P^RgDK-+t<+oP(#+jY>qj4ul zn^o18@?V^yK4HM8W55C|zf(8xf|emm^)`_CDzFcw!{g$szi5-~B5Q@_6W9m>?#G{j zon4(^<;})j>|mgUSRFl4G9^_MB9)Klh=brbH)RF_pllte_;xo@vSI{okaV0^Jw|kt z#QhRQ05;-j_2Kk!103nMa%u-~ro(r1Kg5Cj6$QuPGEe11C$Z5<$Tsm$dRD{F9~OhL+znZW|tq-AR{%tH+ios zsrD2oSuhn&S^M|^vy~q!m?7v3mOJ+m+gR5x8T!A>vPK+iZzm=tnQ~^1nzw%OXef}< z%AaagMSxi_5t>7TBeW4qD~L?=AsH%n71Zb>-}H}g+{gGCs1z0fqZWEyD$09~TPp8h zUaa%$vpnWR?4b8t$u((G{Ykl9@z&25lhw!Nag!JZ01)2bd$sj_ZLq`cNfyuDohM9S z(&UE>y_Lvk(3&1cw-~M;Kf%|}4P3kn>lJawJS0c&0ecd_S}m|h1FU(!)y@MO6L@%< zD=MN#&6TowXD27C8ye<@ZT=ieqc0>Gwoc?;Ny)?uVoJi5)UdDn)-7Gr8_RZ(h?t}?DbY`kDD)A_k`W9 zzN57{e@A|_v=Isxv6o~UezeFz>NTYYuN`ca)L&D8QOZP`GAI)9B_cv>WH9umk1%&@T zFGZU7m`sbZaS^^}_ekg-(Uj$oMTG_yoaeZOayIC`w_Ka&XvCtw7a_Nm^^84jKu?fs zxmiP@jsSAf6_3>^Sl>Yd=zo6p;uk5sT6o;3P-Ob;ulagf;AHj@krj}K?{_*sHi+ba z%@8AQZX|bYS55oL3h!!uVf70!Q%^PVzgg+M(V;j_Sjt~Tf3C4z@5mlC?|eKe0|JhY zj=<{p1nB~>QtVb6tm3m>ZWtY~nX%=Zwxm2pH4ce4!@nU7Z40dF$@V7x$(NdZF8Le;#bt}bEjTcdq~Fd5jk za8kvJ(u@3o;mlg^E+v#ym$a2Aliket&PRU z5xZf6Ehiy~`<^Wj_FpC$6taiPc_{JfHXb(s5C;+@dATDQ6skf2f6*P9PuOcI5DWIU z8%Q`i`3FZj61{aKea(|th*o8COJ&T*BBiG-6Da?cXM~9k>PCpJwLfe))rSn%!X0Sa0ukAjyTuxkTYi zu%g$kB7L~=`@YM=^;p+sow?h`(W0vezkECL-<#;7nG?dVkLL@e0G8@k4MGkkZFv_W+=lxdonS>!^Q6JO(~dJt zR?mxn?o``0?3yFc_U*t*L*4MG&9&}u#hW44!*2s6Mu{SaKdG$n8M&kABt@{IJ#2io z)eLM1Na=h}#LZ&d69S?(yzfL_p@_--FHv4$9S#(4lN>Ay@UU=ws*_9BqJH9wqL*3+ zzZ9&@ixB_%&{$nP+23E-`41gd;9)0`GZfqIU|^~tmLiC#L>&;`+mT6@)rck7$ti}6 z{7oO)X2%|Vzl(~id;Lbp=XPf1`hEhQ+j6>Pcsx0SEa2HdtzmAJZ7zDHaM1HJ-Aj9f zxy1HY=s3dUz1;E4boKi}saFy@0nherSx>Fl>QWdaZ2o;NZdEQ zrldstFY>`-o@pEx$Rtnmwz%PT3lJ33z6-R1JS{#K_S9U6*= zj&655$&jbcWHtM@aTg5y=|Cj?$!xHF!>*GsUFyFgAx^VVqv~o47gD?t6fzPm{{~Z9 zSliwluaN*nyg?@P>q3u-vU80Ma!Tzxzj~I9^Y=9FSLLc4sntD3;a-KdBMcZ>N z-2*}#p~iXAXAjtb?eroxuKLq8)OcG%&%u9}a4Y?pMzVc>m^#IO)`V^%hioE`cqO+T zscK2+h%FVnIHC)Aa0(d>#L-d=bS8jpIx%&KccK-tqz=WlS$MZYMZ$wp+1$BW(v)M# zBtNcd#>`9_Q3BCr3#Y)|jKdo*u)GlLN!{9Vdbl(Ly1;%wQt#u>V9ya;a5dNv0oL{o z3=V>x0P^I0caD}&vcKDkVG-!uV!!*&9?~anVDRD5z+YeNkM`tVE)Bt9?pZsiw9c-9pP?Z zSEGA7=v=6XAaj>K5#qm|eu0k$Dv%Q-Q~R0=uR>2rY`-WjzqI+vzC`?>xMuM9BU4q< zJf-cWnefW9N|&_Hl@7@i2X`1}2fFYiW=gJMinsdySOhK3fPzP{(S`YMdHPnDPq!{! zZ~ptCAffl+AafMV1$(YlpSt2-ax`l?eAH-gUY zo>McAI{hbJs(jLtvuDOJNN~d3zCb89g0c*tz(mQFRuPO~-}sK7)fg;{(akEJGIij) z*|vI{Z8qC;7?GSd z%m;_Vw6}-5wExR;>h(DfqGJMbv14#+!k!4W5lnO5)WKt+L}NxTUQ6G$<&ikBXXl;# zK8UD%Mv0&B^3w>C*CGY~5izmYdh|u;3x2u}Yl%s{0=t-AJfKYE{lugGw-&%TZX0$} zxrG}AM~o~47CLYI3xd?3Kh=<{qa(hN^?3|8g4npmu8;9;TiVXP42}PnC9gaU8R`US zaU&M!0Lke)4ibeP5e5o0po=PQCY*^HoeCCgSVR!Dvc%cLwPDNLaV2hXOYjtN77Px_ zJz;Q~y1<_0r$@{njiqsnoW9(NuzUOB^dStU`t|;czfUI75W{DGm%r#6KQi%tym#qE zeUo}0BfSfL+&g)AK&3IoC8bCm+yVmvAY7pkuJqjx-?AIvV0vEzF(!U~_K5!e?wkeg zyFy>po%5Ho{hu7YQUtr>dR4I-6K)dCh$ps%hEFx-z!6y^fz?uIsNcc!L!@92sdbB9 z#8+0RsZ4Yr;Q4l<1eKS~_90WQ;4i8dJQ6AZh;;QL?r(}40ta4JOTBO=tFJcal70-}H#24d$1P1Ueh+CfLG7AsC>@ab(1b5w^FQ zLa5Nbk094l4_4zbhBg#!wu!0?Q+{qmX$g##u-Iq|`fDJvgJ?bWOXyZ{kNKa?S6`XY zE2=5v*X!uL^RF=HL~wn1VwIxHk%JZ@GMo3+2GqR4+VgP5yO~0d3Z3ShLlHt>Q`7rg z9KZ?z@*}!h1G=h~6%EIZ&1Vbs4w`v?qTZg_rk;lD^2+pzBWn@Z%yZJ zZaFCo9~X$vEH$U(nZ7>@2YcY7d~t!UI2LWhzAhmgf$bU3_Kf$K@s3tj-Bz5^e)D&= zv>b;g@`LAy#w^4X5o2VjQRyFZ<_yDujIgOdT6AdM_Zp-2eEsEPm4CW2oyUkm9`~QC z&~=w~RPLJbnG-|2BxpfyYyPjrNB7=5xWIqTc;^^b*4??jV+_DJ0pnx>qd=~C^=9L) z>h=x(;wN3X!yIcd3WN|3L2fj8w1Dr^4xaJZ`SR`7@sei0NRtCJn1~{C-Y}lFi!;Q9^pHF@tU7Cl=`}>l_ zcyMAoI9mZw=}jk#r3b6pSC(D>7LAg0U;ml?T*qWgWLp7XS1lP2|UPiDY@i zvfX2_l;0S`&#(=R7PXhSvs~F^7Msjk9`fXJ@Q<8Uu}*(~G{-nb#yCb+bXA|IJbSF- z42;0@eP_<|oyjI+!Hz>i1ebO>$v>sF`^(DqH8&c9*p$azxX*hDc*8P`HVTB0070Jx z_@#IEq;^9u@MJfp1-?<(wEkw(OH4NrBkK}rfB#+~r zz;cbkq!HsmQ=`&9xY&tWMT0Zb5nV?6TJw!K=Rpk-q4@KB-i%v^?&Ob((@&p%X<5j^ zNBw3KaiicxYX3k0%yMMUa%8JbaK2pgbA6}Z*^=$yF3))OJLEQ0jE?IU%3_XlcKWc* z|3X9dw0Q7Ah*L;P=>(&WhsY3Zi~jb|=q-iz|8BL+6tlz>;+K`uZ>wb&68(52LVe@q z@iA|R%ZO^HC#Y3N+S+f5MPvFrP>(@*zCL6BoSg%!pf!m>&nl|Etju}Y&70cB zxLnQ3t`SpcnC@CO28BTp=me>1i0b?TyalN0c~}#p zD?x}mZh92HPe0WMhb2zmHSs^{w$kRz@2_9jK^6IOJjd6keq`v8vb_`dfit|#l^d$l#v>7##4z2ccN?Q2^DGYJ>U1T#3v0G2a_@AAjREaVG&=thg;ukG%A z7ZqCgoKz|h40Y=?qi)Vbzjg%T{OY28&)1B72!TOF?d6T8NQ^b~WDEDj}=lsV1Co}{TmD1BKFtV)U>k3s#Fde#M z!-IL!?8^!+(ehQVH@_Fn#6Fn&`u4%Po7XHYR~09TRG#c)3!@&7QKbLtl*fEY|N8!I zcW-*6N>g!T#nnGisq{B~DMcczetO{__uEEoY=3oRR;@||Lm*Dl{tU^2AwBnu6}W(o zscL_2AxZL>noR%zh9Zf6jP%C*l2pz=lY4mD9b$@6Qtm%Ta|opo%#}2u*89Vx$Sm z&SUFy*gWC4!iJNe+d-F@PM~u%4La>~OF!M*OVKnKSA>i$LXOtX(Oq*f+DsK?)tKGl_Tc5rfkV&`IiiBV+K;8dS?@cVpB~u zKi=>!AVsFX==l2cj<2&NCK!UtRmF31FII46KWpuIPCOnL2+n;{v}Lx?-#XmR6u|%x zCn*IRP16iPGjny~$4j(F;>#0>#HkhL9R@-O0Eoq6d>)6U@qhns)U?u@+C05;=DhmE z#|O~ZUWo4XA%E14ONR!&=oHTWdP@0I?@ewO&b>0PAl~^BnHFas*J zf#*BdJyJYjb6>sPyP5^FY7@=otO?i6cntus(^l6Pwq9Fy#R&|fG6;-9C+9hRWT4|T zy)PJA?Q(x%ccdwLv_K&Y%P5D`3~_`B!o;VtbJ^N#_U8vduZ#ZI?buI0KAVr((?->I zQ7i z;F4oLGb~2M5zZ4K9AY4Wvtda0-9pfvCf@AzzuMy+BjYd3k}l4YGU?O>D}*Es7Hr6j z(Xg(_hIX%;F|+o?1FLT@t$Fy9-Qt!+M+w~Aow_xfcSVw|Q}BdSOXq*x{P};S&vwl! zC5Twl!M8@1--vM}Q&y8wHne;?a`nD7Gd1RrZ?}@C7)-=h_V-_rS~I2k&hp}8tJU~} zonNoJ3FC+ngzfRRRFqyjdHiE1a~CHZ=soeo7O!u+&%ed%V>4(rrQrBw#XyQAQHY=k z4m`gc9#hT6ct8ILZ9e9(m1-NLd!4jI02LeI5jjY)@yF7@or<-m2AK*+`s>2IJA+-D zIbyvuZ>l7xMxZM{gUL>Z*CaA5tUa%UFip|Ql?Pq(Dt^&{&@tBDvEjkrl`cBk=kuK4 zihCa0@mGyNy`*TqQKat-^vHR#Y>6ozi=Y3a;t1!J5T1}2Nv(E9KDCAR_~Vb{$?q)G zoq`Y!gEK-D2Djvr8+~Z)8u~?nJ{lXWoc6cIb$2E*Ps!Qo2pMEE^qYeFW3b}7#ETnu zJl14>`gd7^!M0CD@`CZz_W}SY1~mDZk#Yb4$Pq|-Ib`;C876o2z$+fPbA8c zjxdvKq@qGn(I8E>H z`9B)8eT8(g#H>Xl)Qhkz%E{ENjm1Kg#>Cc|Sy~HQu0~Io-3f-ib*`B?3iP_@`cCR! zU*jkY#uOsu7TBadtpE(11gGq{2SJF)G+JaD4FDjMp~yg8WMH4C=@UHW6BSEgr8@20878ua|AxWY!*ON!<%DVl%eN+=z1huk~ddv9HL z?=zDh&XJhUopk^JkRXzq2DV?4GvhqzvD3lA=cvFbx>*emA?$GN(UUoUtIqzWC5BVB zz~AQ!;4m${)EhZ`*_0diu3|q_r1+>4d$OhkE}69Vo11Py^IlZm_GK=z^NU4%ah9Lp z|DH2@U3xwMiX4IXt!}3hLZp~@sPXxF$&$L@bF-fX02JiTd-kLG=-|z31UJkQEExyD z!*zA${dd+>UsIs3+P>${3$EU3ZU18b%0;cb8MAsX{p*;~)v{Bszs!c=i`1%%)T-CY z!Ag@=$N7YSS^w?Zo7b?R*2x*4i zY2E5Q_-{Jt8pSwc!cq^>PViamnAAt>l)5UKiS`B2H`{3;3p`gns%YK{k2N@f7EJ5x zt|@x;ui4`5t-;Fh@@n7Tn>Wu>yKu7P+>HSYN=x)qNueejMgaBB!>MEVOYERaUQ}7nL|CSwA`DcpI6MEe6IG{)*S}c)0JUjp0e(N>$O#vJqBa=?ZmQNk4EP=)De!|wB zsoxOC_^{5x(plIVGn>ObfxHbVA^>PK$+QpBjotL8+X;&rE;hj_cCtysz$`38}FI-sA2brd(NoDYuAzI``!=yKMa4WvZ~ z!2mP|Ne|h_<_)Omk#CPzUAD@-rT8;v*H_MnJQ`u*vJ=kikjG&G$~c3|5YszP-D1RtX;>JiZo}r}^E3+r|h|Dv2o?9&iWR zAe!KDk$1udtY=suU&1Yz%&}iws7Y z>t?Wq7G9ooW^XXK(-+v{^;wh2DN4n3wQ7!5!;P?<{kXFq_Y4wZIifYQwHCI<#A303 zRGrc|=&;kR15|Sl&0&FJBV25Pi;M`D4Zv}Z275cGRr|ESiaJ9N1=)G$Nz66 z6TNcfEnhA8ABJ)O05LrN^sc|R`r8*2%(=PZcgs3fF7I3&&BU%Ox%{f)1t+Y|alUbZ zhfg>{p%{w3vHb4e7nIBE?ZS(eB(>6K-$80~H>^+ZPB{Lhm0dS}#KkMTBR2+$$EdMS zYrkD}ZE!G)x4WX~fltR(-nB!~bQ!ASL5shcg=X4h-2-c-4k>&!yiFtk2pTx9ods zENG6Wy&RNhQdAWeEtKo3F}`}mn(Hu3Ry*;}7)J~M@cLWZyS^H*Z4ZWeAPAO8bM>0h zIp*nEh6%|G`pH(Z%R$$aAY~RfTl2jas3)D-=<#mwc-Oex1wz3UM#DUvHjBgaIS6Mz z?iwKc4nn3zhZIq5WTC7Ri{en`n)X5Zu$As{(gp=wVuJHD=^~3@=nJtF^Z5JtUGrIH z^@&GPDg&NdmI=lHj|2D^BozRY8n$R)iy9J~XnA^O$wZuif&KBGjiK&sm^4eEuMk_t zi!I}Z;{DGxqu z4o2<&ZTaMouYIh3)S|*mkHj%Qwd;ihk@O~fEQEEDdGZX)6e;!#l2>dS-2KA7SI6o` zbp*O~0!^)XVwI-i$kG!4u&QT6qx-;Vu)cs@b zutcpr$U;amjPC0-J8LH`|6tbj7e7tC{i^oqParnu?w5o2m+#k2z38@AqEnzL zY`LO~ryh)0%d^H+nWyG!t3_Nn0AQ1YdEs!VC9^M`R@LgDxq8K0&F>wciz1gT^kgz4 zHf(8|dC`0Qp?~-I7K?+^=>4#DrBIqvJ?k|D#Q*@^@ytyP140x=AUH-+U)SWWbwxh3 z23OYP9Bt&MgTeb-9NTIPk=~CQ4!z4_7&e|tK|rV|T720TC)^IDY0?*Hw>$Ut^sh@K zJc}+}CKTufJal6>-O@)TGN39KE;S>0dYJp&@0y_LOLQ{kNGgDoVknUY`388= z#Gl$Qrx}pSFo`rsq?urh>Gv=LZhF8&D@1T*E?jDcE$W{dha?4#u1cN40Sf^qU#EI# z5@BdE>FJEw_lNuT#0DGKVy(znEizV%E#pzH_+;Dq_4!Q*Pm&}>8^1ZUe@2m!cLEI? zh}euG{g16kUfB04puq1c7Hjy!W9R(j`_>tEukP7UlQlL?X4dy_-DTTbt*yMO)-f-mEFc2|v+J zJRau@_}_G|f9K#wbMj_fS9%2tIl~)5XOIh72mt_(HXrOu$LH+(zsX}?=d{!*Zh0C2 zaQn-#C(J9Vd&qNO)ZBLtyXsqQJG(tiB21p6uFTVp%GXpoN%ri` zuFFiw!I*24$D_rfYbRb(AyM9Spap@Toj&yWa>LXgIh-IF=D`-nJAHluim(v~0^nM+ z{IO!~F&}%S+xteZZ_l(sC>gc8Hg4^y>-F>$r}{#&NjFTtOQ9_Mi5qV|^xlEi|1FvS z1&{mf`XAVMBeu0@BuPgPkbUMa?6F&0M{iZkvI6N)o6C8y#P!!V%7NjLY> zhpkj74ytnDG7GGe!v}h)x^_y)h4c!z)C^la^twh8MIfCVq9_nbFwq2qz#!iM=jq{G zEu5=^X$I`=pl|}@>Yyy;vB8nYPa+IWC0wmhTT^sk-%y$xt~?vXL=cP$bmb!RXpZ=t zRm}NK2v3r?`}}KMk>wL|j=3Jg<1aV7wbQ=0Oj-2!g!_(X!(uLj(ey;lXtd^ zJzY+@ZxcjvP4A}9+E*Aw`pL%eC5l3WP>^u^hxTQ)yEs^I!Ck$HK8>IVOOqYZ9MHm(WvQ&_S5A`_dL>g4)z%#1QBR)PqJ&76^EhGFNU>=&TXgK}%NgWAADzlDMOm;!a8lNuC!7yL zIBH}2GiCajn(xnjqj>DygCB1m*fHHQ<)(`Nd%yLw?Sp$>yy%%@mVJF;>m%EreXI5# z=YKyR;WYb}poltW<8J%D&S0-2<`S~`T7jC!;`N03YfUvUfY&9rarz`Yh5tKt@q9M;gJRSB%2O18)YcxzU>L(ZtH9~i1+x-K}Y>sM~bgEJ@MWw8gN>B(Q3C3$9hC(uiL{Vd6 zX^d>XJj1XAfBh6MHo>_%_?vyCln*%qv{V3jBaBJ{m6(vx`Ea)OY#fybV@w(cI{CLk z;*T(U+NmuED7^yGN+E+1Rti$Z*@B-vjbs2=*FY-8P>~S=k*=t9Uu>``I@k!aFtK?o zPnn0uJPgBd#2SIVLZGiW$>e!I21$XBw-OyT+Mt9xY_ymMicN5~1~$o)8s+&uL7#IW zYz!tB*Y)+xEM#*VTOGHKjjQ-tO#h;R|8i@_DZ?wa<6A6+iRID!ZddAb;s2@R0Kw-LuR7@+rP( z5}K!j0RV@0KSxuzuJW-@wvxRrdQ2hGW~Fcv6_AutHWVbH zkX!=>cFew9b#mioAb~&A=4y|nlOzp8phCi}Rf(pmgd!F!L=gahKN1BPPr*5MhjEKH zc4b}P=VP-<8LQ8>tE+1r9_(O?v+<~v5f^63G>M2U9O{OoMjYh?6Al#RhG}*urA;fR z`}oy;Y4nj|?U8DW003WvY3!m7^wPa9nr47S179%()yW_PhA5cY=<#mz`L_A|1Bqmf zLOw;Qn5t5akcbfoq6o%oC)`%TWhI<;yj38m)Ps4G*isdm!aP52$+5ry#?sw!TYV<%5E@5`&11yb6L`w+ci0FLgyPJR zQpp(twDeN|03HW2sea%b^xg&{mSk?8&E~QJ!vL$7?y%8)ZYE!gUsQGKVWww?b1sAn z_w-Fr@R#QQVD0kU-d9Q$g>!Oe9DQ+B&xZdT{P6yjnX2pqwGv>ab;;QN9DQDflA8^V-I1J(l0RXA!AdwE%vW0sj z2B*g>f9)O{q(W2=GbF)eQXCe7ef8H`7%8wFXoTcdC=9V-h=+XtNNQEWPse31tm|8p zB}dTt%SBU0WdRWC5agEBh3UVP=@(~7Nj&be?e+}r2$FO-GSG*Oot0DU^KZ#`{)q`p z2X?BK?l=8mRIO1{&1MUfVrW)1I;$E002l!Fbx?1wAyPOXDTc>^%xd{ulj@;SFv25t z`2E|w{%h--oat1JLOxNU7$cK9OUgoJ@&T2#XS%oKw)ll zk70*X-j%Da%+pk5t48Q$`6n4eL(q&nO}yRZeA61q&Z8^%j@>Oci_qo^tIQh4B zca)^{T$Y%H+?u20z)({tIeSO<+DUo20*>gr9oG(z^`C2BUIgz?#a(j4SdJ{0B{sa* z-6Ko3$}-(jvBi`%$zrNiNDDZeV}t7aQKr{Lw^`}KRvLyufdMWwz$GRaXW=`1{vEzR zV<@D-FmEPf7_?khp_w^?1ptT!sE;=j4R&yeFdg?3VmUJ8Xrs$!r%CX{2l%zqS>={< z8BTPqCs^&!eXM`{SjA$ zmBNvUl1-ZEm-Y}lBB)8C`f`0DCtJlIVajW9v1KZ z=XOQ7q^_@8#=o!N2g^a4VP-E|^5ug6p0GZ4I1_nv`(I!P9*Ed3FPL*}*%ia0pN}xS ztUdXp+ufnQ$9FteV;FPW$m`El(BTEXHM-@KxkY3CNWS&Pl&UMA!abL;>212(;yae} zi4Cf$mmiKztH_4O79s!uiUz;`SGb(B_<7A7Hk;2!Ss&!*_;x;)vtUid`c9k%d?=V? zM3*4Cs0XF6ft%c!adC>lkX1}{V_qboL9=>^+d3qD?080-l(OTAj5CEtO=tm@E7y!F zG|G$FKNsJ6WT3m##G{9tD;(h&9;4kgc?H+hEuOs886X_ z-|F)})8-1|VYAc!x2lwW`lMtk1K~^lqAy#!q#g?yFB~%?thbFq#0(UE1JdTT5^r$W(`*- zgR+z`fSFt04%bQB78c7E=yinx(S!fNStz(^CM!=1`NJ9!}?pZ%p zSEUzf&ziMois5DLFRDHf#}kk5d``j-aTu-|nj_vwoyy_rAvn4)GQn1Z-n*;*Q*GhZA{WgYOc>LmHUUO?&ApM{i>9v*n@s zZz`AXONe3_P8t1=b=389)DqKvjZSV`p#uYn%ykw;iim6rI43F5h5BNDnh-R2QvR?f z62WnbMU#3tl-q-K%exOLc9Tk8xv?roU74+{5T0D&O^RXm1rn=WkyWlpZ#+XWpi0VH zJuz3zLbiEhH#S%=(TQKF%mM%;Df;FHYiBI|#rT}xH(77VRxU7nA3{shM9|e_x9-~3 zzEhKI<6|PZs+6l5K}aidw7HRRx5HJR!J`y~vrryEBt?q2t| zsgIvzQ^TU4k1)Kf{iS7?a0-87=kuO~w@N$WV#}1=lL&b{gIvf$2mpx1VxWF49Savx z%7%sybWeTsz=!Zn?2qKM2NB73mM&hsiH(oy+U*Zq6dT!3_C7vcvv1praaq;$f?C_> zHSY8kPnu`sWq3(Ro-%#Yt%Wa-TG>~xG>6TaTV}KR5}8+;LZK#6I?wqv-j>bhm54+H zL+|nja`^nU6DPRR(I?vKy`juCJ;DkHA&5|uEU)qX~(=W;fWkn z2%34I#kR4xU7P7Orw@-zH4qFlD62J?Ctg2lx`_RQz@Sym2m*m|3c-+@D?uazp)P-* zbI{Q+;H6swkLL5QLwHwphZfKm!X< zo4$RO>Ez z;ZEO9-8Svl2j^WrV_PrBU+;uW7)01n;U7c)p5(snwnE_;?9+d2n9}NS5Geu}I77PKG zeP2`CI+t|^FJ&`jPt#_Nk?X3(@&X?L3fHz)N_YptsYi-6cju{(c2ckJr0Ux6D<}3X zUwuvW$omd;?f_KpsH#`@t$UKq9oz=xcCfPoh)l}n(wH(zgS(W;LRP%J_3e>kAA2c; zt{AYFk_EZxd|pDz<4{~02+}}E(WOR6Yi6snSaJ=TVn`nH?M-E9>Xn@@iW0q97+0+* zQY*@&vO+FLJQOw`i4Lw@cOyxp;^}Z$kk`X9A}|_d;2wTyp-8^TGdNpoxk#eRl1NF0 z+2eO6C}NaUJzlQM;vGA!bi{%W9ol8)iDqdn)77S9yq*|_+Fk!bSI??M$}gAZ8VwT_ zvO*qL4glcuR5EEU1i=6RufH{!@*DLvFpQ=%VT^N9*{u>J!G@T$^H8v3BP`9$8ny6b zzI6^c`$Bka{Xn4*yFFJa{_Z$Dl8N5DcImAnt~H2sPwsraNRdBQS2e>j^&}e{UeYqW ztUaB=yiq*%LF?z62DVE$B8$XSq9~YdnIdBUiuZm&3n5KM@A-3#X%ZQyuScDFW1e!% zb)Re_@6F$pZf_u*{gMT@HR7dvJE-1FY9N%c@xHprne(JYx@Mrx!F`ULw(PwStG45j zGC${v+zF+m@9ja0`Sy8Sfp+sjcyA)2;&7#GEa=B_!(}we#&{f& z7-B@31cbLnn^R=`_T2ItEQKcC&!?GY0C=?FfW2??jUrpd*PM(w!{QNE$;5jm%<-}H zH#Ar~qiGG7HCHQsph&|*;4gQP43$|pnSZeLeYf|3Qc+x1d{xWV$9K1RV$<$;splY^ zX6Hk^813wZiIEiJgRnu4=_(bh>UdH{hedofj9@rhYDaPh$o$@n62X<`jG0aFFoB;- zMR%aR2Y3zz${i!oOwk#>?B6%f_DY9p_CP984#%Y#J16N#Lu{O*6d({c<5w5o*ubk? zH+bMSDUigwXb4V6dSzVEtlF0ni0CUv_bPi&8Zb1&jFW3cEOvd+y(i#=07NqkPE!`X zIA18u;t4WXgwOQi4db*+L#y7Kz$Wgp){m4Z3ktCq69^{b;(yfkgDh?xuJ9TM3$0 zVLT;=duvwlEd?V_`)Bd%a`uIA#`f;}3e+>c3!kSM=7FtG<;k*d8F38&;QG~fI^*tt zO@HoW!oAOewP&2+W$o!#sHYjaJJ@H9+8SKVdmIf5^5S-6uHFECnEmn#d+1LG91sK|1cj5J zC@!5@0sqH-=z#+5hl7W$$>?aFMNR2GjHEC$o}tAM1ethgG{`bX^)d*<2#f~IHmOds178E}S49jO(irq|yE5)L%a>+H#S+{g;1!8vg+f`GSWzxkUsRQroKg$qBg$@?q%s<~Czy}Y znQ$f(g<%xJlv})mXxdXGl$hlC&4=D?Jn+Wv7H>F`2JZ+jb~QcHx?9X*U#`o3qI9B! z#c`z*o^(RNAQt(lSJyi`oP8lIU*GoO7)!Z?JM_;tn*ZDG@A~IOe;%3~m$k3>ck_SO zEm?N*xwD6tvdgVEJl(tDk_b$ zb24Tw#;7E8G2lepm^T4c`|Uc&1F@`L#7;OU; zt60ucnZ}Fc`A5zLGpPVg;atJ@+rpu6-}XIEJKc>MRkcK{&)~8C!7T{P!Z2x;e!N;) zP7*1CO!2sK6yxI}ANl$BpBl8ad! zhG9f3&QPYkG)2zZxjaLY7=kv3yz_K9^K?0A|3~hKgI#*}rMjFWQoYR9bzjT&uZs$u zoBv2;q5^4-!Z22$8!b_m(uhnbJm1SjoqZuxtvuK|vqZ%~0RUfgeDihBx>sjBcVx#b zl#aaH^3lDcZ$J44hnKVrFKf@N5CQ-gz-;W_zQwwu+0&}v%0{S5=jL8qC_ght=@+sP z0suN!zP~)lTF~&BWa&Hece)G#M$3MtQd(0e`C5;6y)%+wnAtj(o*UlovvtNo z3;AOVF-ydY(G-)1r8OC^H0Tj|GZ7ZB2{O149Ab@~KE^h&EKAJ$sRcwRMX&8jxjew@ zg@XYI6%%f;*9>vnBAF}3^J=v0&uv|YBL0D7l%Q#MIvK<>YK*tK=F%*#c%L)e=gsu` zaAyEeQ9epw2{^&0xmNi@7qe26*lDgnmxx#;>azQx@^aKvk|@9Sq8|;#bEHx@%~->k zx4Ugk0e=`zgb-Xt$BHwZB}}4-Wr?OoyAtYR!K)~>IYgO)xi@B|q=3W=%$yJ9@r$_V&cXQ38h{ zh+&u-g}y{AKN$9jS)7l@%!VN-h^Ifawr})UJHyT!Ja2ZHZ~7_*kCLh6W1W4Cnx3Sxg`cf5s)|jDQlq@+ z_)XLkvdk8Gt;f54YQZtry_uv4Wn;(*(!r#0Fc`vT?L2seIrbk%TSIvBNjCTrzt2LwYDF`(>vH4B9**`FII=#PLZsU&EAYB_iHQ{i{wUu z#0+CPooN*Kk)%K0-(AAH<>QMvJcU9(PMI~HE6`D7k}J^h#V1IWel-3}YNy}P5esH0 zYH5}+?m3_^jN@=+006Ibd(VM)eF?{4d_W<|k4dX~+4^i^0QJ_zqgFOYY&K2~M+U=@ zK9a(DTv;j|uCBOy%&1#Vz8lX8XITiHDWZB)yJK$oes{~$yI=Unv_I!a%%|Dr@RF9{ zW$mvggh!wmrpbL^ec#r@{*EM(nwK|oLBSj;b}IGME@&a78T)+;<3PGkQoK)a>s=!Q zOPq&Xe9V^-IyydO8z+BKV+!Hvy-jrrGOSnRuWB8DIUfL-=|j~!^*ou=;1 zt-AWn$aVvKc$Rvb&p(zA&u_VH&hJ}cn8g5a<=%A%!@eoX(ytsY37fJft=W7z3_%l> z`t|N^1&3QCG9Hc)ACIZd5&TT{$Rh*Ymc&&UD?(5!9pT;ncw;DOPiAril%5xHq+A`* zV1ZCpB9@nnl_)Iu`{7g?r`ZHEE|95CrbcJ%K6Xb~7ZqkJvy>$!MTuUThyKW^3CS?I zt6M)9W0|P@WkdFsMr$4h?+7=|)n(t3T^_>IWgFiAbnGQHiqk4xl%eSltb;Ffb|*+` zlt8XdD#$^3kpi1P9?ktO41cI{Q%gT>_tX9e6Hb6q6I`yOMGRe7g&`uN89(kBvF;#!+yw}7uU8fr)?lSp{P zB4a$BJpZS>vn+)BL&?Rv4;7_eK@s%P@%Nmta{4c2cuC9fvi2+p;nCP*&d)o(-f63Q z&MS9-;88YfCH1wqs8(O63)8pcBzIsii)0Qf?bW8{%6n0mf^(qyIK z_`CRtfo@OX%WR=ny1dx}&YucZDo*A=*#Chwy4R0ZNTL`TXbeWQY#p1HJ8{;{B>acA zARWMy;)I9iw6S|B4J69e7#{Fdv;Y7g07*naRMdq=d9hZK10R*UVVNy-$Ns@GG56Jx z#v;+rFI$KB${zlAm+O%-!EH^Och_EV+x|^z4*!+PlXYAFS^5%*tzQ3Hw|l$KPmvHm zEf}9An3*N7RVhupA1rpGNv6J&Uf)DY_|S+PxGE3PNTJ#P^657MWVa;o4KNX1`+}MW#ivJf(4>(l8E&(fYM_%(!kR>o`a4Oe#1ehXSz~ zMzK`f8FV!Vob|C_Hvqs`yof8%hP|zch?OE!#pC`Yk{2*EnT$CyNxwv04#Pj#E2e3} z*0J1gudBT1`D6ZTh+#41on;|h=;tF0FKf@T5Dsy`+xq9- z|KOoq1yAgGlN9-3cU`#tAub>Q9x2YheDe55QIrb+2;jIooqDIQWsA?&ACDy| zE&~t%f*1m02r5GP1kFyk(uHD_2!1)L~ zM$Z4o2t%O|0|2BcvLWQz<#%lJdbfH-_vD-ZlCQ%ZF~S~84TckaKE{Km`6(~o?ZEmO z4JtIMHO5?{qDU>a5DfHgzyImOu208V)EFy6F&YfzBCzPVa#2T!5|rVa7WbtUled1- z84F#e&wXv=Gy(dnRG@aGQfs@TAMcOw&Eb7ff1yxtt=TkRua&dEU*=LY=&;cT`>2L4 zn!^Gd7PxW>3nxHxAJy1J=jtGxl*ra$a*QE^q-y|oTZvSHmTOVDI?WgMk@)Udus-5z ztC;d#l#zcA5Eso;#a&z1PRO+N7zL@v{XS1DBP>V`Bg!+;Q9%O%4PT176CVW(YdW3;MWj zMh;;*aj!1-3BOFjX0s8%XpF*XaiwrS@>>AvQ^$Wg%~AZr zXKwQt*cd7dGQgDhVFnq=WMc%VuKO^sQJ^^aApVF1Nd!owR0)K~6u>t(X?N502wz2; zpC-#8@MKYxsyJSMea2z_?+mpecM)~1-3QQIc(`8?uVzR+z|fl!$mY`Fb1vcR8EROP zf9owCZxdYoxD0>Jj65sbao=zOk><8FnlsJ)JLY{rWm72c@eITUAvdvE|0-QUt8eAp zRd#uNxvlagm_mAt2%32bqE7LC*Um0`sF=v{OKwx6ym2uhO^#r{OjG_e%hPa{aed-dV`nXxUDY<2U#ED>7QViO~s6^@s(ml!WmC^Tfw=5W$rX4UY#a;#u!3~j zhce62r9LE}clETDQ?X#!Grn|kYi*UUdPz*4N?3=ISQ2`eF-aABZqFjgtRKCu6EKE` z>5^(p>9TRX4dQ2rG=`A(!vn1U-UA6EN$26sDhzI9Ql|$EZ695nas~reOgkdK0YXjl zZ3`p+SX>VO-}CzqE3p3c)hu<*8(7vHBEpYv@N);74z>^b(N??_++zn2k))-;HXsQr z4kAuZWO8our28a6@BWNVe++cLo`X=*d57z6x;p8Z8e@jGw6KnrT$iV@SnU@5;hXXb zT~3*qWrFXLE3PK1yz>V#HC}9VD}IzXYMekJ0!JxVtkzPqj&BvBo)=Egdb_PeHO~Ugsn;eADkoPH*xmW&SoObuNNoF4p{H348(4ISgHB1M=~uv?!<7aBVFd@0|*A zy7gN$s{6t`Xilmr+YIG>rlp%GbMuuqX8BtxUZsyruz1gxT&<*aT2fsPUj2aXm zfB^Ogt%^jL#EDB32dGGO+}SJG_Dv%J0z8}O@OICuF53Q4Hs;YcOelrJhN5^qyi_EZ zqCrHM8ExXU8#^&*VYM1qw@s#PDZwOQpIg&g!Zqj|5HyqFbpwbRNes+cNUs2*?@+Pb z5e2Y6j*!bagDtYO@($CAzqUSkm3uM~?FG&Oo5uyPk}H)VPL2OkRK2~1mxf-tvgFH@ zIV30(>wcV5TA~Ih)hc`o1i=0T`ZP+yoF0tOy>}WEuS?)x6luMe(J(QaF^we5oYpIB zs@9iBB^&*oe&KRZm-hI%JCWO5io0)_tKaRN21Viy{CD*E(H|2f!HF?3X7z(wcQYS- z{b-k;elJg6SfFbaYm$)J`$H1~8l z|4pVC&96pv!0yUG0t9#&`r3Y=o+43kGfO00|6W24?J2gvnsZ-wwVAqtxqoXn3lRcNBPL2XSHdy;*98QhcJn73B2E7YKP=8&#>(e#ab4)lQIFU^^9i@p z$a-(FJtMKJ+JmD{06=CRLm-Xj^f*g0y(_s(9lDK2d5oub2MIl08uAOUqjITF*TbE- znm#S9`eKT_Y|7M>F5^O@H1JO#BjYgAXNV`PN?3t zGo7XjVTvDpjK8kZwP=4Pwmu(QktFv7|L|RLg=BQLjnb1xZk+)d4NB4O%tZ(2)7UH; zkrw*XVsav52_!f_iY2FHU1tG@`_FgH8>+`xnj{9YgAYydvd69xdO-$U&N?+eV~V-? zKCB>YDs{&^CMt%Mbu%Z~kN&Q+@3MLC+x{bi3Io22CK&nmtUu)3Wh)-K0Z6D?V3pV3^Ca@~ZsTc4H0am&IYizRTxmcQ>3s#UyMBt!6?FY?v#%^yg3 z`?N$b{FO8xYwM4c+wga^Nn*rjzm?(pgQuAP(y`C7P1qpA>?Wz@P@)&>9!8{p~#vF^;y~z zbQJ+N@OH~nfrV?t>kBhkKbG0Tl0}Mm0?#H5#6@>G(ym@yIs**Ql_{ib>xvysL&k#N zWgLY`^SXY)_|m`P`{sad)^_5MxtL0UMD$G5*3jc)0Jcou19r;}3Wq+Uf}^}nC(ako zejD!ZjEx@JN%tK%dRxAO!8a6O3~<67cGvB0MRsH8$9f;vltCH!h;mm&6FGtJ;BvY^ zM@m`)RJRMhyVY%zI-_o?mOUMX{M^T8?A@;u*fH*=A;gZqW?dab{AF=F(K-%7}r_4ZjK_RB$CfRF)*kqV-}ky=e0KdPfD9 zn}9z(5k#Oe+wrn`4z=&aDMwD9zSv;o^FHYt=5;JuyNMZ8kmiZayq(UPLa^p(11LBm z0Oh453`n^)38oY4^!d7#ZBG`t2bLMP!@KdA&vU))PsikriD4aXHlvhe8Zn{rw+`2u zj44;us64PAg}zx`#5^NUje?Gkd6PZbQ34j$^?uAo}|M|7A_VCTZz*jY9DRU&{od)j+C3f{KHmu+; zHU!9*LR*Ferkid2B^kwzJTP6qS?F0O1K{`EV~+RkPjh0=+)N#lx%XxjT6frp*f)iN zo=u7^h?y3qrHaVz{X|ijsVB_v-1codMYQk~mmNw90z`uBvHqeFzC2gs)X7BHq1xbZ zLR^@W{rYsWiHW4T9zYQkn75g6)wA?GTgLWvgqgxaKm4E@No^SkM!*wUI!L$vJB;`C zj3THoFCzyxlepF0G4Xg5@M`{AGNY+vHaTZtcc6P%ozb)Auimb;d(0g(p7yb<&*9^~&OU@Jg0Z&x?Wm8y-0ohBLr*?+g%MOWlPsI?=x3 z@AH~+k?OSqrj+*vazNU^nI`#6n$RUH2AxE+v{0S7?MoS;P&-u_scC9W!ntWSvvh)} z5}u?FH&VgzA$LZhh-LPrRBj>zoB{W>;KQy?v-xkng*p3*A=55>-7{d|>&gbo?GrC< z@PY?{8ZKhinj{yE)yBZSPNxnHY`|F3Q6-88YDB_4L&yWoq0HPTtH(P3yzy_VqM%_# z>ag|n;EOT3kchHN!to`C=|FtALauYE^<3?XQ2@~kibd$Sdbs?{lc2V;JQ0uPp9pso{h z>n^6Ay^^_nOMeM{@i!a1rAt2AF}TIse;Q4iAV#$~dFQNG_+t}(_1h97i`W148ay#U zh_9{@2-tzv{oUn~d+wPmOFW3?m|k%B)!dfRT42eZ;?K@OD7owPN5xC~p2bF7ZaW)? z<>y!kxkYyGwrc|GBWHyklP&*>P++6Rm1Eu;&qaS|nh#F+FY6oSkJ_8z&UQUOJ~Osj z1Ek6vVWy4*`g9EA$5|VDys;?Rxi2eLtM|806=hvOZSOw{ApwQBDn)3+1sHBxhn3#A z0{8;q1R4P#F$s{W8<4~XCY&Gra4;zYH=F>N@13RfE6|E5=UPcQ=I}mq1N$Q^83|&j z0ic&N;VIIm>ms)27oYy%1OwGr*@>{7sbPE86zaiTkV#r_3FLJ+u=4#;02g5x1Bg$d z#Vq`~DhA+ZxcD->?Y_BrQjQ2Jt1o7C(9T?4_!%}bWSpjo5k!)|&zpI32Ge7rnG}2T zZ!8lnZeI-a${($>#hg5zGSxm+|Ja>H5+MZr-Z`JjsW{JGb+qPUX2`^qn31g;08#AI zHXK!HOosTI+ILR|^jzCuN@GcC4>dKaDXPj%yTAhtEA)@u)6{QkcN?X47=)Dg$B7yc z4V}TKn<9?kORDS6srsQIwus(doVuD0j;{7C7tW~}ZqDU?9`>}y*Hnn6yA{yMUH+Wv z{djW`MbJReIXu*qMgjPZ8jP#58c`mdBvnJMm}y1~sUSI_$UIWz)RDnionvB&(H>C% z0L+LPIViLjG{5O&b{fOToW^#SHF8J&AvD`7C&J7(Eigeeap{?n-}~Q^YUS4HcGlZI z#?{f&a-91ACG`~wv0Impv$DA8a+s_ZGO#;6J^g;&)6@La75-h*c{dIW4u``F7c7{` zZuj*bEfnIwl$((;1dLi0kxB8-s1Zt!q2Z)&4Y%oSiCF)tcFcS#om~^{I^>0N?lSrP z$_2EBf!EA7jl27UWoC=EFVfF{`}3SJ^;yK+?=YJXke9+vI6_YEW%R+7YvylwsKvFs zRHW&clcDxJ3p`gI_--?C7p%kLCbPGilF-bYmhRG>PC)0S!v%`;&*|?<$^3&;VOso2SkJ z3}m*rT-x-D^#B}Z(d`|0-zwG3`=%2f!f;~|_UbI8$nUFKJ6vY!;)WcK4z$697q8+V z2g2&Tp>E#CMJCH7X6$Zsujo1E8E2AQO!9D7kw=?wTcR!_<_L9%EL=+{XZlO1paTB) z6qNd%rGu$%vyn~l^_vN6j>Y?22R@!n*>=nQKN(ypUFUaxlbf~CpsKpzVNangl_d|1 z6$oRMuw!z=^x2a^08etCBbgM(KRWwqqfWf49vwU-zV|Bex*?X&QY*3TJAxoAbq56U7Opg@;PeG%gJ$FSQ6 zI2X1mDX3nBow|ND*E zOZ~qR81e7r>|uxmRaC4jEp0n* zho$J+4vsSIeBUoy+^)AibDWl{b-eDz$ZK>u&;Y*^jIFHBx0xQh8$?SQUXN^u%Cpuw6`8IM34z+FD*c*^ z@;_4qq;KfK>FS{8N<7RQCDL3L6Euh+aY5Z4Y3I-YL)B?GKn354lY%?58nXJ>UG9yf z(!c6`p%*B--#(t}rk2v^;4_AWL7}<;1M-0X8Ms!vg=$W@!URA^;Gk2_h!9OK{QLA$ ztU5o#)2coA&9%I&(|I`hrG{P}+31j13=)D~%C*vBsQbPSp5xRZ7fWuBL)*xT8^mJk z%|${<6JhFeC21yQui(WyAqX&U&!CZ>G7jAvt7THQk5cap{-clPLN5G5o5JbqCIuYu zA=9-CQ&@Rs3Nto-7GX26%-T+;CMBsByT)#vH2!-YHsQB)Wxk~+7c?Qn+EUPh+5jK> znl|;BIZw&)cpl2sr+(u>W$>5#o>yvzFo;P35%15Xk0<^03FkT$E9-|sMZ5b@Z(~ws z@nyr2n25)3Zu0Kmtzbod`xy{vK#5W2TE&(E7UNe7UkmY@s5v#hzCsQeLI9+({_|G zHumGCIdd;t;`IIXc^%*0WVNj8ahQCZ%tmL5}1^Gtkc{(%n zX*Q+xbTBakwSZC9ls3&Ja(PwKZ++4)RjQ?LWPclzb*TdiQ$|Rf9 z`wCeOO*PAMMvhuutV?>ddiB2I;})@W+m@YPl{(d2J4hO%pR3kUvjB$cg8+XTo9}9g z7p4ACk~ZI@RB#kXv@#8G0y@(J0SkxPdOJdTnc6Rhhany!i{v9@Pc1%ndIi7)-Af9&W;Gdp;zNKvuSk%3^n) zw|{zu4gU&0*=?$}>Wbm)2VTR>AsGaihz!OVF=S|5d`XFv5+p5AtwRRN*jTx}uWT?Z zSGjexfLLVU`?)n@yoowL5m%)<);g1dVhyu!a$_g9k zW30mnHtc0$hdhf;7zBksBg4N&R8n%3YgI>(&+I2ps0p09)=Z9l7AiX7l_1zJ;R^e6 zBFi^Rma4czOk?RS{y zfU&Z$Xge*=CoP)ogUVaM?ZIQa0Xp5F>hsPW&p;M6J~@My`9_;cF>JzwaX8_%z9k z#`}Wc^4NB!bd50-K?v~@f;@W9|C)*(9ju4V>8!`WXT1KhftmmI{K%Gr0Tb(HG9O>I zQuyN!euZL(sEAsuQL+QW$YVr}617rpvTb44w!_OW9j-5?z0E^+Eolyk*hc`$PNi!! z`YVbQ$Wc(lsL8M|22+cA$-!4`@=4?|?ihH#quGx%Y5=Gk>~w7Bkt zO|^L?0#lUk*a3hEQG&TiSCM}(9N!Fl@TOpG3rxANV@W*hN0m`ofuXtDYl_rf9{s+F z45yXV-;j_+t)@sKn?6MgVp{_{U079Jt`v5*kg)>nG`|6rc17S{Fj-yQb?>a6Z!%9#38RNgPt%$0pTQ*ZlZO z9GWfed~Tq{hgQUc00cTjK?X@V8F3C(p*sALjT}=vP`{$d;jL*bEm+GTFkH3Ny4a3f zWHz~k8Q?i8rv@*Lpra#%l35LRaE|4dr9@=<-_6ZFhCObY9m_Aia38+9j|1`CnS1a897~l%@z!OUU6$96LVs_9CzIsr-a_ zu;ux$LuDg!_7d4dCFuCQ5K@^Evf9W0vH$>p?z}N99mU1{z{0&zctE0POJ^oaiKiRKsAYgI!bK3F03~8VrXp-`^tjpL!nSG0-c)_u3CK)6L=!8Y z#?TYOQ7{RW92atA>}umxA$*5~cy40PwAv-FGVIj^{-m^VZPPAJFGoiznz_t0-w&e} zOi^*g3M9k}5wo&%26&USJCV&_?Ue?9Wdujx;wTUNNPEjz0@RbI%OKz?i(R3t!1Yxy zFR(2>`;vr9dD4&Bxf;m#%I=XVJ@hfg(C7a;ttc1zoZabnoJNWjH`JTTr!ANAwuFq1 z%PT7*)h{GgbfV$+xY&y?J<2v%Txp!EmDJM)*K?-}RFcJ$?)Lar0{|!@grlJ?Q1^v_ zf3cN1J2Rp)zmv>Qf8@Nx{fs{WHd9OM>+e@1g84i499vG)Ke0=(cpoQX{A)i6W7IXB zj;BSb-917SZ(CvV>@3mE)LROTo$B!b`C%|vlX`HwKq!b_XXhpN!DH<@rr9PO@p)AU zMKpRER$Pbl=J@9zfh|TPS)$=n-RE<(?dR^dVD65>V?O&r{3_x*Rh^i0zgJ|40IArX zUUM*GUpr=-$A}6=dT$raZ!V}G@#!REmmhbGN$Rqy-LIdSOR;*;CAwBqyO$y9WDq9_ zBV&V~>vhh)P7P_R7%t((w=k#zLRg5wFdv)K%iMOot*Y;JYN&njP5GQ!2?(j;t^6l8$<@?!=nG#z1AWCAlb z&tjFohnvV+E>&3%g#`3#-5&;d*evYx)EXN{JfIcqu~XtUcfELV3>l@cR{`b;fjJ(A z)`A=PIKrxYu8N{13%kbCXg$x9;2IbBSZ*Bzp>%@i$Py}sh4a7b`x=;pA?Hg~6o`|h zaV~}6;dj&GJjlLT%FNW|n&-|7{jbtjuXxkVg~e9-Z~iT@d63S1wIOlt}KteOulpwFqobE70Z6!H4uVS z77YQDPPv?RW9a~Zj#@+8tfFa%M4ll>*4V@Csf5AZW$H+-396M8-jYF|s4DG3NQz|# zL~`6pD8ATnkAlW_>_;k4qHd!!Wd!QYR7%7)9vdf|;4CeIY3md$T&Zq_x)g82jTWO6 zVMGVVd<1ko*u zLly%$&DHFxt?{qPYW%dH9A0|47jjpa{E2qCkA-Dk7+&mjX>@R^aWi`DmT^HA(LMQ5 zenZpesmUkQ$X40O*wgI&(eU?hO0`9{Z&|JnZ=8_1-^|oQ0vN*v7$V_qmG^{p6>Xk5 z`sJ|7tO|{w0QsmVI36EdJpX>y2?;F-Kq-q8LeXTmNvcxJcg|#Gg<|`&hYF2-U-0i` zR6Z$gY@FtQ>@!2qs77Qa5cLj*+)U&zYPdAIg&@(qo{opHHCGl+>1aEe{@f2jjZAFI z2Q%?oUeu3PYie%`!WuYsI}o80wgyv9ZLumhGY_aiY|JWIlp1_75d25P!;Bcj$|$5L zP@9euwCK9-yRp6xh5z}VNQRf>cv_m89#QMPO4g}+pI5c~1OP=FtX%tjzhm3B=9iR| zR99d5WxQ!Mh)NaBS*<(vP?Gq~u{!L}@%w)F7Bl5^H#KJ(g=3X;qIm*C9#H#>nY{wb>wQJ z@HW%4d)64Z2`{&AikT<4udn;oxfAa5a$PqgxqJlK=@96$T|>$+N!l}G7l%>Z@K%-~ z5^BJZ!Eg)&==NL9dRKPMGp|zhUk8A7b%?O9slF#Y?EYd<*>G>|0>*i!l%~+oDKLX% zK~lOLoRwm_D?4+J>h!k%99vYgOZcf6INLg5riMZCLS?_0{E|qK=0<^CLIy>;dpfYv zjkG|F7QhHyc=(^7bR?*S;AE8aQ0!m}J;SoD_Zj^6H2JRHP$-+|OVt(xsE{3Q+gmg= z+rWr(`N=4?4^Mo88t&FunKgnpKUBot@vqtXQlse&kU9?$4Wy%3|)< zLkYT$bA0u=)A6*=Px98b8t6A#h%L;gby#S)Is_AC5*SRy;HYUMh!biM)ybk*=ikjW z`k=DEm>w0%Q@>xm*tC6KsoBj(5uxK2DxW5X* zxi_B$>TgrGsJ+n$IWT;_lc*5_kiJ3=-%#y39bd%Xuya@JTju$||IDL~Q5ZMw8CUxL z zcWOYzoHh>QEK>R^eP5%~+1AZ@pcnjQkvJ(;E+9;?%~SiFK3Xa$4_%c5CaJ;%zBAdH zfVnLi3}+x9=+qY=#9Apk;I3b9aF5KaCF``1R#xO%{GEiUzu%fC06(+itqJj+0@5 zfe1vz;mgAL8%}Pu4ADUv33^tjx_w<}lv*pq(Fi*e#bHYR?#ax2M--o-%v_V~J__nm z;q@O-*6XXr{0&?lmBc_2S%FYFT{C>VOTPB?b^NiN(;Z-6ox2q~KcWiCe`NIajFSoa zIFUkoetPOLle(G2`1RRc1 zZ%FawRdFQjvdMH5UTBB;=sje_0@PK0Eh_al&5Ip&*VZ_~N5ox0D7>cQV4-efZ!&uB zl@NhAWks;galThhdJ@;pLbcc>x!0YMRL*M_h=E7r(jT5UeNqIX(A$`DnOEoZZE!tP zl={Mseyfyy1k-X8X;wccKOGgC7~Ae{6i&lZBwNQ!!N^T$y1a{~dAlvun8%-i_`H0u zWEhBCH}%xdLt@>;q~$psoqyleC9RD>W)*X7NV!dW>W8rOL@E07YaFx+AqGV3{j$O6 z#ySb3D|YFQ0)ZxMbw=4hMdoSE6c1+$XZBhm+CxQ!%N-uw`aH zzuS4-2je;xZnip??R>plhjBa1HIE0j3W}#3(DSRDp5~G`zBH+*)cf|XpKbDeAF3J` z@G*F%B2o`G?kd;nyCe5I;{2z)4s8VlJzec?*O_4mFuM0?9)j*LGjt<`i@F#I+O`RhjvBFxsGa> zEZ5Q!TNiFa#sOXIp!qj$VhiS5M9K9B`jQ#~-zL2GR=o!!z5pC}$|V59CVeO4>v^J< zoaf(?_qul6p1I{4Ar*EPo;GMLPr<>u)%tR?lLD5^MzzXZ%Z}&NEAA&_I9${76o=`% z!Df=6X`~ctu`zPXqM4^}gkL+wDFcDdypkHeTc`X3W~WmsS#CPWt$Rl|b~zXd9(U#6 zn&&$mP!BuUZfsFqNy)aNDyDOf6No=9c#}n-5E^u-J=q(3bQKVikebNnlUiq#gICK0 zaDDnC-cA?dT-~g4E1>D$yvMl%p3|cbDljs_>7{XAn#;u!_htnD3Y6zsCI0$I)^|W- zcpf*Y{TSN?%aJOIK@C|5jHbMT(Ep7bN*8p)lskuAy+IXs+EWR7T+F1n39Q&H3T`QBm%9toia;3zo1Phw%HG$>?+ zI|CgU+ARapr#*J|g)Lq(;hPlqlY|LE-R7rZR1ZicHG{ zu{;A2B-8~;z+fYy7mKo3Wi9l+$S}au;M9ztldtR2pXIY)2ab?blAgcu<1d)ogx(fn zjm7rL>%su!C77QIw|Y7iMqOn*6@~$^mtf@A6sw9~1qC0GH-}Ckq=JQeo8O4!MfU*w zcGGUj$Ui2IEiUX>db@9-cF|a1LXZ%LWjWslsuri&kD4v!hoxU$FENq6I9-Q3Et$C| zeVO!_%RT7r1>EnOwkHm1Wv?0+XBD(|k653Ho|U4gj?OC5)S(AJ1k0U5Fu6Rgi7`oM zfpRx(W$b9$FQMae7LXNY5_L&Ea;H{Uo?_HT!^@STACJ!0VNAQ=XFQ;O`bka8Xw#z_ zJqj&%eDFKn%>GE}cL{@)4N(SQ{|Mse6!dox;#Abd0RH-5f!7Eu6~ES;F+l-waQ*VI zjO4^1)+ZrF{!MHR6yZsQh8788rGmcNFjY0=mmI?djiJBGzH@Z#PQZTRw4=QZn9{GJ zhvAFnK7;3?C=OLrpg>hwm;D?aP2UF>uyM|X#7FE!uJ&Z74W`U7{iW;+`)CDi1Qccy z=S!3J%;Wnc8_`ByHChvd)v1r54NAPP7!KRZ=--yYWvuj6XR7^cEc{t@W|bjFG=$g} z8WF-Fa5pdhF!s+tNa~UiXxx#pR#>YOM8}I1$S)9wYun{>*sy`xq-d6O4P9D4d!m_V zOhQv4qxUi%o#3hz7*f*XQI?oG@C`x#3nB^|ry0-877ojtBH6y8%XKte(a~}x0Gl)_ zfSG6wp^76L5QQhlF=(ZcVSORthBa9vqJqmi^i^``lqsC7&mFB*E#tDuLpXte^l${# zxROqJ2+87E>IU-LMX#zea}0f$H-t%h*;hBcY`b>7yV)CnXFlG;LV;1xeCq z`ltixtlfW{HWf>waY8x<@9x|Z)9G@%%ZMbHc@Q*4FqhVaZ{)jqvcAxK@qM7e>FUiP z_!6BHmUo(o6R*~9_hJ6%7L#vc-zhP1dwA&=hTtoX9sg~|0Hf0+v%S-*pxVkaHqV8| z&y;Ay{M%olz+KVeM&V?>p^b0#QbuEb;`K+rO4y1d>ow30+mi$pFV%hpRZQ+Uju?Ib zvc61pwt?=Lle~BGlunweI1~PpB&)1=GcNNMa(?N>1|+;al79_Cg~7RdcHY1nR#D{P z0m;mw_Axw{Xc1qo-B&P=In_|krD3<0No_H(s?qu{mYjaZNTp6#gwl&tQ91iBnf`@9 zL?&q-$BxIsA$bbT&Ld|q1@TeRsahgbjRIVj^NwK#C=}bL1X_vIMp)CnUiC z!+cd9wm8DDlf+7kF_b5N5gu7Js@5 zao{9I8|u4^yNvN?+4+8i}@?LSMgWN0fc>MQA(u z<2mOZ9|AKh#&!G)B1F>kty1SjZSA)wJ#dG5C74WX3T`)-j{JcHD4L3PLKSMa0za&S zP=Idb$(Xl=<@ZYV*d8Dvp2dVdg^0wWF0F#ws#==Yb|#H!NOF}pvkMUAgbX%LuV7ux zV1>j*$Y94w(xuD($}5%CXJ%Kf)jqej^Vr5*f3wj&Fe-21BUxLFagQNnj$x=ivC@gN zq}|)d^G_I}l%=NCLp<=Z-dk+K(u$PN-HR?0{0vK7z zu6WH8aWJA3heUb6A`&Mg!UtI#zqb7vH~B0ai8h&-@)PIUU%(7BX;aZc$+efI4yN%_N-rlCOhdzmAd9cjVESqd zSY_j#p5QAj_7&X`M>wcG|J(XpPB#K+bGX>^&tF_&iCUeW*0BgQz@5g667c_ z6u-LtO!)RRr8TR$*a?f9znene4mjf}a4DU+Ub3|@J=8%|?LJOINX-oj{JQ0Jm?2Sv zRWJ1`c6heQN|dgu9J&V0NMWUy5?k?cTRfc>ZG!Cy9A-NlaSC9Lit3a^@~PgTyN&(GBII@1>7v zAef?4ukvxI&D3{@#-Ac`n+SPD5n<<*J*L_l_?RGXVD);1(1#$^}r z@FMaGKdjt6EfzOqvJ)XxVrB%h2mz=hi=yJDB0Pk^@TL!2JbwY`hx=3U+%NB0ZDvG8 z$*D#7r<&3)bfb9GCm&IyXbPwzOx1Q&r;y~+6AUG&O_hzUOuC~}*}${yoCZn-b_Au8 z%e`rN5@F)}F^bzI{!8=5zejDr`HFKK6WFEcZmPxzu;aA_l;mnL7{mFv{ z@?Vq<9W6obh^i!+V7fxJ;r@shi7FFlGN9C+1jYc9xi2dQO`W@hwuUfpY< z6hHpPBn6_mGOdK~eO~<&Rbb(qtCoZe7e zUXpLFL$1tEcXSGgE2f-fy_>~4OawyfuVF&Q@sc*;))%w2CC0Ps=on$TVM)2**j`kH zd?_6?q*zsTp*`c1;=CE7wXCq!1)aM-#FsII=2^fQMWL)(t*|K0r4q7|CL^p$LT$qD z-=G9ZaPjpXpt>r+gdth9cbJ|1+`q=*5o^@{@5p%*u@03TjZ+9uxLQ%-v8)}9ys;fC?2^|zf&s%f{3{LY z&tf_I%SaB(d@VD)sU^P6=y@{#bp#qj@1OD(ak^`5S-0LZc$AGQ`58R<^l0(0YH2uvn;TVfjd0cTCc4PJNgf? zkAygj437-E8h{Gid#QTl|3Qg;l$nSZR~ECI-|(_tvp3yZdRaLm`RwhNaU0639a&D? zkKG^|98}ASTJ3*2nj-a#6iOfE(_uRPiMiZvQt2_+T!?M!LG-et(X?dsyrrOg*$Rxrz*!7Ab<{xo1-58g1t;zuYB&M<)^{A-ImK zN?AagSgHF8lO5yTPjxrjBCXcjP}Jo^uIU~SOVw@p?JmXPumlG1@7^@=jX%0h}bGE;so z26>4KLc_fg92JmPZpg*0Of!`-UMKBpY<-uZdL4W@ckjjCwjiHWW0CEFYW_Y0gJ!yk}x0%&zR8M-UJI36mEAMFMMt zFeeg584f+$t>Q{2ZjqpygW62)+9C|Z>jVedd2fL=6lGY1v22FIBbMNRZQWa%ILu3f z$F!@0b7Xp?dHGDga`R^NN~^?~32tNYTvO@Tp-l$(4QmOTL2LH@P30n_iuP<=z&$_P z*ZGv4b5ZrFfnQ84q94FIPN*W_9%nYna@$Oc8Yqn4Sph*gG-xr=1d5FjUn}SpWvCV| z_HTU1KLjqaEo-hMH25WnNNU(3w;^w3)^NjF@x8b(l{&J`-q!N`V&(j{uF1|!h`^)0 ztaftOIUUHgdAv`B5bWNdn*v{^c{tLAW_C0l@aNQ!#Q5&p&+qPsA^RS1KW}>P-|0A> z+4t-(xt7TiO%R1fH7Gjuo8Gu32m*|LGC?DQ=8;hX*R6tZ@*REwld}G<1tTC9CAtcD z&qy`%YY&>==5zjs<(J(4(gT;MXSOu?Ic0}Ko_(ewk19g*w{0Fz*|hmAzdT%97_k^1 z?!k1(yQAT-wotL-dveV2>+c$St~0wHx|c8IXO>C7O0~TBLesds3nzlSGy|S|5>U`t z9M%wA^w3ToL~1m!TWtmmCYJ$$ta>PG`7p)@3JqnP5L->Uz&I%Js<9EX{Sg8SY8|nP zDcMko)Tu^XUkSrE!o`t5p79H2vFy{rL;O&NRsOIQ6jN1lnHPF zj%?~SRl>Aj1ht(=UKgiw1x2#Lk6-08@B)A){q0+^9FCGU#F1EAB)zN4Se{$Ue<=k+ zDm{3ZD?j@#eG>8mSe<2me@_Iq!G+9o>=n~QQ*fa0aMRM>Q_yC`B}C|2wS$X!2X%P@ z+>_F}rqe1r%;g{zhDv=zbNbd4daTj$gum<5aO3jX7#0O#}2ebGR%ri&n7AJ1UaX~ z5qTmA>Z>ui;KlJEG1>`zfEe)lR1_BIOpnwIQMXR6~tL&iR4Ax86M|e^H zWdRQ6rAOPb9Kd=BMDxVhLyJBVq@X{5m=6&U{s|U9-tk5&M zFJEOK-%jqvOil))KMB_3q$+Ave-HI8XGd_Jqny8e#oi*Iml!9s;!tTJ0QzJm7uawz zP+QY}<2ygK8A5mwHJ8n5n=khVg(pifm+px7o@x65<4(_?*0HxN@3Ppfrk zNs04kTxWQ9(Z^m@u0CDfU z8aIBO6oX)3PGuwEF0HZ6wk^p+R{y zv|*0F(RerojGDj0xmXknfWK4=~`LyTFA!VT+#lDlzMs`mWvU zqhs40@*wxMQ8U%ZB3G+S_|0*@k(!+kuXgFw>o%8LqebGoUrM3P;>4*MLr{wIoGI{f z&P4}a_^DLgVDq{hHH+H%%=boi9Zta<48AI`axIP0C0JUupzjSRk3uA{9w^RkAB*6v0$W5NZiS z7_+DZg8Z2lp<+5fBy31k6K5rk-xFnf9e2KU$?V09C_tCA|JAZ)9=SgKR!JAzG`zp_ z!8h-i(kN-7F=nMG8$U-{2SA^%Pg47<-I0&=7gpXqh=HkfkMTxnO zEOFn)vVr2bBQWe_=obL)^`AlMRZbr+{1dO%rEW6lG^MWg{tu0}c-VYDh?>pU77&`D zf7FvI!p+)5nzi4+YD(u&q z$YG}{oq17~Dn=~UEMWltvayCgCQwMFI6+9Eh|wITRNNl${{WFdZokh58=tW*isIFa zM2-{TlA%I`K>#Jd%Og_d1ZLb;7_qC$!ZEG7#O|?R`z^*VXWb2ZG{bPzKo~(54ZAr_ zB+)m&j-v8PvwgMIb-AVPm2}(Phlcu`YLqsj2GV4sPIX$ZZ)o`zx)=bEl7v~I6h8E3 z+}=GW12&Zd&vZAx-KE|wO^t&WUZQlR{&xta=tG+i7^Y2M*mx|v7LErY zG=R}R700~G(6J(@Kyob#N$r>U)4xS=ot4xg2A42`Q$mB<1lmIeS78q(7tAS4O`Rx( zv}lnmYj@YKIk+wDtr1XtIarP4LxDC?S*==^#M4@B6K}>1(rb#Kf*w-rk0- z9EX<8Bx6mZ>eQheBkC;(asuyjh8SV7C6_C`z{``WqDz1W zFpnA}p{uBolVIH?Vs=H#W10pd{tDekYbhF_n#GxeZSibe&68k+fMC?n%dmLFETwVX z4igQmeWAP2?F-_hjiu~WjL!<&4o>wvHE{rzVY6aVMI8}ov)oPrigS`S5_TC8djWa& zp$+HZO*4CHMZ3F@>e=zBN8U(gcSQSR=^cjJT@8UF!v$6;PY@^lDn7N|?K-9O& z)tTS)IaQ~kC=56Oxy0Xx5W@hp1CSq0j=i)~NvD?+XQl3xqu1;@(&ipfD;s#12c@T- z$+%Kczao>t#T*V+vQ=}$Kn2%qkyD3^BZH;KItEJAJkKoE=Dy3?HG;jyCA2A)BoP-U zL6=MZs_ah+)^xt`2FUMF$lMaRb=+Ie40@yy%TxF@ke!qX9q5V#4MfoPmyw z<_dlD89kTn045J8q|{1DQ`a?2cg*qCDc)sa_iR__m&}R-gHzMG-s>reEyH8_to2sy zm=nFcFxD69e3J9U8GVTvTNXFA=C^!P2}nnv&N7hWWR|rMRVcYNRQrkL7rwjR^DdIJ z@Hcy>pIZ9+TIb`%$vV$JdU=8O_(#UEwFjPfI>BD^^{amO=j!jqX&{7@f9Rt|!J}@&8SfRx zxNYat^c#22sfAs)yU+E`xm^f|HkW{K>#$`x1r*5Z+n zXs`ePM1W%fN`OaUd_hL`Aqe5nG1R&Ee2am(BDM@Fxlwx^SIpv}9>Y+H%Zo0)H6XbW z0Kl>6c)xjYn`Rkwn>Y4)I5E{y{z6CFmu9rH5E63nz{%fCjl3BzyqrM{upxG+Q7oGI z2}pbljn3pIXHi>pS5AA4gq@m2msTxoas}KWFT>&zF{o3d<*~9J*MV*_s_rBsxKIks zV1+6V;}d|)mPSTHhafqn7TN3o;*&NrA(e*RsYy?8RxWzcPViFb_;X5)L9gHH=Mg21 zoXY5E4`w}de;cCLYm=u?xh@%B89M=hNSzWT)%?PGu>4(ipLZTi>A#+cT~O(}doXor zjel9__j3*>ic{+v&wO`ndymr&f~^DlUQA~*#iBNub4`$|zIH>{BmJ42{olfAAcO$I z{`uX(G!k42*0d>>d%kIvYgTs2ju=L`u3X1(C2xFt0+32`-C4}fdMw|e*S9WbJB;Lh z6m-LYTWPAl9x%tJb5SKanKyI%NF;y#3D21$^6oI*?-fb23s_BN;J;}4v zy^K<^PE+>M@$0J2duViKAWeyb1}6k&qOe8S0K}6FkFR(|H-> zB8#`YTCy|^xp1g+dF^}vz{M1QPu$w&`Irjh=jc zEt~$;eoxm$t;4A$^IORWfm z>O&C#K-ZsiGRwoJSz^Ns;h{r^w@i#bR2y8s^g2+ulq(Se%OeK(gtUQ$fg9UwZsR6~J+D28iVnJAMxO9M;KrEq5 zo2faBOc_*+3O$XT2Q~AF(t_(#BL%bYx@(mjRlH0>TVGQ>)7`%3kN-aXB7meg%CoDPxTz&UCT-a z1cGqV3l!G<*sb=;-Aa?m<#_~RnJ-vv#fUU znLg#yvGT`-`sZ=lO@PBn-mF@c$u5j{fs+|PfyDreL!4vvR`x~Qql?jmQV!>(G^RDg zu2SsM6?&h`@>KT@xs2FlQedSxt-1i~_Yx_N^b#xiM5THv1wt;!gjixIS@axclyw5xq1wJ=$!ZmI0y(Knv4-Oqi~4h z-Ji}p2(nu_TSs=00~jNQCwAWNry(A3BJc9ox!k}3GkPujdSY+0qsr0_@7!@NInPM# zt{Ch{f@z;s5F6scpas7>hg=ev-T4c=54(M{`DJshF23-7d*JEG;+72a=weV7t!PKC z7BV>JNgCXw$(B`+F@frL{CuxsN{VC@o#f>6&pq-5Pt!&cZ{5Eq_sow=(K_llL@NSQ_ndPLSJ_z3B;|@~Qp#Hs15RoR z7c*=;;nh{fm*Z<%{A<<=E!}ODO#f_4e?uu8?ob?;w`QTc=LrPhkr>HkYZLR2@ zJsmtV@zoZ-Rlj$rZf~0tjz1tl>RbHNwV~VCGWQXyyHAPnz^GRdRud- zlD2p6FD`_0{@?j+!S+nR5pFk+t`P?noxOT{W?==%m zPedmiv0udcSH`dBj@qjWLFrA=2;K1U!CCLGcxXA1-`{-WL+1AT62JU>^+&&W&cd;S z%H?ro@!bw*?W%)eS_&|Z%?#0gahH$}HT^KgYEWnI$05Kz8 z;m(ua{P?;X8>-p?_s5<(r)dqL6;E8)dfj6KiHm21)=J;P zF5{4O;6OX$V#BzJXT^@1Uq&~3g7`r9fv379RPeT40Q$8m#HY!z#cGP3E`fdH7EAZv^ z_7cMhlqlHpV9ZiTf#re|EoQbwD+p-9WVn&Y#U1Kz=V&kIXMN#Rs4}Ovlfz{Upci`ui$US4K>zNP0uLBz2U8$038{uH?t0Dw~}i5?FCz_n=YAHERk z*!tmJ`mxu`dtOnu{+bwC@VpNtJ&CE*(f#qQa;_)b*-@yVtTEwo1W%|51cLFQV?6rp zvgKDQ?k;RC(26jZN~r_SaOp|bfY`Ad1naK+KM_%8Ly|RKEF6eqo^=ZG%C!5tN3)D$ zn*a^FL(f%-uX~)&440&q$#u%`vf<&fbY>jXPBOlZPN{RrTX$Ier>AJ+mtuvV&aGu2 zR5<1j$G45W)*YG2F>kGz@E-5+->`GfK?nHGSn%KN^!|6@G^i|N6KCCqtHKozxhKCe z3JWFY=a)op|M%kMzdAgzp=H+(cCUP`>pSNyzvs>&=~OOzhW*qOSL#;LSt(*F{?FB^ zH-aV$8=I|(Xny_n>X&XAI{$!DI3C(Mfp2IJHC|9t3=7&EW#OhFc`@w!x3M2Z9Su{y z!-ygiZ1GOq($`h+fen?Z7!w*}mzlt8L#7gyE(=SyxBDfRmt#c_^1^%xMZ*99Ysa3A zJ@*u6Mb^*%{Vr74CZpMj!OWyywubUU1ICa^@Ju{&Rcawq9FGad8k`=6t@wFW$>$W? zbi?h`70c>O+sK=s0;uk$kEso!?{(ak^uJH{Eg$xT55e@IP{#P z8?z17verH?SM6~NbID6L4(Dg-qsJSzWf|`nSHIsY)NAyF2O=k$@Vvh(K$-Gn*3i9- z(TOyqnX0a0Gv$LYEch!pZ#^d+N#(tus6=7Y0_6`+o_+^yihw3Lm{4|Z2$mY>?0&F?E=3^gyJ3Z#_z~8sB%)P_u&GF*X%bMPD{H7OgzisXf3oGaT*{l9WPOn-m zrUF`{;fBkn{7T72p;nd5u)?>#P;aXJi}7}SSl)*0+7~G5Y3^|a;)z1c~lz2-eSNSu~6)(m={% zzEq}m$+mIMqAA@P(}e82#K6CF81q~g0!;jYFUNbl)RCwMgadlAn1)O556$+| z-PevWOB2zwY`xHIA1wbwnOM+TXrgj;*5M3d6?}Ng&5p`-gQPCV84cWEh#ss7Y;Mxa zVW=oj_Oar%Vc&Fr(^Jv81ZI5h$!7alwG+owjTugb9&Rw}g5&bfQ?iZs%j;7k-#0Ofl!+&_~3>WsI>KM%x?V2T&~FV{N1$N!5wv1$L#{`wAo;+$2h z-ht*$4@YH~kYSwS9n3?GWgG+6x8TDJy}&}$V7c1#Yyd#s76D0O4(SLR>#slc_;+4v zaefLHjwQyQj~aU6#iYjwl)hJ`M+EK!1dNVo7eC$&v(xnI06Kiw{=5s)vUc@r*|}?q z`=(v%)?0^`soTERSUzXMH4$BTGS|6RA;-{OuV)7bjc&Am%+*>(T*?uGFk8pCkK08` zNw-;jSN$N?`Hp<(+OY+{XgeYi{`yn{MEM2Ys>X$9jq}rwyz!mg!Dl#5RE>PuD$b}{ zYKfl`!I$RqN@t)YW;>aZ8ljYf<_G8BCD|3feB%*Omug{+R?av=DG#U8e0oGFT40XK zcsL?44zWOakCfRb0hQHeluIvrwJe(q+qlly-q!n*8iO|L9^MXfe58u45tRxYl#lUG z;lKjF8u`}o`|8V7zr&Su5Z*A(=9$Jt|!9$8HZ~y=hvZB)6u=3%ZZ~nN8Ka~^rt@bw;9b*Lb+?hL( zvC1;<(yX$d6C%lU5{es{r&=QOB&9>~xE8du&3oVC-;Fn-*#)C`c-w=IUU0V}_{z5a z;Nb_iPVR}-R~5$Z8!7GZdTJ!mFN%KCER@vP#|y9B|HKou!In(+6ha)s@VcJC*qSeY z5`YiCo1XK|vOBG&4ClPcw{E@r%&F(E>R1oK-+zw7d;C*UHte1K4PU$@+t6_KJJaIn zA%ql$i`hdSmU6_Z=3@oR-J9G`9BT+$8T0Y#_yi9KXz+j$@PUx#@L+3HC931 zh0L*2Uejn^)%g{}**!k|N`#XlHOuPfeqcmTKDht0*DU|)4VRx+;i-{$_dss=wTV65 za!0MZx|*rPD%JA(WIV=bY?y}4qTOTl1mlszg!V<$X|}%=4{Cg2lUyt?2BH)IgQuf9 zoT#;n^K!`rnNVY5-p1Ozq7);9K2*^hCrf6K#05TQ;>vly?0=GD1jDg2nJdk*yWKIMHFGFjSW&jY!#)MF13Mg49>BJM*{YsOCPCBdI zbP6P`Q^JfQ!*tobtvKb;auyrRptjwCtAr4hWOmbmVygF;#p`M`)(oT`e(a zAb(<6%_86!RPeeu>0^sNdfUQVzwz4l&9-Y=Jt5u58AdLhIVlQCD9}DHwD=qS$M0#L zy<%~DFwpk9L2H-=UH@O!xj4P(FB#wLjor7f{zv`E&$L%C@V^M2W|xm9d%u3h9q*QT z?{V6(Wp`htm}_WQ`Hr=C8srE80Be4IU#NIghQ%@$pCC8sa%a1G=N{wE8uwRSi95fP zxOd5di{h}f zzj=IASv&!1)~P?;Q?vGLS9~Z}@w_#oz-axRl*SShvJONPf=)dVlPm|)Z>f8#75oaG z`uDb5(q+$gdmhTMPQ5xaf}(y>idtcpRi$J{0)Fd}y2XbLq0uZV`ZSCCUHpz_CoZGv z<36p(=_OdCfJ&^#D+Fqkmg`gy=N~btVYCF(z!m1OatzOWehp_ z97GfVHz83x5Tqw~T0{WOP}ziNcg4=UEW7)Q_3!&qc}K21{mTaS6VvP*6h>bEjY_3K zhr02BYvzCXaPQLv+c4FEM!U!bT7wncM*NVKA8}WnK`Ym)!L$4H&}fNj4oKuvx%8

%834a^pHf z%NnWU)XeAHH5pcpLp05D8HNfl9|Snc)yDCl0s=K+tuCQw)sYB9tW%}{P6OJE9T(0J z2m%;{3EwT&d1@AZF7f*O@~{sQPVh&99qSg~5%#xXVt;%8le}|=umAuc07*naRQsn7 zEf0jpbWH_3Mq;PzKC5!x(x!j(X`_F8j&Q?x_JjLI=Lh70k}+~Ym(2c`G5PA~jvZrf ze0$Yb{%#ik38z=q?ewztUC9xC;qHO8onvRO{=a@4{HNZA34nPUo|#?TXt}Trw30LD zHRi)z<_=){B+q?D`p1{q-@R#cUfY8A|FnF~Q!?i^JAzK*r&eE=8v6{M9!j#mNRCMt zev-T4*)1+0AC+Ru3yMO|ASAGES>lmXpI@9bUsv#F8Xn#Kt!%|V(MH`f{W%Pub*`_f-oC*SOMsK){Kpy-h-}^y0Iwz z#5HRi)-Fa{U*kH?GwwssB*4~Sgd+%JsZ5$6rvk*}ktG4xj@JEFi;BvipSRB{ai%S0 zIc1P2gSNE7es!Mpj2rSnDtIvOp;^gEnM6(@X4stv2(3{U&SsZFuWOfBILX8zpSGu+ zlS077a*C~c93x5Kah~&2yP9B)_hHC{7*Ngg5sq1iIA)^X)?#0)voBSzt{*xPv`-v! zpM6i;Q?=NLDMy_Q@7Sy$Lw^=(UKr4cfhfhq zRw2%F$N~(2SSIEyeR@B8?i=zfh34m4dle81Swf5ot%Z6-27MmBtiJ~*S@!;YW{i6 zZ)1$>^pcj-%i6b32z3)YwbSUIbZWwUQx&R@pf`K9z6rA_${Zie{pcehUVLke{eR@2 zd9n-uAZrD9YFid#@-Bdqy6rtl*Ivcl)(?ovA_L|%kodvq4-1X6!fNw~@0Ex)x%b5Z zH+M2vnsz+9oQm0}j(YdWuDgdloz>RU-l?x8Q=vM~s+QVCZ9nKfdR|{q3u9#IK06Djs^i;?VSuh7u3XQkES{ z9~z9CoLz^IT}BM2Ow4O)e|ko}EHrKyY8szB`Yige563Eao`s}HsYV?hr!j1`pw|Y# zq~>loA$vw|jrZAh>E6ojHaq1j+qINbBk8E8b~n6%BRr)7A)F38CUpgIMuFoY66cx8 z`@B^Q9mz9F#4@6q9pkHOgdz|oypB4>vKi48avsuC82!>b*$z=JoMk?s|lK ztMK9GnyHo=8&Z)?F0Wb-nlc|Q=gy5tYMoxwLLyx)ok)DehC85!Xr|g@m}{?w9d^;;0Pr zu$Ee94RwRu3W!Ef+YjBBK017Imb~S$fOylf$9tL9g8}Yi1J#wzSb}?PAV&K_&f~>R zUkZzqiyrpuPKS2@s$JZ6{;k~~0|vA;Y^#o4ayS)xin^1}5v}Bu3yX(S)F_Ne(@)m! zd0}i%i_Qcs95BuPh5)m9vsyUb4z*({a%o_Tp?Mg5IL9EOd@6vLQpo8~cxVJ~y$1%;wVjCG4oKni)vlo{xz>XXei-+o=+ zR`-=*`GF6{6N;Ce3eT(@KQ-s(C->feS@FE{p6xZhGh7eF&-W)cpCgao>+AFmjQ*_3 z)*O5@3@-INf6V`Cm;RHgbaXqJ$kDYianv<2?HgrA#P445>?W2{!hsjJRL=AUF#&r> z?hPfw@>F5CSG8Eg7TXQC&5>zdABmRz4F5iF!`{SEika(JrA3@|XL_ieSyInRm(=<` zInO_zMRN)nb>vjRNvGMeXR2pcve=M1Uw2lg6Tr(@3%&N-Zf|4t)W$=1?wNkZ=L$E< zN|)%D1;r!!eX>8~t`4)oj3)iGKgt_(u%%a&55~)hd%)^7PVWPSFLP=>VWF72{;;>} zHEI47yRHlc01@Sx9N`dz^L%zx%-3h1`*MTtx79aqjBnoJZ=FQsJQYt$=l(=V?E@Y$ zv|QF&jwUA7ro;!LmyB|f4gv;6$-@%|4sKZLPZAe{U7RY|D$zATD=KP1DweELLwj9U zct*E!(WQy(p4fpAL+!&>iKroXG=oh=vo< zPrZ-d8ZGzDD)d!aI7!c#WiTHe%26hi6ANb8IU>)R6H5U}ZBff6C>tExq3aEj;+BG3 zBxrRkx^Mi2A{*)EXSztF$H>8O@ZI*FcY?99Rqx{e?5XGaUtC>x#yf1!d;E=13X*wR z;s2{1?=mHN&n9C<#gj9|yC>Cu|Joyq&s)G^0$x5~EvP))!Mu(gUpd=+JXL2nq6FiS z(yx~U2AgJIQ{DO~%gF!$h84rL%fq$5FU!lY??M@h(<4Xt>W}aEL2v*=`Ud~mf6;bs zl&ddy9!Tr-6jQwme}6;ftj~ttylY_p=&X|uf_-b^SFW_afPgS2G5J|%)*adP(~2w3 zh^<*!QD??JzBBx*mRM#}=k6B>=Qmnrp>z+IT&^E&Ag_9zbDxmTP*M3TRt>VFlb9q; zSEFUOmj}I=FT&Y}__{Pp0RXKg?kI;tdL2ZdB6tcio_sNi3Fq_Ubdjy8byl1w$4L2C zz0Z7h(MLsAD4KNFg!X!}{LDmd0_d|j&q_9^kBb0+h=NiDVoArBs)HBg^DgA5o!z5D z>S0{d?`iq+`z2W{70RiSkyVYHW)@T@ zE#Oj)s70a`h*nIf_?YP)ay)7A&8PfJE>hD4A(>=jb5ymDYuoOgyF?xSd}fHrgVut} zw{EgNVYy#iG90?aU2O zw^x8}5xPa>k)SM$ePPo;_?P=U(>hBTfDplD1R!Evly?Ic3*`x#_Sv~kEyvqolQBkw zP#<3>Lc2>7LUx)b(BK@EACw3*AT1-LvMvL$7-7Oi{DCENaIV<# zuUG%u+vzcX2mbaPq5Ijxv5RJVSmrIqcaHDA@93isod46eyP(YJm38~aw|2`xeZwwL z9fb2**{IK&-|qU8zWqIffbTtRxN`TLJ=>^lTYqxzkH?bMwES(&;#$?~T3hFYs+SPr zl#3H;eiS=~+uu~#v^H3|;BB(}pFBs{iK9VtJSiC%3Zt6e%Z~bGe^FI=2r$AX^_(Jp z8CR7@F^!OE_=3{d_`sDL`%RWiwxJnYcRv{lOaw!vE>~c#=>1fKIAB!% zxzTsY40oMSrWOsvWVtyT3osyXOh#lgArWoO>ZuT(%_=h-qYsKT!i~p>`MTGW;p9!zB!l6;T1d<7moS+#b->T|5#~kukIyltJEn+NX zsk0puY;aS%U49c0iP$Wu!jKerRITF*(+&{_BL~1?Pxd4p;!G-ZQnRv@RJaR}(AH`u zSHAHHNAysqWJxaDA98G($(?K}22{pb4L0u9*T|nRig2{=@&oql zje9DtSS9)0AfBW9`Y-@sek)VbY2PFnoFY|H-?FCBnah3*09bs%J+(tGAK!I_Z59?^ zcyG97>AQV5e=Vnn5VB?}qPsK}yBK?v4|&P)aPq2Y@CZks2unFs0}yCkQGIkOF%wk! zz=@N|ww$(i0o=cptlWt%yIuX(NpDAjyDMRNo05B|JpHVA`*Z8tkG^sX%e!xCV!qh2 z@VRt(zS+0$r5l@9e5rfhwEzG^OD0CQSDgDZ(H#W){U=IS6hm-~XFUemDSFRV$wq5>?J{Mf<`?`+4bCH|lJ@ zD>={Q&?6Pc>`bB|*H&#daTqy_iqMe7W(^_FV!!N!d}TLB0)UrB$^3pM;3b*|+W{Ls z*|Kj8H5R1sYGZ1Wl~TMg{Em1J#$rfpa zNop++)DR<}Oq3bGgruqnEr zN3nE|7MHN%vO1@jnbgC$`5=?5Ih=CInC=OAUkv$b7Kk$xP$k+yD z4TsOLUa1f!WCFtu=My4~Oqd|Yx|o=BRvp6&$Fsf>i(j*Rs;21>bsx{955%XIg@fa$3SqQObxe%<30OMT<8_eX7N~e^=2cpXU?iEf4ID=`P^v3S%g@>3wxd}oDM=r zDb9_BStTVI60!PZ{}r0tUb&=q@(GTC5-R3Ub-O~3WsZ4l{^ERd3T#m#bKlf{Vj4Ce zlCLH<_#DPZIkCfmjmT+&5L$+;mcxGK#E%oZct-{>_(gGwH;4xL~qUM;Ts>5dL6_WI1~f(yiPf4mi<^YAg?i! zjLk+XPJl3^7*96CF=qK0rkMg0)eTjl2bRUHfB{Re)ESYC2h zDv{Z0c4+M6`&lacz1{xCHIcfnbHaaF=YSXvoo-=((?SRd(|KlSs?Td`qG(JAk!7jc z)}=xANgfgCLis$cvGjva?0*12(s7Cu+O=}YnL|eq;{5gHrw!nZegGxDx1jc7L-i+O z?jtDp{SE{GV0m|4$E9^0m+ES4YGBi%^X}57-S?d$w{{=^fNFySX<91-Ou-XFbi6dr zEk#?K*Q}~)rhyAa%dFQ0JqXy9RS6vwU7)V&VrS&h-re8l#Bl5U+Y+POhYmj=w|-zp z_+RnpR~XPkL>&T&b1N)%Q9I6i1Oix%ODXEpA0Z-Qp(EK4079I_7LqMbim7<9V(l-g zJA!1|ONIns0RR96A}}Os$PVCXQDi16={OI7L2a1|1c!7c18|j%8yG+&&?geB+KC}# zmKi{agMl4mSR3*fF(yPNpbYV=2m+=!%Vy$IW}kCDXMaNgZi16(-slmWXkg}+{6u}e zwo4n^=K&xRS~u^O+2uIHxgqZwNS{cnF+eFoEXEclwq_PoBVV>n2V)2TLL8-p0;(Z3 zNaRIEw0z+?d~uN4CdPEsHlb-JZB%evlZ=`d2VCaHh%tQLl7De#8{vm{%OMxA3A=Q* z{QPr`zCei-Fw_Z`@`Tzv!A2ze2_>eQjT6sHX6<3yH&DhR+|Xn(Aw0Vej22N$u?txg z+Ti;438o1H4F(OOx_^bkR!M*^3RYEvvkYye@U zuHxNtnhhH^%%4C1#v5-ue*E}F7hSY@^X4>WGkGGr6 z`-%~|dGU(>viQ{#Xqmt6M}K_Zu%>0+E$_5tZ!@QX5Ml@(E}jTGjN9QvVpBjD^|Iq% zdq8RSvAijOq6(_~r0=MjkXna)7)rPG$vQtPFIAUfqlqS1^o!})4L~Dxfa#3Aa zT8iZ(vcF=n8hC?C=MUZ+1GwSw_>jRe8WV6>1v8jq1j{RPF2!_o z1~FbSFk{QX$km?^XDsaa3w{0kp}Ts1IscAzS0Gn1o_JflAK?g#>u=BeB#5ggvPM(3-c_fx5>HJseek>kUS&~Fr ze}vf|8ZjZCFI{{Mxeu}pI%O#wu=r9LDk9bD%M1f1$JiOq`PUS~hp?C+597!O;gF zeDHTKmM>qvW5M{&La14-o2q z213X{=8{q~%?`}Wx9srR3NCqU*fYOJ$_bEK0xVcC^3nO8XHI$@f?XG_h&-O%ejWF< zWozQQvyWGdHb}*NuT57l>-p06Q}9|%Jk}mO_b;{O=D_MIH2YcSrgk)WE$4ZwJ2!!) zw@sEl@an;T9nV~STg!PfYgW_-I|wDCspEt=4h3n;b839+iLu9F;^B1hjI+_!b9*oD ziyV1fd)Z;Fv(NkB^0rIv-u&_D{PZ_pJ@mo3D_p!AyB$xHlP-FAP726To|QySUfsNI zHCUImtP!m|KMK~>b%X^$W|@L*-!nYgS1h$buq~N-VR3Zp#PO%cW4#6|B5i^F+8}e` z&4LL8Kotl8U?Ap+##4tUqypzcj>TiQ1Go$;Au2`9=6XE$u)N@XrOm_2Ww+GCl(GHa zs{Y7bgM$@0|I1CU2n2UHL(MbWJC@zEdFPPT*E?tIcz7U=p`h|u6PQJa6?MwlATJaF zTL?OUb0|WHqVa*v}(>>_C4D?3+@ZvnqfcRZcMB* zcAd)<|6X43zlIRf*VngZ&6>CA^GD0(+UOtWK)yP%zSBA;gx!Ot~~^S;8Hcu~WlffM8Qk^K?Z5LMi~&hBNm}zWAvHw|;-` z&-kt&B<^iJ$1km~)Lu$VUBF)AonIyorF(A(!lEJgbYbYfZ|+Oo=%zM!QT^{H;HFDc zg>tgF;*a~N)p+C&t^T)(%*k!NkKMQZbE=U80JsH(VR(TRAwa3p#GHmRlZElA>~G&U zc2jLj=jsoBltElc&)&EFb6bu-yl(b~E~~xlw&x$V_iQk%Qb6P?Wv*xxbz9f;xJ&Rg zgl70E&iqX={Bk1I?3O72Y12xZrobQoz=f5SD?-7%ZGUs-j7otIgThL;{oL@>p)846 zSIy>LGQsmKwR!58kg|;Ly!tgkSGYvP?fKfiGO`G)c1bJ!zI};Pefi-X;2JM+{Oq1) z-`BoAI<}^Kt1N!?(8{ZFE;8rPhOoagPH*ZT`TVdRuwzdO-g36>+$pfCluxL|unfX} z!7GP+;f~r$I)w8B*eqd7)l!3*bRPl?^f^4|;TSK=x!4MMuQqoENpV)dp)hEywExYU&3HS`6lHF=SH6BAe;3`#);^Bww};@sTb5+5JNGJ6AUN zFYw*(eivhW!wrA2(pxH(y70ma1>yHkbzNOucinZDrfCrVRm;dmN=6u9RaF51C$gu? zmfj*a{O;{L#$RvkKLYQVwJ#k+$4Ak*^Kn-L{cqaaa|%88M!6O~U8dD*W~6N*+W)Eh zG);R4O#ORNE|)RJZ&^MeiXzMY4@!3$2qA@R8I>cemK;1ZBs)0b_dtnf+AH{U4g$h~ za*2h-()7MuTTrUh)!6f`_y@g(FS-u=Vs-Zs^VA)I)>*4=x;OqG9a);;dVFTRZBkD7 zivwe!%P#I79lvX8Dl~Sea`yxr5CplSdhz-NpK|eD0Dx-b_6==%b6_KJa3{Cer+KTG z2Ad@q;g~woQ+{K9WbI{Dx5EaM+MN0DzCJ{6udK z)XLzIL1*VA4vTEH450^1smDU`9i3D6D=c^D{CgXHf2_)pwJiGov3K5adQ|oP|DH4b z>3#Rv-gmRvP2V&U2qp9q1Vup&nZ^E&f=X6DRi=A3T<2#PN)$s`MtcRYH7Tk;pV z=ANwUk}}GX{)neWQcC8Ov{{tjJKA|@CcC9?+{F)yph_gakY;6+lad)WZnSVM^8@RK zi$*Y$3fQ5-)D0_Oa{kmg*Wa*m$)OQb_j`T!uFM?1-1xU%_id%It$yEJPVLgBo_6|c zE2|e};#;$+QG<|dcIBb2+lI2|Dbm`gbKC*rv-~nMh&ei2!Edc0_k%uWn?=sTA$s`^ zTjV_r%@LLwX=@8&V42pA(y!GkPa z41_$a%$2iK$DaiNPI8H^u;2{xiWfPQLi}WQbay;5V~#wacx&9t7COr2aE1t7BcW^F z!=-zZQ^Um81j%!;Z~jM*x4gKx?(&d{oG%3e2LS2-t_H~G^RMq%_)EF(zWeUG@4g*7 zcD$@}e~91j|He1IQC9ZSY*;iJb-7%Ou|G4z7H}8G6 z{L7!*{O@=Ey0U*rs7;`HuLt(!Z&>2lakrSc!%lu{vO3>4`GK>`vBV!gmDulARe(_X`6oWItFY=YxwguMwq3$iyIw`ziCOI3cxN#+$!r~)8B8q-fB_H!lc0he z%{9IE(cDv)^(?7O8v#@9^VNO7v_tW$yZK2E&-Y$1_r>m!%)!fNT&t-Oze{=W);UId zVZAo?Ou^AQ>s*1DRXKW>V5JZic*)0Xjgv~iP6r#_jUrba8m>4sP8|}60)#!Re?mVy z{KJmrYetX$x9G1M%PE^jF0{=Cz*!HREM@!K%Hl)xeS?XZ$A7P{&>Gj5l%nVS!k|}7 z>z>NEq$Ko=O9{A@5Ys?G_O zHoT4l>m%jAE3okS@{4pE;nt=L(O-p{=_1seZOFQqnsQ$d&jzG~wo+NHi635k#rJ#vXaD;8V`E%JM#>W9 z=Jz$&pF7ul|B; z+WMF8zu+UQzU`|h^Sh#_ONmm=E_Tis)A^V_DoKujy9@*7e3ElfDH2~L<3b{vZP>P} z(xH5&sc~B@o;1xHYpXAfma2p-d4Aicn;Pf)yf&qNQFQaXUlhE8000x3mNHGRAXGUV zrv=R>=AFN}DXFufO*Q7Sm_rmiz=!(OD8-I4I2=SHU%leL%N!g7$er3`6%)ah^UXrM zINgHVh0;Yg;jFY0A7aXPj zy7Iy7@)PTbD2-ItJ*vzT_z@2~rU*rWCEQ#r=!_SV2Z$2njVzBvr1+T{m;Ci$7J%5i z1+Aom zGSkcfGX-EW;86MMmG8X&br~9eDeKp-zxCEzw`|$c+S>ZZTmCgdI9M>&?&!a}ez-3^ zIFXxb@YjBN>CJzY-Tx=v+CuoBPnlCm=2nm*f@#BeoN^cz)N>fYkwF@CBc2D5hb!9; zr-y!yIli>!Tu*rJc;BYkp$*F~y>GJr*_qL8>FG|Fzcy5{5_``|(D}o0S6*YpDwN0H zb>X{y;0ZRr*3sVDg`(WeVLD|V@ z$R!uuPO&F>bB&eU?MeQ4pgDSRMg5N-_kHzUAn+5LMn;M!WcIu@xev5oI963Gyx8}u z25j5^^Wz7$e&Q4N|24njp@E_MCZ|4LUw8k===r4)zaak4(C~>|zEqaiL_*(RIRDS@ zDmlD+qW4+B;kSuxSw&OJ7+Ts;Q01#^P;EJRX(5E zx~*maAlQ0Q$)Z2D`kl*V02%Lm_7*7l;HEX_zw%!zHuv5+zr3DFw`>^O6IOSe+tlKg z4FU{6evOn%F&$#rv@rGb?BH*bQ~RBsYAkvR>3#}`**fCnv?FjZG;eM5Wt35|kd(&{ zYHA$G5t=$!w6%?n@S>U^sCrg)RdyCRC3QW z3Qx#(7Y;Pa_2=uvDkgigL^p_KTlspWB#eaGy>s)mkf>w6DPPHc8xSi*dHdozIG*f1n!RyuB6|rPqKqnmAeYq5SSqc~s&oBwuetWmzud1QO-)Vx{rxX* zzW@F2zyJRGU$y05BZPaC#ZMm{zuv#cFZ-@;z6=1~5P#9Pun->VBTwxyKDug`sm@wP z4rAUGUaaf-@S(3$YL_)!rn}bWbq5{%6tN0*^WF!H&5Ul#C;JiRR$sMVah0C#hf*s& zb2L7_CpB|8IdxEwJfiGVa})E{{Cic)JN}3P|0F{ACRif`fONp<%MC|y#$@x?m-U>d zH_VQ1kCG;eh{YAe;$=nt*O^?ro^0HNK4QQwAE&&t)A@yp_UrE3N@H1P&TucvsY;EG zCfuPXGW}}-emD0I1MB!0H>Yez|HGI2|Fq9r(T1KhTN-}#g~rEcX5U>|aaBdxx`>w( zodE0|iWVoO2Z;0Xvfr=P1^`-eSc?xhB8>?1`H3T#my}RFwY22PP4Qz-hT1MC#XK;I zIFa+#a*=jk_8`o2qLWeE)^lcd+F8=laK+u2f6aBEKLSFW+g);Q?YWN+JyEn)y>eb_ zS=f0XT|B$Reb>VB?{&t`+0=iYyMDv0pb_8^_$1^Jz$e1#so$6eBYCC~;E*dMUsvnC zuAgq%EhlPPKQ(+B5Y6AVeUXL8Q>0Zrsx+k1@fb>gTGdmJP)NfQU=yXAI0dXe@d zFh+P@Kwz;66A)15lO;b_{eQS3uM2&BeSe3e%<5J|5@w6>Il-p4LndB#bQ2!hVK0}z zI@~ql@>L6xm)QFFsV6D1=B&6)Qi4;18`E8%(hAe9D?VG>{@&Bedv)_)#W4zFAz0QC zEb9OO0G3Y=*=CU!9PYpyHg*3G#hX9~ZN?_KNE+fC$`w$!QW~GmSBTy~6q$^(5s13k z;iJ!59C)qSR_N?D%X=&y3-B#p+c~4-BMplaBk`5PTT_iIPX<@kOMBjBH$QuF$QZ?` zyk#h|SQno2x@5X(x>*4$A;-LVX!^OQ*Uh{8&?uXB6K#uG9ojn zDx2uM_1ivEKE2829T@XeZ~`%-MBC?UV4g}WI(;JNU^z24tEWa7W6qKmHFk;-%U!vc z5=&1FV?l9*8s>fYDZ%;osA<<0z42#*Gaui4`;RXC)=<%CcDpb_>wu2``au2>qw&Ub zZay>Gxtp!Gds`gJLZ9Ns-0^}oVOl2PJiJ&FaJ;M0abeV1>Esx|Sb>cdV6v!CAiZkF z$Ma#SwP60||Lc6{qjOsDAFRformX(LKP3{?}@%t+d3L?3b_iF=A-Q^0m5tg5~110OrxZ9F$Nnm93- zI+aypc|Bc7%{nycob>XV{@qthclCQJhh6uEP_}~Rl%6Nt_K$2#bu>rJ2e!Fuckk?{ z5c&o3RFYH(inUp-y17)>rleF-F_0i*rNpH)REWzOPC5KnKCMa|0)Pe&U>@(y3LmMm zzVdgtcyAmr!;Z*&EEz9xzDhB|xA`mS93W9=%uf%mddKEJ^kD&jQ2Da|Q^&~dum3A; zdyDZV5JDcIJRd-;7#E!m3wz1v0`tso(|A2D09cCcpT>c6=HP<i^%*MJErZS2lej@=Ktp_?KN|>lB-|KH>gl?QhxevVrS%k8XDO~mzcj1agGs%ABDdX{{1?G6fw=&? zFc%j10OpQpTAMEGh-NvG=4pgP@^rx~&n+cD3FF0=j7$p;7&@^YkSxQ@oVT6ggApn8mRo&t_zWP3%$x8N8-f5S=B?xjv37A2%curOtI6>D^Y9o>`QwRFOjisZ_0Z*cDmP;bE3y z8>cFA*A|~hlvEzEiVoMc2|LuIl*hQft`Z6y^T4>1n?|s$)zMTx?yvUNY`Ef58%bd? z=@#8GF9AS4ul=n?#XknKx>X_xJ;iwBZ6W*{&_8L*x%Kld`tqx);M=^8ya|L50GdMO z<1kL= zAkAy>Z5cncAzX9T#PHzK)`^6Q zQ^k_`OIKWbhCMiAY}w;@|5-?R**~Qe;H4@1yaoT$OOF+q#6c#>(k7@j(+L28K_G2F z#sm?=^^NHB^EjsfMGG|YQiFm8I)R)C0ANrUD=-AGwjB8-$XOtBAYqiXAZ6TRX{_f|h?Ffpw|7BGZaz>bHSciw~!C52=Tw|D9SYIfBnkS4xT(u`=&8dQwAokZP z%Ur?OxH?uSSg|DcWg0C$FFbiX6Yyf5Lt2qekC-+A#K7&tBp`gohPkfXhI8iAqb@tY zsCZ;>#5sOrbcORIV+9>Zkf1=1JNDE1Nq=+wP0Mbw1ZE?aH}kkKYha*TxL*Dwl zIfSr1RK9n5>}mNdhWjiUQp(Fp*K)LH+_BO1Rv%^}mFU;YEAAQl9@+2u-^!pv}C$#&P0xKkT0#aT$QHCA5$Qn$)9&45ZQ|95TQDYv*S!7yZA#dgm74Gwr|gmS+|0!nj7fY1u2eoDn$fuxc}e z;dB_{={?CGM`R{>TU`?fCej;h#O8-D7ixu0OUH5CCQT zylSDff*F>v;{<(V58qPmFZ1&)r*=)udHuTJRXC~UQ1TJXiZL~ zO9%5_HwOmB2g9<>W8GvSo4#j8|0s9z+BJ%L=aYPGL};rDzxT|rz~%qraaQ?8=&!)CfigFMTNax+1h&ApR!E;(yaR>5bBHbrV*!I-0>1?14iu0; z&}NTZIbDEb*hLdPKmO>iV965q;sG}G&O9z%98L~iI`!{ zaav(V5Wjii+21VaCZzIWQ)|T=ZOA_bZw?`h6SKk^){%qoW|lSDGTIZ|JeMjw6&->j zhU8Mud6AJ-ZsWykiiME{nVWhJwG_|Vv+VhcuD}1+_fLeUH{2i$Z3~p&*Rzp->Ncm0eeh<%qDNYpS!8U1H%m+PF3k%NUDp$ybn+9BZYa)kL zk)zz&e8}JpiWp&(KiCzgJOe?L1lxh_{0NAGIH6I5w0KM~sr8u$XTuzE7cmwP5g1~~ zXNp+lc?mfr#;C+30G2q3bCdv$0+Vg72Q!7Y-GB)IMzV$e*Gm&|AP0Hb?-1RhZvjRw zJ>aibwbXN4ZyBA~C5i5)`b)36^jC(N%NM2rK#~2CP#edIlo9b2g;7kaNU1#&JFxM#3RNGG&+tp9Y?AL4jCMBme-r&=>>Scu!}NmAa^iFx|W>Leo67* ze|Tgl3C3k%n`Vw8?31`s4p)K}+lTR8#|g(+Oe39R#z2w|Oqn@kAX)Z1g&M^+{GufB zjOG$kdNyelG-}%%5gpXWn}VISSuaC_U8@<|8Fo!eW%1@xHE-qfbSj1WOt2}0WcX|* z(b6+4)%o$`G~r^ zgxg+M*2D*W9tFHK?DXt2#(x#xc6a=7FDcVmvw<3H=2TH2?kcT`+Hc5s`MWWz+dR|W zo)`UFFf>C0!bm9E_C_1>Pr;i*2)nb13VZwvI7)au&1&vH^snxw28L?{TWQPXPq>_8 zLtP~eIZxLC8xeOlJ#RST`r^98vp>saN0u#jk3ThY?K{tT=%-tDI{K%@#)Z1}K65oO zANiX2Wr_cIh%a!olw+flQJyfKYhG&By?goG`Fq!YT#X&@RIIG2e6RXUrYsE%2oZ@< zv}eLNQts4~DbQ>Owu{bmLK)PISpgipEGH|6r-VM4Dn6|wM5=4Y8%h$6Tv0MPWOEuO zA~zk*Dnmrb@-`sCtB#mMuLu-MeUNk+6BZ^C5fDQrXXT~5DipCPSeP)58N5X>HAfUO zBpK9UZ>-Kcj`#6-!jXWdIx3#cPy5-J)Vp_(=O}O(0m|^&wCgCRU?%b$CvpNWNE`qN zoD6_OSKUSDJ&>90iENrJ)<};2S{JiMTI}FYy3Uo+v1G?N3oe|$@fgPygiqCkCu@%O zfAdhY%$s)J8*+nRQc0R>DPT$7o8dv@kif9Vl6;2bu(*KXnAgcAmbWgzs2xZ;YaR!5(lYy-mGc6XSEm~yyzWcp^cc=_^P$DUY1D@@pRl5c_w}=Ex z4f68s#0O;a+ND{nGjzd8YxD;T(d6le&!*Tekxyol+Mc(1Di$1w| z@?7Fq@4hm%lW}eGp;O>6=0T#C zOl&Okh}n!Xq*DNbIK+T~05-;0U&??XX7eeFM>Yrrj;1+_5DW}}A;uBP*%UG02ty1A zhbRC;U}0nmSc8DZD=v%h8b|sf4oC&n+=h|;()`(?Q?EXHM)5cvUKH5RZTLas&5eyK z&OYPcx;FnNN5dz1{jkwFhI?&h8C>nvP7<^erZr0uXhI(NJR&Nu6#K1>eIs5*i46=n z-GQp6^X|?30CWQr6Z1}lu8@xX~sXj!Cd zL?csTNs@+(y^#WZTM)t2ncHWFeP$u6YpVPnw|fe*F+*Lfms-wX&ZSy53uQda7d z&)=3=-L|bniQ{b{{L|d~8|&y0K>$7{XA-k4fG%Fjw^re7k?lS~ybe?s#jjMyQ{!q_ zJSjVGdIN3#=iyBtgdiY^xH&YYYX|@UAOJ~3K~##uUB?X^$g${I9hU+CK~%J5;7tYc z8X5&n9t`rT>2T^37bZ8EPe(7FxFTpcH$kN?utQ)9f9I}KJJzh8@ACox zydwNYY5AS(MA@mNezYLFIl(XSB~Brz!0AOk2G+o=)j4SH?Q_eLbonA2^|7?dB0)W6 zIVqSfR@D8dOP;9k@6#DdZ#M^0@ivw2LKusPR| zr&AYYv16{`sdsuM54n4EntEt2)kYEqDH={-7DDHH10J`mYnIor4m=svE7Q1GAc|#~LqY@7_??yiK-o^-+Pn#bkYFIl=6JU{Kf?CqImT1dvNvsK zj0#kW!a+A(GW93>-JnJhTNF3rm8Pf0&iKJDZEj@@W-}Pgp}eM)M-s z7k-r!n9A`xjyU{bZq?l(zF1q%zrYeC+JW&jm?!Pk{9X5yHr* zu(um(o)Ry`z)+fKl^*f3h}$<7D<7R|R}GQcys0ri$CXx0PGu`KlQ%4kV8=P_J0q@x zvE&z4H!lU>3y)}GlzgM3DKUZAAUf*I{#fWE5jAM)d(s&-#{uwR)2t%saoG~w4%_22 z5at>Cg=s6v6kw`3MckbD(4;?X@x-!ZiwWQqDZYOHp|c^RJOp>9xofnZUy%JM0@T6r}%6Ily69*~%@S!yOxTOyv2pne3QPRBBXX>b9?k<~1{5vdw$h zxX;qFkq9?cy3x^HW(0#pUx&M-VAqcDUs+VSx-fanE?zl1FZZ*+ysC*}p~Ul@9@gNa zH_yQ;vA=!l(A}pFUS3weBz(dC7-N(F6N-NK#6him4j=G|_!T$(i;3iAtUMF90ii7q zXKP!fXCKIvRtrnlx&XoKs5Luo*%qs8lJ;&i&wH1*m?xWmnK2Es=mQD<) zx<==(a>&lsozGPjvqW*?$jne==MZ;gNBEqEKlBV`nn{LZw4j4&Be#q_4v+=Jb0G3s z_hj^Dp4@)yLbB)C<+lXeZC+d}%+Q@Rn zhv%37)JChTf-NN;QB}`Ja26@Q>G0%jE%b%5sVlbEh!!UzHY-?-O!&6F7(|@sh(@VI zu|$!?5YIs8h=FX(005bYP{b&Jz_8Djdz$newd%tDFd$IesEgTY9xdia6_(>T%7YJS zQS0c6E@FP-klZWPp9!`J&0FajZ-OkD)cnY<@#qz0#cvU> zVQ+75DwSHic=2l$e3_k{?eFhzYHEr^B7afO0xuGb)Iymi9a7L)b*gTE>kcAO^vMS$ zBE=*hC!}VrGz;Ff%eUg(wCv0X{867nmfmyiQ^$7wvWI(2us%FCajY`nZ=B7HRaSa= z`2I25cj)0SI14Kx6$j3}?(@fXJ{)^Cm7d!wv+N@6oBbOPO-+1g>Wnq0wyIgGZV`Q9 zKE8{#qyigHWGsWNyu{rwUtYS_)xB4J;@%W5pwcR#q)GsUdiJR;OZbXL5dfMODVD(i z;8m+Wz2oM9q0(ZG`XU`;z4LZ%E3P|}Ws;&(P z9bs#$p!)%~v;t2BSW-vWR*Drl)Okdh$M5}j>z6!{!1i5*YQ{>g?gRG;6E>>e!U(Ei zIRW>5srWqwl9yQjuajIbz~1X7&zCuF86cAip7F|7Sz%|h`F%}pw3Vfu!fKPNE)yfu z8cPy9nr7al{TC#beX|iW?1&`9(r?*ldO~4KC;8+RLRI7?xv~i)a!e9H;2>3C1Cwl9 z7r_|H0{EGO_767Duos2B$mc>q56Y=}GXhV?y?rGURbwk0N83-W z4G5o&$oWUmd+NOFdXmDIMAv`E)T)tf{e`F3PVd|4Ui-Lp?yb&C&rt_Hx_pj^+wMAf z;Oh$)jPw|XwiYvSTbJOB8(fWkXCXs80S*8-0WCPw*}l@j@xRr%xyzJSR-yYNg%1Hh za$w1U0idQ;8al53;#&!q2YZ4%#*j%6y+|V!g1>}!2Y3WvTggQ&Ri+sLh}i^50+M*(Iej*UXcy33-6S?rqUf79*{ z0l-Kx7dNz4OT4ikR*gY4R=0v8WDr((`Hi;aZ^Hgw5)Gi2RS*Dp4odwmjcAvGs={#2g5Q3_*#xFj zESY2J0!!qWZnE317Ei0-%*YGbMDG+;)Pt2ENvyzaaXLb!SJ=DmCO9y@l-8Dq%TD5D}u666yU48Y{ilY44Ch`UMs?1D&zp!cXOtfP`XoxQ!w{K4hr}C)0Ci!T) zUfc&4_KSDLELL9ZSibP%i_Kzpf9j5^mg_st0RRT@&E5lh?6Jkm%knLS#EJXU<6V;{ z=S%?-1m~Q&H{_907iEJ~lA8hkM^`N7(@cJH5+EOgCP9<9iLPgqt?5 zHj*Bl8rhsnx_BWdDj`V;iHgi|!@4@H7su4xmW?OhlW|n#=wMbGu!)~>l(4oO6vLdz zI|V@oStKJdvzhH4`&B{_FgN>m}XK#0w-hD0xO zIR(+?4?oJfTyd9!2MSusx6qXEGE~(pVvGPFmnQo*R9k#}BNyLbN& ze8em$b!V5(UFBXlbnG^1_UJ*eVVVyaz?GzrmkjJE1=R~CWsLF)rnZBs)n&^t=0(Bv zuY&Zc{8hRLOg_=er7qfIM-}1X<|>yU<}Lf7@yw7|ea}12ZuKf0768Dc?1uyKO~UHx zxgT|qOu@Fwjgx`E^be)>?^mtM&hkxuY2iA@(tYIK#aB;v|6)UO4@De+5GMhi1&S2v zo&GhR!v17F!L9sJ2XC8kLj18|$)_~^u}l6YCuZ0lj)LU<(@o!0r1ES_CmEWdQ%QF7 zrGG&tah`+9Fsl56T>OlY?w$YMzWPh}6?w_Sm1nGZ_lEeyUQeJ=a=i42&KA%x?8`=a#x^Unu^!BwkP0l@0jtNnie z)~#DFz4X#QvwwjXIA%qRfF^fm9 zP_lmCYWMgCwI|yBQR|E7nRK)3AZM=oRax9m7b|33^^NPM{vGttr-R@04xdE9&=FGA z=1Oclc|3v#jyl&2XJ?yo$2UB8|3=0|tf>KM&ZyG%xru8=^)L_GoMVp)@~M?Bt;XTt zcxMiYMeH&;R}4E;?24s_&CCfY*xp{Y^s?>0oQHFzEawzt#aSlE!6J4%5u43f#${#o zE$)ECaV3%?uIHaT_HbkFaJ4;?K_QcRbEu3m9KlwVZ?QoNaoZXuwq#hm#Yat7mBycw z5&y;1gf@@WhzSz}8Iwi?g~*Pd!<8O2vW#)C;J%{HM4Mq~ zu^Ut3_k<5#S=&~yErsL93-HB*WYdMpx&tHPWB99{(nk?(*gt#|mHzfEh3f3;`k>yF}*hKFTLVJnrDrGCWwR|1dGN zaICxD9JevAa_*F;D(&?o32~BKAd_`(;HvHEr36>`s<_M}KTUu8AmlRmf997;^&UKj z2g@?^kndEdV@5G!0>@m0aTGJ#V$u}SX_SJ(F(S+T51yq7sBH7B=TzR9)~tI6HOf>% zkxHeJg0}Gaolb09)B|7mG6-`nJ_z{=YKXfuq#uH*@YsMEpBf3+0d!BgW6($s6uhnMfr<^Z{>jcm~J^a z6U%QYA?zF=_iwgWwQ*Oi;)5RKci00*eu6pK<*W9WED)r>%=>A2X!F76KEaDFm#;Qj z_bM*L;fmk!GkUpd(%bxmd#BfaG3sb=@eA#tqO&_^(NF95 z)CZ;}hXWdwIKEgaUfF#3GRg6HlRoMUuYAJ2FhPBvXj`=_q3)kzhURm4p3!ZA@Qbs? zbw|@DgltMD(K*}`)oh2CsUaxTt9C(=%F7o=PV8IyFuqaA#UlCsImR@NS(yXK$hxiE zEzIJ1*^E;P)MBU?2@=uEq$~H4`yOUdhHwZQK|w1rGHH5ir&Ae$D`3S$Lf9@uEH%$L zRFC9w8W*Hby|-tN&*BwB>WhwQe7@{(U^;-lb4hd7S(eZ_)5fON0p>6;oq<5P5MVDu zm=fKhs#7>VUz)mL?4IqrM{h}9oz^NOz^n3j@*r0v8=?6+PwOIFOJDB z$KeDUD}qj-sL?D71o!|0@QP63L^1~mz$MV3Vw`c)1I3vwvor6ms<<%RFq|2^CX{tV z6%KI#FD+dcE%mvH!Jke50gsm(=8<4gSB?g!io68{0p$QNrdY>KpPzIz)N$F;^uBcG zk>U{#)W2)^f-+^ngWZq11ck@ETXbFID_th*2d9TnZn(^;f3?!_i&J~@)946x9_0MV zaP5j{-S6Gu|A%5}|Cr1gb~&%fZy_NxZFp$A{qf6%=8BiD(MZqZqdkxKOBYU@dMXp^ z7L|ZI(4ZG*wfvOgih9FyOKZ=i#LC3Gy}>!*%9RdJ#mlJ>wZcs2^PgRD*-vF>iQ+DM z?Zdv!8_(+?gqo(k>>wk{G61Nm`pO2nu8ZPt3!}@j{Cf>v38nO|yY6~<^WuvyzUihL zZF@#!LC%cS7mXs%9EI~n6F;_4hfD&q?=XDitkrRnazYIc8j1X)t}E-_`4qN}B!typIp8i(^tMAJzbmHc3VHWd#!Y^Al0WDl#?}Sfdft*Q}{`R#XLs>M9*?GWJ17#^I}$M zu61+O+HWQfo@E~oN)!cLpxdl}_EcNV?z)mtEaf(Jk0Y&V z;bfugi$j5kNFJ}4;fAMRVpNy#sDm8lvlB)>i0tl_B{QBXn?a9h&Z?OwQe92c*Y8+* zX2=%mMXuGoOx99?=^RH$+97V!jQeA;F`R2v}-|7dpHEFO>;p z7PSTZhqtZ=zynaTvvm9`hkyF+Q$O@d9svu4(N`3HVvHfm?1d~_sZ^G`N=I{(qqz}* zlgeFXm(*S4cC;{nQC*vzEjAr?Uc=8?X~J>KHTPK|5d+Iy(YNTk&iVCDE{Ii`*p@E2 zIrpmaB|8V6?(X-19&I#k_`+>7BU_K}`G%!uWM>KH1ld_?sPX#w9|%|e>9THb^M>;}2w`byX)>8S{dXdf zIKAhU4N6K%UT$!@O*HzN$%r|Qd*Ou_Ub%-_wroc7&ionE0TYNpvmz<85f&JeY{A6% z%G}Wb*Rizwg8joiA~HW(b<3^EzLUP)4fKOY13i7`f9RUWzILp21%dw0B+&SPFpou1Ktv0IXzz5*Y<}H$s!#0AY6-M>DCoEn zC94d5!t%^3>Jd%eZNGnA`cy+9=jLr1_Uz)k_tjSYr+K8`llqhk*T_n(ZWa*Pv(TRi zSaV%DhgX!a3;;e+3?t^`1>Ur?y55gEf7LP1!HFs%K0)vbO3rq*xUEu&v7!O+$D(nW zVIT9LHOCu25%+ybSlo_^EAlVeiFsW18|`zb+u#Ysp}P2~nQcg8Qbpefa#ice+N<#V zk|U{Bt}|kH&Y3!LJmrApJ^OJ3n!d&HE=0NTjD%%R^WI*RKn?B7iVJ}5*RRp z6puBoy6Wg$UsrrXv?&UORR{b0nJiZu0UoE4dZr*d#W~+CZCSzJ8A|Gt`F-E)UwyN5 z!H_cC%lfA5*$mATnVO(!k>G{G{4<@)o7}ZdUa^>UAk#HHdlDD588NfRH|7F~{^~Cm(&0SNw1>IcOvTRP~(x;2+hN)4;f*cW!Nzn;Wy~CwM+4~lnhQntxRr)kw zs+F_U9drE-m+LL%_;)g=Crtamc`ZJXi|O|6;inD!=8ly-GDsiVZs{giHsdgS?R~#> zdY>NL%<;-;6$Ai;u*+BH^1bwlFFC^gl6k*Z1=qGzLyc2nY57Uh$d)%=@;5SDi<^ux z*)L%6Ei%FI#_~D{VMj;D_U+qmzx{Rq*tKid+_`gIF4ylh=<4b^?JJef=exSPIyyT3 z{QfECfq_QF{gK?FiDfR9^%moUxD5f}sAM60%9W`lBTwuqA9t;KFx&YHX!w4xW&w)a z*!6baKwDUMe$1W=Wq;eIw~7X9wxzmLdQE1OR?Bksmv-{Thro)b+#iGoOdr zMxu^j#Rhb-HQ}X4*NZE#CC=Y@;LEXrs8Ikyk;j2O4i+<4QFcaroEat}3>f?W?7erq z9!0%B{+Zdn`}BHx$tgJ{^`t-=Ap}D2RlowsRk2(P=vVKxTrbKMD;9nrSP&_KgdS=L zkU)CRIXTJ6>HX<-`^@vaNjxDq_iP?D9#K>qyzUPazj-KY_ zGU6nl1tion-ODI2*i05Y=>jp}m*5e&!zAGMeLzVqY}E_iWz;4Uff*_xA2 zs>;@au@`x_MSLx>5!o2KrSI8n6m1Wc>q@=?+xsQ7{<5C76LO)v=qU*b1!ygZ5ra=l z?tuTLr?tlmq9ss#>PUSj;*+wx!m7K3HQdp5_}q~dGF0iHxgc;rRIZE>VhC&^niNaY zaEs|wjN1+un&jg-PF`vfVagrR42hA27V%qZPkztp9R=hymiam%zQ*W;MgiW%oBjbn)+V)zSgVQv;Pr6p z>|FcVAUSm*ziKWA04{-}@$&g(_r$={!`*+FwfsNcRcpMU^8R`Nct0w?>(kbu z-;WZLx(4AS%!$}c+lWJIrQH6pI??w52nzqF#d|P!S6p$$jW^zS{q@&(baY&I-F4si z#w$g+Pd)Y2(@#JBGoSfPTU*rx?#01F@sD_ax z*+Jl^{kHU>DX-&wN~CKTFa%t)UH+w3*Mgp#HSDa3a8>Th_ldu_jQ{SYy1_neazpXF zx%!bBp8e_|BWnNvAOJ~3K~zy%co`WRlNU65(!!!Yy{U}O?1+77*FL`_e=AyhY`S}R zYU3}Z`M0Heqd@9UoQ>6n|GxhrB=abd=PLYwgEUjZeiaDC0uLC|LRnfh8~YU`2`J+I zAr_Zx4K-`*LveI_WZ9*wmjuK&jA*&R8i$=i5hDzuga;3L_J?LRe<~!(@2-}OAHeOM zM!Xkco>4c!=Wa?2J(4OFUDwO=dB@QSsaE6`YcFsx@TSB zw65ahwrKb7s|sat;LE9@rcgdx6Bw z1%T0F>6#aM*B6U23@(J-7<7Lyo(JJWdm7GA^%SSsOsy-o?TeJ|Z|QF^A|c1a1OLP< zX`ssCMn)@=e63Sgf%%2MX|D5J+G_FvLhkyhFdsWt{CF*juLMb7K;KmimA z!$D)^(xt=Bj*Y#6K{jueb$gWbdbDZHIwh>PSzu#%xD=+_>8eWOQpXKJn(NP2kHIfvoe}Cq#@6%G@KMC=amOWg%^MUF?u9houkKPjZ*6G?O z9!UC-*Za|x*82V8>RHl>a{z!DwtHj>DI#zfOq*}1gx6(WYA6=BRtl|tBw)C1E9rb3 zR%-MFk<61QmT{`gQhSY99oChkOQ=LVvyX|5_uJc_DJ?tG`_8AuvDh-xhRJv7aHHw#X5u zeB_A;{ZZcMDfX2`I%q$eIdI35$%T1#jLR-9auXLnWAtPMh4y&Zy%hEA*AsKHs6_j=NJEyd|#And_^GQLQ5FdWbHnhm^b%9FZaE%K|t6 zsKYyQy7HixO_;;aPq(dhwy%=#)@blyL-O|pyB<t4O zmq4b-;(^yTpxrP1Pq1R%iu3<~-ogm|kAXgAO}v=O^c1UCMkTi$7^Q~`v>u+nE<0a;ca%Evs6ezf< zs@m2=MaDB;n;{o7BG}&Y={`TbzkmC4&4my)oM`U=zW9okm6Y0)JiuJpBDB- z(04&9P);Y91GcbkpN4Pi@V5Fy&*ALA&UE7!SAF)0U+O#7myHrB<*02@QO1gfU2LVx zIco8k@;v4wNdN}9v~BA^Tr}X_ZOq@`z6|AC1^A!u%mAJYv*}FVCx3=k+L+gJfjt+li{?Zkd z4QFn6*4OcoyOJm6K&u3Mto(d`nGc}BBwgH1f7T_BEb---l|djmd}9>zm5$*!0s|D$ zOhrU4Ryzl{>GGUiY#xtkh1X>TsFS`u&iW7Kh9w4#uG&~QKQqKYFr%B(Y~ci`sckEuWV{Fy?svxhIS}ca?)F$k~+`F`&wWGEB>QZf^noK8*CaS z^PKk2Xr8!!;9yNT)rmi1PZm25IcM3_Z^Z!O4&susf6C|S3*BCl$=Smf1`T=grOYH` zoU9QuM-*C;1>q~a&~IeB+$oVRFA?SfA7ro5i8PG`(5su+a&BmPC8Hi*oao1Z`> ztYU`8>YLjKo&i!%0-{u&7MMdI_eA$ZrwV?r!={@1>>F#tcLvUBJe5=}q_A$N_K0*N z^Bg=Sar=RrYeP+SJ;fJANp2guqYzkB!VAhJS?5y$Bzj!c!s_I1l-Mo4Bn&Ckqu8gM z>MT2;Pvx{&LG-)dP5=Wyz<{_oxECe`4>1Dc-T)UA!?{u3DzlEwFPHG5hn|KRI&wwX?4>jbmapYSSD} zlCfpbp~U3cy$^+{>!Q4cZJmHq78nCXn+l7QQKGlcKKU>XJvZ`_zzK5$op<)!Ct_hB zKYVG&d1)g%kQ?o|ULanCtZBay@g-tQ^K)*LFT347!Md|;DR@iMD# z$S1K&DTP_xJ4)QaiSWF>XrLl(cM?Ke|5z^`(`sD5AXcmGt82A@=%H?GEZMYWXx_eh zBd7-4131a)f?$+wEnn&lR&VvrR#?W5CY#Jm%!~!B2>=Snwd6yNn6fe27P(R_(m_#4 z3IgMtxH92Wwmr*c^s!@>WpoeHha%!WG0+b+bB&Qxwe-S&^xAoEk#ool&ugFKoK^Ve zBtpkxgWcw6pRIUsWuvI57!VXPBsuO(4cUZ%qT%{BDWi%t5$xE-e6mNB1BbT%ylLK* zyy*GsH~4#jQI_v7cYV3#?M;9PqZ#K`9=>NRIMeh0+-Lp8H)!Kv(BT)<(|>gsDU!(h$buMr3)ZSoRSz;t&@`OXQ}S|CgBCl}u0e%!;Q>!r*M(>Gr^^-Uw$G%dzQiF_D* zdl{RjxjApxU`-;ga!8ruONS+MxGeM*&{n&+h)1hxmR-|zMQ^(Ar#pVx7H%m!#z_sw z^`s8Rm71B}+LB{^r(F8r@a;Ep!_k=E&)50L1y%ePyZERN z0vf^`0sxCZZ=MYmnN1;W!lcfgO|c(7M#2KARYT33MkJaP>rKU}clC5~XI(|O)AQR2__VU!H~zrW%10-iU?{^Hcx!P{wKJ`Y z2%~`UpFCq-c2a<3kDW+#O&&0CXTwr&v8!@ql(>C4Pp+RoGGgp28@R-yl0h4XgxR*% z$GvXpCkGz2bTVfvJ0R?T3>}nu$MpdUvMoHlb2dX%-oS^8#Gt0j{bN<+_ zKkDOqaA}$oRm@AX#~xu!d&+Z6j~Ff?+-kF>jzPFUv%mfyx^CWk< zH)`t+th?&t@_SCy8CZHY0Q-T!aH$<@i%L}8QS*$KBUzsk-7fpJU=J@ zKSq3~_y7o)R#UDV973 zY|$}S9Sv@qHrO5AdvEV8t|vd*5!*RwcX1X~aXBj50%i}HBxc700tLrr;5;-C;(!hgIae%+OJUF9W@ z9kKe30Lx<7%cunil^841D1%vi&?CgvDvww#U|@`v5+pl-#R;kp(?SvnvedrjN8Yx5 zlg7SLf9aqyMv77B`I7T|h~!gz;E>#9vrvf00Tasrr*)5@-Q+%LP~q3}EmxkaVbS{Zd?$D^(<5_|vYr&{w3iQ%mft%-kuKg6=K5I$Q?(n<0}Hy-Ij#qbDr8gbnS>C|Q&6+;p|Sx3&7oeLX)M_+GzQnLYmM zOU^kS0QCLIZ{E7)z@D!S$gy#0ZW_slRr`=;)oDvcC9A-*R?Fvck%d{mN(3nNsDCkD z_5+HX{TdM#tfI=RJm!X<{a#}4TI!g-+667={*YJSY{&Y0!nN7ccjqeV#bZzQjK7fb z2gTVJ`~SSCi>jfjM)8?jbtm!SqEmiW)pW|ypbGiw^=30<}4U0m7CxsTq0B zC~^v~$PUCUI;XKTy4^=cdJ2bw64tOG4ldyPmMk0jqcOi{6KV9KD=zSV_1^L~W-rfd zzh!Jx5UqvBPd;DSZ#kHLb zy9d^m_pYs8{wdFj8PiGcOHY4+N`%T-iZQJUdU;bA&(5n1VGczE`0~P)i(@Z+ZS$`? z!e<`K_lc0pqtubam~E5gRiE5)L~{w_Ib^%6lY+qkU|y_!)Zl}`FWjKA#itAZ z@vyOGBtI{E=&a>~S%!$*-RxD&rgH;}*CcNG5*LhdJXITslNj|ZJBHC2boq!exymV`c&zMP zu~)Ni9$fHkXE*tBQ&o!Dr{|ylRQ9FthyL5mc@@i5PhBj;w4*^dZ+b%zMxG`QtMdSW zmp`%e=%CKLYa^GhP)puiJ|^H=0l-2q%@_reUBmRd>4NQ#D$iZ9@TU2-P54jQ9)hdt z0Dw6*62w)MoVww*O)IZGe$_EG8X~sN2{MaJTNS@Ad#-%6BKHE9&O-Jqx#k-cP5Yhl zaen2C9rO9ug}dm47^TwRV}<-3@p`Y(oS6^EzUf_m$o6fR|LLbW$uqj)C;M(cx8>X) zd271>pfs^>dgr}rd}ih1kG^fI?-_{8p1C*g_2b1SsD1a1>(dr<*~nAV2qR9!RmX)H zVPhLo`m}{P6rSxXvWQ}C9PdAi7ah%q)6?$8wS`~+cE6}I$~=DVz!rVYr2*j|$A!7W zrRw9~QL^Hr5Pf`jmM=WZXXl-Xjp;one)kIL;f6GC2JCA5ZeDH&;IxEflv@)L$~W&u5=X%u3ZQGWCbQ zi=1@s)Umz6rb3Olnce%H*|2e7=qKC_pXtQUjyj zr2WLM+G9S}IAc?4tOe?Z_f}kx|Ih!C<==kvKg~q1ks2swliT;FW5PsSDJ-)Klbmz?PyY0-;hVM`eyhs|AlA3nD7!Xt6*n zlQ{&4OcF*NDZ1+?@@ic*zDEX zeSxe~Si5D@7dAfeLi{IJeLfLeP#)R4yth~XFVh{BK#|c%9h~ojk%-DqiU7xn%i-St^wb&6m@9h2QK(NhIy;M-D zqN#m_{s$(*v%HLep0LVeMV>2#YyD*UPNj5+d73^P|8%S38IAZ48(fPIGy&yI*8$FS zAs~TEAz?t)W+ex77koTp01jd8mj3aP!DYyZcWF))(V0^;(?vaPxrRmbG@j0;cc0PE z%d5{r8`dGp_=*{>u7jlmIMgTtA^N=IY)=dy*s(Qm@)0NK9rP_;X z+demAc8nGstDqOhCbQ}8;XV7x6XP5=!9{=(o>~&<5^i|t((B)^)$$%;#*7*3*ROAE zd_xV`x7=_5z}%;Mez&-BZa@KmJ&6Oi?flKhx;M_g>W^};?&t~G!_N&o{`Elfaixj< z)G=dS7o`q7>Tg(5f8v+lKM$0ny|qoY;SV`|(x@!uiADWQTKkoCoPZ0%I_8m`cgJ5y zA%tpHM|?9hM%d7cnH%>hC-ZZnbvqKnu4ynJtd^BjMB=Mrk$FB@#V46)?_GSNh%2h}2uzn92PtkK>?VUZFJz~8;*@DU` z$r~oT|FHuV$Igw^X=9@sejJ>2VcqYQdQs`GTUvU}6J?;h#ZUDpNTA=1Uk#T|vpP>p}~ zv1%lUEC(htY-c|`JVATn+)$Y=!h|=OZqRYSwuFNo98#F7aHrIxrfAY6_J1GTGS6T6 z@6F3i0(BblyzV{Ukz(K2NfHJCfJH!e0RZwgvnhz2{gLVaTp`z?vGbPB| z$0^mT!U!YFfjgdc7=@X&cy=R}1lX{bj3pVNFrA~RJPUe|$V!Xy7e%ta@HeS)Sd>Cy zd{MwmJNs`Q?6|Vd+n@r2zP)DeP9vLeLowbP;uH-F5)wq@5A(h-r};21yt@&-b0W+g zE{!~unDf~;r>lLpV1yM%41LNhju@Hlq7)P&bN#Uee$g-31vl4M;uQ`dFjDsDGs%Y2 zejzB5d!QTcrkyozdyErpR{2~F*`TB zFx9`f&i&B{{-5rO@6O43kaP8lne%4V?LMq0mip#@bmIT4Sag0}+j*2Yh!YZz?DkBi zw0~QD$A2A|=EWhgVnQx8BL2Ed<5gh<0JlHswA7#(c2Du{8}6$5tQDK38>qU$;)6NB zY&EDrT``jnMDSR@wZRZfWra)4KY z0w-fZ#j1~EgffR@C+X-5S;Ql!rn$EJR{>MfA`2{Ea@J(%IdrN)yjLo{{wTK1FVA+IQ$`PYP9h=z}%ctBz zmgog4h$tB2>t>3LowDlv>!09vPJ|;*C8*09PLIFKDS10E$_fK|a!)?BH?LL53QO$Bjc-WJ{X!FdtJ-t#2du2~u56tD%0%cgcFyBB zf9Zu|NBxN>;&)y%R!&DhCr%B_F0Y-S-`-sF^chpz3iK+@%3n8I={UB9JvX(cA~zyE zKcnNK$*2F%3l%3{yRrHYr?jmV?F;v6dljJ2IG`per!UOUtZ&$u&8=V0Eez_%)*7)I z_wLK4p809ZvW=dFk#eloh$f`uUjP0mb?({w;Mbd0JQHr1ldbf*q3!X#0m{6LPVuru z@-mb#xPBhT72o01M4RAUR@WHoA4(V{t7HcvEi@E10rCUGhNk9a(G<85fiF=?DHW^| zWBF0R6(AVnm0F1lK#{YiGv(wisoFst280Nmjd|%u5LMu7VUE01%I{ z$RPnE0Vf5rr93@|Y)Rm->(-V8RExH852E_zlStmD8&j4s!%50k)xz5jP{VuDa{$=$VtJt3T6zka{9`)W<*!-&3MH?7$;}kmRj0fntWgHG1G4yM zmv8t_kH5aT>*_ymIk_u0^!W7rFE;akEnSOVq?svqu*V!eWOE#-UQ7wd8V*D_UPP(~ zw{|J7w=%wSB0O;GP}TBqsPkRq*?8w57R?_i`x;eVeY*j^o(KWp(4C`p(QUqSlf6|My?et zHw|l3;0zD1IN=9RZ%U5opKey}XFNCyuY2-G^Yzl`cp<@8-(VzogWVmQK50@O_Z%5h zPiqW}Z^Q?z!Q&E2#~d?+xNhqIquIIYtB2iB5A6D4|Hc=?(SL8486ry1smyXiYZff? zim^6Vu=&Df-$pOiriqbY6dX_~F5{St@r1*sEaRlS^Xaio($0-R*ZNWI@;_F!Fh<;B ziUGD`K@l+?m_RJqNh`#V!LhMYCe0FytDe2OnV2Z)eS%Qr6kBe7(jrs*gjm(sR$te1`OOJawb`NC%2gTPLq6=z=||sx(LvWj}o9ZrV2Qny58ZG zd6pNLC4(t3qEOf4B890;vN^zxMSvBRbC?lf_WTf;aFjB|;mX|W4tF1k=Z^1UOCHsu%Kz7Fri9ASIg zj^~x!aXNTLByT~Gs6dhA`UJOLE_zF2yenZRf=Co|@|>`P;{Q_R3Mm^wok%recT2ys|)+}-z5dci8Kwd-BRmM|!d7~Y0A+vLpbh?N^7 zRvBRq@uHO*v+@aV?OcET;&&Ck!b$jVpxD;SY9=>j_Wf+YQ>TVHz41i>EWBSq8iS8a z$`LWKE$cb=FBWNdukZmNLY{+jnt0rAa9m|;zA0TkzdPz5X`1u6Tl`KplZiH_MB2^X zo~BjTuBbnI+BvL|E&Gb;z@t5)aA()ouHOEGU$!l}uif7u^B>(D`}D|D-8BQ@P*Yzf z{+aw|4u!v4m&*XFzR3Sm5)34E-Q7@k-knmkHe38naOS#T(Al}YCv4S>85`?AmSWT3 zD@Ci>^~DtH|IP2c-*J5%pKeGVKXX=+iW`#2al@>T#6(&zOqhw9xy|$Hu6yvuHCpGD z3pK&x<3+zQxH&hpmu8U!(NL(1qZ-w1TILQ+I#qZgR^_^r&jFU0s{^qBAwWD(7l1L4 z8PX7V0I7^vh?Nn_QrwKgr}3(W_#!R2h{wPg?$`qqt5lE}asW(+=!Do5frT91tAQ_o zR38>(UiAUzMI|xb+c|f*+D7`asj-PhC1?~rw`I2FxP9S+4{U2hEN_W919>{MxaJ%C z>8VQtvesL&zqJ2whpEjiczB%`T#Q}nGC}|lAcY7RI1ET&NVT?qi={-RN*#Gme%qrNz9B@bVx$HU zp2JuSUMM$9#awr3=lUw|wqq+huSWLwuO_ zJop7`(WP|R$FhA-gabA2{PJY_;Ks?vQ|Vp4$?cVuivXbK@B^E++z^k>sjXg`NFCU` z{YTZ6i`!bxX{bF;5HtWF)ZsAymS)AosI&c<(rF(HB%YZH&Gpot_!?bN3d0H7Sn=1@ zcZKvJf292{{ad*_eDK%9)vF>1zf(=1C%}3Blya{66{`ZIr`%1C6ow93$DHi-N8YLT zraol~9{%;|LrcT^dVhZv5D*IUzF;)#MdrKrcPKC^x^<5xGDAOZz-Q>qUt=C-1WS= z`KcqP=<62<@^Vf>E=^6vCHbVqV?Yk%5L$iJ{s-|s!f?(7Qve#pqR?=$Sl5MR9xMD5 ze*NrOMg}1yh~783?d7wH4Uhf0L7X8HN#NwBVkasgVmWDf zDio}0NypW5o5WDiNf>l0ALuoPo%V*GP7Q`QO2q5kIUJ)=J1-lCKx~W&qKF~_$i>W} zJRv-F0Wi1GjHZ}s0;2^h(v}Dg9=Wo2=u{C+6D|WpVq_6dO&%N<3q@8E$LxCO{jI%Y zYvoRv${oqBXrX;9Fqu`#0jD!Y<00FJY{o1{Fw%;LDwUcL6saKOTsddT4ksXF%jSqL zJHW~bnhA+cMXg=KGs3tmW8(-ThOwJyEO$FH^>Ez9h}oP}W;AV(0;7Q-QyJoTRxy(= z950MYb>j$goPQB3xS-q2aM201me;}}V%RN^^lygtjzZ`o`Fz<`;DAUYODhrmC4-L+fIY^T(T z)+{}GnpsW&FiHK30-vW^mi$7drx>2~zxvRJEBG_73hjTnyzY*yFT@ElRn$VLLa3+{ z!j(J#Fbc&S$tB%flK8@0Lz@H$3PZZL;WY`*&Q0~+`SGgIMe#GPz+o={Fx_Hh3x~Z( z5uBc}iF6Ao z=dwI`#JcN};_UX{?xGwbwQK%s?C>Xdp20ZrQg$8&r{G=u(aXQFeuL>&T>pjO*sq@0 zGjr(sB9yDe)@KfCSW|wT=1cuOm1d3JDCXQ_4;QKz@#S7A{NVbOBH^UN)tdU}ak(m&aFysvi**di1FbpWV7^Ok{BlCIqmEJj{JW?eIY5?(@uYU?HAG& zz&zfvnL`ZwaIh`Aw{<=565BCNM37#{8|f^wsOU<9BZ`iQT_h4&c4Wzw8o~{g%jcNu zMr*G>4)GWON~I%*p1N_~Sx-N8$Af_v4K0ibDdpWqS=+9#(KV6liaY%=mYSBjRnjk` zoTU{EQKU@eLAE)6$yPaz@6_zMcgEMjV@n<*Jw1^Wg zrh^?`PJM%Ru783xRpG${clB)kfudCuGku||g&1+gY(K|Km=ggYpX%j#C0N<@_Cu~* z9-4SD9q#n~FMVAx2Xj|wvzMw9gH9o*b4W-}xjox-;xdjynedl2BjSXjg z6Pax6*rrtPe`m%YRD3H$H9B8=@`i)Xox-l1U(nT+U!Qg1;H|rUvS9G% z;-aeR*w{#;(Va++9NEf(=|!!VwT%TH{$1GGV_INwIK(l2r89%y zl*$?zvRKw(4graC6sIKQ1&k$Lpgi-cm72eu#~i~54{yp9JIlGwCP%l%PNdjMmp>K^Nw^skg0lLb}2vVjc0ho3v$771TM&2 zBsrYJl`AZXD#e_j+n9KWj2Pa>_X8RPU<6SL3;~jn*QJiviFvKK2jYAPVGN?{i|0F) zRIK6hipg}L=Ov|iHW?f#^%gSbFm{ILiK4{;;W&l>#Xb3ka7yMSk@3i8*l+}+Obwgm z9I#wwrOLGQVrhBnx^);a1{^_{08cp{cpf;Oi9ARG$2n?of}flKY9cH$j&pc!o1zwY zK@td3!3A_rW9zx;$=TCWb!G{Ot#YuoD)jZ1`8W6MXfX0#%ZWG^2Er&5cxh6U@2;(T zDG+`xJVPbKN9+o-e3qU4SIRY-vq{A6HGz%+N5#O)o4%earJ|*)4(&4LE?2!lu3Vr) z2d#aZbfZiuVUmKw6?|Xv*P3#!kqvt^0Dxfg@snHcn03|<-zJWtv+bf{X<{n5_pFm| zd-%z#cI>@%=icA?@^`j(YA(Mck=a3Nz8G&@3m{Hy&NN+6b<~6GRrF8NxVZ1owx6!N zaIGiM=sM-Z$VS`D*0o)LIX*f15+`VZXs2VBF!xtH5+if{(_3>rzZ#x-c`YYnU{D;< z?Se~8TAnhkjN=-_+n`o054~C!>1}{HRMRXLiil|q}5MZGBF~=hS7=Ix}$CGx{ zyZupz0A8~|PEWdQ*Y!TN9Phj?SA9y~UQ;hn)1a2lC}E<4eIYJhCoEW{aUoB|x4st7 zl>va{il$7Ct7s|H{SsO|uO*|T+U`<}kEr!k5oQaX~GqUHKIY>ON`)}4F;Pz_@xL|tGGpgaH&rVuPs zjBHMD5Tjr)#w4O>wB+GC6I}fSiY(6V;A*4dDaTXYC~Vrz3xexrbViI^kSqFKu|Tm^ zRC`NeKPQVk@8fNa;|0gbV?FHW;-M3&_40If--}tbz)gN-#D7qm)xSBh<;toxWBVR+ z0#z?_X~J+zPV5evnk!eBtzHZJ%1*#yjw)F`WP?=3B!>%WK4oxbMR8V0Z}d65t4>N- zkx0Z}m<1-MwiLpOATbNOF41WzFAWe}oXr)9}62SD@2q8o< zM-fkeBZw!Iqll*h5265~0FsDg0Vxuv2}r@50zIjaH!5^=$$HjwiaL~vW~%HMu4541 zEXk=c*&HqMB656LkB?{yw#qq|%X#V*HHZYk>y?7}2_e1hOHJ+Ff(QgIoEo(|QOJeOPZhJ|Q0}Yag+={b& ziU;rh`H8I;{#=WEJ)Z72_YiniTJDu%w>)Ox%TV~{qV3Z9!G?mzq_13CJ%Hm~Cj) z;&f)$Q^YLSpYxTY`;x;y`#8#@EZsiub5Dwa3IHgTO1Wo$Ilk{U&C}NM(Vt4;+BY@T z{gX=+JKp%&@9Qt`YD>g{*}Wg0N|?+ef+GK7rJCQ<+g6?+|W_? zi(|Xgnswa|Y|DGFw!Z$4KaZ|nzxS3$W-MIHtyHy+p)9=Ol9^8A)1AA`E% z53apzK)I>bUR69I>x<5q_AHW1#CUR>vU(=p*$>>$;!|h)xN{CZuv-y}kf3ToLeE5EVs0M1&w9Qj`FpC4_{86jD$6IVY#rUC!<^ zd-|;P{SmGLHzHuWm*>y*o0&B;Yp?yxTJQTl&&B}UQ1BtcPM8d9Gu|YfSM1j2!Zg~E zC`X_$&)9%*00tDqv`Om}aXFMpP#k~~VkUCf;qW1>#VlH*Z5CnHVRA?qbn6A4xCq2L z6Vj2#G;QE0kj?-Ws7{3frxOCp!4FMVD};q?aYl}gLC>!$4g1X?AG8s|LLO-<11u7R zY^l;{apgR$DcQ7QFp5swm~foK6R0?_6x0Hha-_OIi^QTaFq|rt@eyDnpfR{e(FY)< zVl)FI&Ve+BkOEnN6-ZP-7>p$c#{h!_wjGi#?HQwt!kzytOL^%4MHtz z_w_mHG?5je6tJNi>0T!@3M`BWgKR++%Qtww0tt3G1rAyO0+tvwHYvw&Fv>IG9OH9n z#CjQr2PKmT4sj8^T;0#f-NdnN))l8F`8A~sJ}YV%;gG2FMVeEDYABW}XHN>uo`|9$ zOkn#?wQHYVUeA`-vo0TnfKxiStCT9}icJhPFfLMY!U_M5ne-`eTq6AX?)9UVKFJ%p zqjm0|8~^LwO?Jo48i<}2cqUX%r_zV_#xMQi#p@%U4<%^iivwHU`%%!}?Df|44ZIBi zJpH7HutWB}t9G^N%P;np+V3wV+FLGs5Yc}vEuQRq zfK)l@xQlo*JF@@5Gk7Cb;(LA0w3cr?20b6z9W{$~=1@`YQ6y0Yb`{+ex4G&iZuzxW`9Svrw@VR+q)d12qASnL zmKTe6wQU`)$X71BEV25{9@ZBtoZU&L+y&7|LAwFt7={2qDEWtpbtI$DF7U%+;xL6d z$@Z}}8`Pqb?XqZ#I4;O2gjOBQ1I$9C10(~iAgp4_?KaAQNjvlqhN4ZXFocjP5Jv!x z2%ruK&43I5lmk2zC@^3Y0hu7qMj=9Bj7Dltos!+}C-H4wb+rL}!{~iE0bs`w z8ljkWO6+4@w^&=l%C=}J6V_dBnJ_lg0z$l;iu1*yo~m|Fm>M{9%f=eP(s`2Bs9>J1 zrhsWc9|Q6>^1IwBwhhBz7?=!E>t!-cv0@zK$A(4GfaeLrU_hu?6Fc?vzgHIIpN-=Z z;p+pPB?{iywsHNE^IJW^V~t;b<%MYCPF0-uUtf6aSjz*eCOf|Kt~>Ki_P_t7$1?3N zy?({y)-PDLT9ik^!EvoE=S$-IssjB-jO}m8XJ6wTdHZ%fKg0)WEhSxh(rrTcL+j>T z*T$_cCmms0n0mV9?C)v{si7>E z+y3G2>SKUSJl0k)Wt;Oe;i=xgM6d|R9+A7AADMP@BkQKY@rY2*n)`p=Gx=)`f7T-` zytnb_o8O%F_4S3eEhAeWn*5!$AKyD6;Jr8GtFlo-6BPQYvYcuy#5_t zt2k7>@CCl>u0+3Q#YOoyp2#t>hyrwx9Px@?>Tq>Fs=7?yDK|#ve<-_B*%|L$yEjV} zCO3>@tD_1&wBg9ZJq`2EPYd+ku)tM_6T_67g*;s>53cQFTgqWXl)Dc+(m!~{_@R

m&;TN+d}$F$?T*A)5kOy+1LrW>puU>*?4#!@*aRd9@Z4B5kWzh)%W zt#42i2U(cW4S)b!Q0}#R;2%17#bl)^i;S5&Hm_=)ZS-Ammcu|03ZNKL_t&& z+kb~`lVV+(Wm}lnKy8+3PO&p;eV|b+mO*Ftm}@9c3B=HW$YNSFDTuLXX z60Q@1;3)MUl<-TWoqr^BXku||RAV7TNBKD~1+E$=_s`A8EflQKc1l(TKxiNjq5wpI z(2VVgLY8Lq9IX|gUIKuCU>N#5$Son4i2N?f=Yn20@_B$Hl58%u^~G%aCcn^VBE#We zSt@rkAC+2P#?@U2@aEVB-8eI4%)pM>>%)cJElGz_=co ze&Vsl%b$6K(qDhWb4mBv=eubd0Pv@^-)I}yDwn-5Ybw07s?xSfzk6=^lKFQuH=O?0 zy4$^8$)}y=7r7I=e-9~^V0(De0~HIejZD3O;#}A331HNWga8L>r#cTQp*>ss4)555}`xL1NWc4aBPmE zUr-)9{N=KzZeyPy7CM&_pF-vr#78J0J(h4b+^sEabkEJ z0Kl=0KR&(u_l)-%xqtcP8+hqMT3Og|;y-!M9#gq`zd2llE1G>C1OZ^mB%QWh9=Ccl zH`F29)2gU`**KVMIKQ0pF}l+|)bYp8_^v)%E>TRuD2g-}a#xJ2Uh3Mtv9aQMZ+Q#l zVQIfW`M7->ZdVHZ^G|&o=nheIQZnpZR?jA!LJ?;RprAt4u#Fs}v(SXlatNUi)Bz+I zH~?Y-96-qX;Wa`WgltGz6oV0RAZtTf;r%&=sV}`Hn67@;d<%vws%LxEYgcpx39yE^ zMGP6Kv>D>~H6nRYlJa?|@r@vtb&hm13uX}8A&D`pY0z;9#>B?ZvWRH{2LlQLnuab3 zI1W)Y;5bAxAj?3X2Ze)dTrP8%aFj)xgoY(2Z3G-7y7uCU^}ZP^tEb!T z-R6dE=!6;l`lh(H+fzN+G_eh;eQ$m&V5ycRKv+3^jgFOd}=6)IP)jhQW z^@kJYR7(N?0AOrucB*&3n#&WD*79TV!EGk&t!i1Q%Ox#IGQ~!l5f!I|plZ^7#}N%e zX}F=lMpTAZF*F(HoN4^KhnzF!(B%QJez%@isaDof`iwx3qQYeRz@aIqGpnTpdMg9_ zv#_OrstaI}r>yorFI@gFoIsxi$0foe&)ooRwSTPl4&M)FxNGiS8g)7zyQ)juA_VIs zW?H1_ce7^@0B+r|>5+85L@b`EalUW&ZSKF2_*hp}nbnFFZGP z^|a~ZTdF8U1Ex)id-H6%WKUVeabnB3n+M`0#S|hw*j#~V3hY^TlRrAOe#*bd^5T;K z+hqSQdRPzbZII&cWo!ipCb%mWholO=^Y_D!?zCQ2^XF>C_Ioa3yirfhtmK|QK#Ge@ zIRJw|e7`$#`lopo0+PelyDt@IE_cd({duhrCF zAG!334=xP>05~HT)~+*hqu$Ajxt3ZK^4Ps`Gm#YMP5H=?p9Hyf`RE@;Do+o@W`#bV zL`X1r`lri-r6o|i&<8tzIO);fp7VHA3cH@(|3q6c2yuI4^JKNHp1nCMu6n^PKW8L* z^8C{M`4`;8bn}hV&bZg*u6%KSm+{IIN_ETJ-p31^6Q8|gFi9lOszS3eU*AY4H5wR2xKg4L11Zv zd*OIg@xD$99!(mrtVcl~sxAk%0~iK*-B1#Mz(bw~2m(xiWnsAl85)W_plHamfI7~0 zO(A{6vGqXNU$WTm?MS?^UkmAi#Gu z$`A#mGNMXvG)7&Gj2rgzWI(XK>A z!Hm>X8)DX)9(d^(nnfVA2m=8USVv$8!_W)H<5TB+QZu=K7miDWg`!NcuIE#mu(;y(wy5so>k$ebl!LEa4&|D>CxO~OgtR85ASXh7NqxSSQo z`6U2VS*Hfa&?u9QVc+@wx-T@9hb2-RvC<=!CS$FH^J6wEK#!LIh)sjmH9`nD|N7vc z!(ID(%%|22e|7S!G<|WgTR*l4m~=y(Vh%p{(s^IHY^$c(AKYwQyK4U2GavhyO8I{a z91~{`%Z2WeG>(b11mjz?shv3^Z~2;BEnlqqbD+yEm{>SzyQD7ep?wo*EO}za115aG>!{C>8g{-elnsZ~s z2PwwwZy*FDbIy-eKUXG?O*7=C%$5=N=y0&H4gl6lbDr|1bADRtZ0p^0zir0dLPNE> z1dL_@A;iJR>n><{5i^u-LV+i~GC&+$D9KhWfDY>#fNl@NY1D8L*N+D^btW?9o;D@N z>sAd08At#j^=10&E=%KV%A~PL5gQS=?m~pd6a+MIkcok2Go>t_(ioX`XwH&2%LOPm zfnGqF6wm>H5CCYKv|}J!M_7VHLWDsWQVxKG5DF2RCZa$*KB6VCJPHtil7xJ2Dj1|< zHB>l)0)Bu1q$nu5DR%&gE&zbNzg>Oo*`2kS4elLZ*)w-*WwC-Bu1uYt_cf&4z00q^ zDfxq|BDegS_67e1qmK#r%J#OtPX7cWIwxZ9C|aXMIu}bGv5fJ6nPB016_yooRS5ta z9HQ-m0g&Peq@bUsPDf&kz|tb^P;xT2Z>QSauSQ+Y(ISZ=h<%)5fO70mm_XSPEP@E2 zT$ELTa$Yk{bjyM<#^KVQBRbPgND;z3;n`jFmo1KX?r4n-sOF4y?JgRn4D(l=e>}O@ z$2g*i;D{vd^iS=SY8ROO3yNJx(HO^Jc?3NIq>z&=z>_9=&;4k!-~Toomk6(aP}6Ow z)B5W0ri;_e29FCc#AWrJtKa)p^wKU8#ei+~cq`lIes^WCwSvhP`Z~MUDA-xo{aVc1 zDzLu1;u_740<<3!|JBPLZL0LGIy!n^SJ$vvf&_97>#?O4I=CzlnHq2hIOwOa!~sD< zSrc}|@n{w#vLunj$V|7Rl9 zmBd?5Ej{DQN8mroHt8RY55@?MoW*+S4=UFr*E}(H@WqL@zXAX_`in0WifyyLyZ5to zv}Z%<$WB#sAzy?pt7hDOO7c?v2>mx{!qD*1HvO2jsA(CE6WzWr4G6#le0quj003Jr z_C0fZZgdL(fT9G33%V<(1!kP;t)B}Z!nUraj;hISPtA0Sm3p4M*%>QNxO4Rfui%X3 zAVVXcJN?I}dXC%+Aw}E#|noO@o7PJFeo z>7s*`kM38iAnEq*t70B4G3dLYQ+U1dy6Du)S1tgyO$>|ZdTRaN+?Fi|rHD%`PRwql z03P=DLM(;RG*8yW2Wp5c1B95_Q;ER#_pd4_NA;+`alzMO)h7a3dt&ROc#ND}elmGG zORx?IAQnsqUuDBJ^57BzFo7Dt0wM$v4FLxbngO{H_g=SEE}4E=+Vq}ZUQ~32Oxtlx zo{Pit9`5eas(Bm31-QZD6mhBX0U2|&4FHq&nx<20fx zE3bK>?}tHpZu8hz5FydII}3e(YQE$VhghP!BLBjJ$m92%eA#CnQ-_eGZV#$vw_+>^ zNp&J;m29iz*s5czj-5{0=@DCpBTUtgOF%4oD-G>TQw`PfYcmSx4eidmL_ll|eG>7A zNH*}iarCmuXyf3}_O3z`)2o*3gz9k{0P3!+T`ogOqgez%HSF;-gDywU%1dmnmQ#%a&$v0X{OH*4hBDi}y!?JQ9{>R4ObY;zH1xxHW%WSf zopd^5>k;6RbSY*8#(}a7QbOh0#g$bRK@{~v;t=ziPIr4keN>?!QtsBsC_Q&tu} zXW;NJWUebVdbVfz>ArL30RRkjY|H9P%j%X-n1Aahe0)+e%$;3!R~!XB%+y-C;U8)B za9n)6=yu0XFL%eLR9tp506^ZqExr4dx-Z@HnfuZdY-l(Ww^PHGQowS~Q3_7Df+?$E zL^t9^RMEiF3>@e%209EwC9QLWiUxN5a|MEdFH8XdG}RpG!lE0=dCYR~tgHRJ_|N^q zz^1n6o(1Die$X{%J^_G^Qi@6)IRg;}34BX8_!KKB9d#D$#?eF+s&)3-mQ`Tlt( zLPBuQE$7`Iy?>URZmrLJiC%q>ZTym zf@9JI*btUPUtIEGcSuVN%uDpIDMw$aeJ)xbbJvIflI~Y-v(iS3eO7A;e@ZPl?$j#;u_%ni`PYpS$dz}9udzZsZtYJ9Per)Y_0M8q5K zq2x=$LM0+*Oidhg&C8ZI#-x4qv!_0$&s;s6FBh0!pvXYGT|2?vvV$SMl0_*QMM~LG z783*=2S5k_f{q1M1}6MyR~gyE;5_E1?YA4UsD&ofL0?=(IfA$>3fcfhoK%H1*b<~~ znRNyg-`KU|=Vi4g_@h%ip_X8DCMoKqr~&}g(&&!$U!HO5gGPEZy?=ufj$vi!EHeU=juYYU2KD zZ4YnleDSOqH%xChYgDspr4Qvn6fEmVQEo5FuZ$$tCX?emZU(^^&p$k4YTmS@9X;+f zdrcjQmn|Azd#f2zh-RBk5)lrDBhc?H4jgRlzY2b_B|~-g9elcO(&gjk-1x~KUwM3O zKDE6Rj5D@N=yXT#z6E*zx!$uMLxjY!cYS}xB3qLvf zpSnvM?izpd6GKn^Br)_t&BAX57oBY+2jXiV4b48sJ9!ZRz*e&R?pq%9taMdRanD_N zY@76RO@xl!ecNSsRzGm+*nk<_e?u%2vV;nYLCm|?@4LPhQz>!yo`v~_;azw2Cc?wZ zH@2Xam!CtGM*&4SC1v}gmv81TyC0pkvLt^a|2;K;)(M;Qh?!cdW1T&&;({zgTD7W_ z?=1@PP0pD+Ro+*cgt=`1m;{O*up^YZpr>q&!o@~dP~hS+H(aSz)yRm3eHfY=Mbp?4 z2!$z07u{Aw;Zbl`?iI z(~;;C^h8@|+|05DpQ(i+E$(1F>y8Ma23qg|0I-Skg={?CJC+~Dro#}fpk{i85A`wI z>q6shJoE9tym0JvKL3?c;s^i`B8rq`KGagEubn>SPCaW`ift*5S+p(Lwo0~DvdyAx zDGmUDkto_rXFZ^YDkkiNRp`2Cbkk_OdAK|T}b@J#7DYnXH`4;`4q^09*-ILKT zX(FVt+K8S#ZJ^`jDd#`UMjEX4?aYa{@b8RuoKd5L!?DM92opp3+EcPxR09qmgu*pp zrAf@Ig`_R3K(SaGNSw55&%9p+&p*guRbGVy3;lj|#m;CGI&u7AMiSWwzcCJpO zmN?m^V?T?#C-{w0J2){!UV#L+gkN1cjU^KP`DVF-;}Wr*Zzc37*RZ0@Q!B9^nmR4! zW&Vds^+>MkiA}dFuK9m5PujUGMnQONfp}b47=N|x!1KeyRW$d9*SojYtuN0lot4mg z>z~l7%P|6KwqGCufFL&Y!hGB7hD^rC&rY4KR82gGvI3gB@^9=xqbeh0 z3R@V+x-G+lqy&*qF_#O8#t~Zf$Wvp~e$E);ojw~j5_Ntm_)1@(-$Jwi+b!tgP5+cq zV{rL3v|C`@A{{EDyg>kfDa#{W2epwQlE_j8IhP!+r^2LQ=3IMBS25~dLR>8Jcqo66 z3PqS`l@x0x#2LvZ&)M=4G>)_~S|l@6>j2JF{S+^mDz7UvgfwChgb*>$-=whZ+GC8v?0*#x^S&1LI(RvKb`DNlI77oL#c$T~KI9T$nm zrBKqGn}Fp9-BUV5&j^nj*m#2rcqwH3?Dp<`w5;(v z`Th&`k3z@Edowo7nxF)T;Sj+ltjz$(Lc(b!E915`fNYDB47;ormV0ckOOKMAVhOr} z;+ES6UJiIz!4nf ziBU`Q7Sm;g)WGPL{{FWoCnJ#O5uk`=IM~n_MX)^-K}@WktsRFv0f;D~>8pea&g1{` ztZDy_ne-`eTq1mTWOQ;Qd~nRz_;ma3ihY{RoQ|F#>R=Duz+_iD5a|%w5Po3}GO6Ew zN0x3Kf7YI?I-*(o^6Gh&{yQhUU;JL|S4*S1809>*Vp_}Gy!uLjxByAB2nwvbBG43a zS5k zDe=_7z%Si}8o`KF>4MiDWl2}j)o~zba8|9~81K!^teTUrn7f3;i~5n2yf^;KdOYSW zo;OlKY;$h(Eg=xgaOe(e=daHArI+)(JM`Y#j&<{o;u-A*GOaNWl>J=Jg;c*Vw`Flz zMdPfU!«=p6#-G~(cA=uI!qhu;$W?>WqScC#g1xvWX4fd8bF9pF`U!a!dT&%a8 zNP*S;@4VdgW{43_te(H9dQq9L3IL$nIzutIMA}ykQat5t5TEH?n}FJRv06LM?NAS? zLNB3w83J@N#8Dl7&oaPIDOr&Vf=zXRI#$qX%C;$6nVfEyFmD5uAuMP1x^+sY`YExJ zZF7_T7Rpf)6n)aHqF(`tq1?9gX^-_;?r_^%b2>H;ir#|Dq)35*nvH0g=5y417$X6J6Kf^bXaTxU~;?%Lka;vS=gf(jBc2` zL}N^2yW*7p>}Y$yP{&w4SU>rTH4`qRS$8UZFqJ+M3^Wf6ZR+WJtD)|swgXQM!(cB8 zD=3;lWy7efh{O`bo^NE&RNvaqc+zBYA3;f0h_ehwjA_>XTjF@;l=)!XOh8jWAM1JJ zJG{T9FmkYf8U@07>=DaM+R)Mv%K*z&ea^Hm{_x*4nLa80n#3CB#kp^{r)B$;lJ}AG zYiLe;Y2&S%hDRFHt4_Pr(^83!?9qqX3(DBk1JbxJUh+bNI|Kk2RL$w@+S^u)uM*kp zVY%zMk>EskDX!~TYyEU)m#4TgkbEc^+qGiySaC3(@6E^~4z}~9{(C~Yi+|Py{Z4c8{F+Fo= z@ICf~nM32Z)%P|keGTbm=d!Yz%0-eGVHwFVWeAZ+DkqlnLE{Czt#kjY=gq#o4N?pM zpg6Frd)3z`u6TTS^?gFsxY*bJDK((SCBnj?Ek|FxG2%O==DP0z`ZJcp|1&m?;8=w z@(y~c^_9!p&*+P;?g(suhdt@$ZhxgcoAru}i&|v{9+CL%)u|_syfUGV!ndK#y5 ziR6GP=Qta>9Ex|Sd~0Rrw7O}t=R~E5sT0jmyk0i|VDp&rwYI@q#+5zRn|^!g`^Iz` z(|&sWh;+DAowZn#q8Q+-=}?O8FNjO-yp9e) z95xNh=XlFY6%j4$vR%RgdeWJV5AS^9z23tWptFpRX=c#}YjmZ7#|n!re<>EsOrWr& z^Nz{dU4SYwcATb5jDhInQ6?nN@l%<#olI8d=Dun!4l%Jc001BWNkl`HLTk~UG7$ivd>nP4dhQguNLR*)&wUck|1i^A>j5iF{bUBtl zW4%%w4D(6KNh#S}L_0%LJ*-Ya!ln70vS-H_wOo~!1vw;@o@CTRB5vYPh$5V0$vPP_ zm}FJ_42G)3ysg7biAmARC&=6XBq=teXqy2FOi~y+6vPNaL{o&N2`$hOMk;e`!|=QE zV$mGfyWnfvIL_lZ=H~4`=<0pV(DG&Orl?R?$_+X+vX}hqXS%+JpYBMT=W%PXPLu`N{8Hz$`Ct8yH^EIeNUV) z$sv=Re1p+5q*<>9nlK2=%gW#B-NrVItN8jS&D!{P;kZON?af0+6q7~p-pQ5M)`gGl zo4vI6;dk5iE_2_vslZOGMd!|=SN}3z)Aao#+JM(ln!}3)zRu-tTs4&LQi_C3PTSPi z=U1HEBJJC7dm@{8RSwQoPdo3zMe`5zE{nJ)d4&~ao@$Y`33)SK*qSNrOON$tI#)`E zQK|E&9zKl?EO~GEV8x!^+S;5Puh5*@dDpC%bR|u_A7Z@g(7^}W_g!hedH%9{@7lKJ zrlIG;9E)hSpen9`StC^p;JS)zx=3d@&O>Z_!JcJNrJO1c3FppXrquxeQcpjgOs<~v z%{Bl1++^>M7r9b3`QTy7;HG~4Ez19ocmMgHM3~#Qw)?HyYA4+kKKFlJYSnSeCk}2? zdk^WwtkXD|pS(bny#HI6`}0hMwqt+$nfvwRRc9skK3HeXDizVSS$7{hedR+&ypnohcJj)1HeAuWJSF{XVsg=f z^WA`m$sOKYk7fYI?J^rDWZ_VsJ($2H194P0%>=N+nWn^2UE-upsktEt9Rg>LE1-ZM zx}`j2oVzEp$X#X}Wm-zSz#x``oC}SOTBaL!&$Z4E`8RGU`Vqab$#qA2&uNrEbSG_L zch+ifXkoFR)bP{F-Cl$!4(VBQ(@(k%P2rq`8OYgH24VmN09cqv5K1AA7AZ(Wf-wew zVX3^G98!B68TzzHUhHoxdtrilVv{q?WO5eF>R_w{232PWhz{$fC6`|m!=eymgt9a& zYxa9pDsNtPd`;^LHxW&$kUsnxgIqpvqEBa_Z0a^PYbsPoHmBqv7V8K$i(*S?oI6@Z z1w7rd6b_Pk6aP=v5!Sx?PQtJjhWvjV&s#73B2gd(; z^N)(zy`sC>;;QmC9aT3Qp|hSy2Poe2i|JD@ttiX)Z1&bK%=f%|=+z&_(-%#&i{1i) zgdD6N4VivQFLu>$J!9&F)*lYC^IL@T=Jww6Ri_LEW}ob-o6Cp+0Km|?pO5VNEu)vziTPG}@XY9Im z|BYcFI8@Q1bHgENVlg)RI{x|>pYm_p769eOq8$(Y1YM zV*EI85JNGqH2cKER9!h8a6`95)m2k;8Dd2vtCw(o%r0acub(QfL>(QOVuun8aZwKkFt$sMDchyInZX0` z;GVqLn`hzxS{T{}R0&`e62;KuK|V)SBChtDaz+%wE-5MsAyEuVVptSH2>sPm&x~pB z%#=2bDbEjPf*cIVzkTM6`xbBPymLbA`aOg99348LH_lwS^yho`J}Ff%&St)r>Z!02 zLPJw2k}GBVt)Z--1UapGfF1vGZ2npCoy~gMcDtZkL|%ajd$^cOs`m1A0q}uj!W-7z zc7FBJX=Xqk>g?)TCDzol-mv7U^oCk}(J7n|kd@KF;VtaJ?S;N~9ZLrehKT0)>M1wB zdh7}xpL%`_rJd_XU;RmrPx2%z$Ts2xgE31aiHVH}a-coR24$*#sjjgLmqT8(#)kBf zjzZ=TgE@a-GR3)#TwKo&0>2-`LUwW#>X<<;CJzzO{CFy*(f}dobF)k5L5>AH_lI|^ zlU77ylPkf8GbcaE-TvEgd}Wy(zbXN;WGMPn_Fgy3@~*PRX;(epy{6dTc=^KX>Lzdi zfM++^=-`(r>ov}rKjGX5QeJCg-;VA5JG`ag79jfsUy$X+(xB*_GUcuDw27&xSNisu z+aLb@Q!z!d22ZlK8tNG3s=7=1>V;g_seY3aLa!I4hZ6oLGq2gGuF*GcXyER?3t#@m zp;Q4g6ojY5Jk#BHBzsu0<3q)ThS*M21H>gng)`2pW)a`3SW4vMwgn5qk> zEJ_s__RRyXY%UjhCP(qLRz4q`G-Y6cYr?p(!#`M8)wJDRTPt@rdpuJrTRelCv`pWG z%b)6c>LxRr@HNi2ShZr|wL+j)%l4-azLGw)##22jJmuV%*v9p#v1XUcz<5a2run@q zqS1+7&)+13kNhe|p1!v*+SYo@AO4Yp`j5lkET~`qTp?1)OkVI$Nwv+J!1sxy*51eG znFtBCpZdvFd(cnIwfzIGNZR)h1+wqaE50$f)L%$Pfl%P$QMF=C)5|A~oY6Yz@C!$k z_U7J&O7cAE+;*6}YHZo<*%xXi`d-aVS?B7$rc-iLOZRZ$kK^L?qAf8P8+I{e_w{30Ary8P)21}bVCftswD5y~(`+Vh zqKpRODjXfdokM(Hq1aA(cAl=sOgL_P0xZlD-^y~=X-LiM{z57 zBy|n`sXY3N!03fjmx7{^IJi#j9nIvL3eck<4=#@lxr14Yxnc#=RP}Mi6$Fq}Y3xY) z=x_Hv@rCSuhV}5S=!E&V`lC}ma^!1oU6(8L$?|B>-vkjw`ny}@ik6#x$B6F>_x$-! zgczEgA9M0)T+BL!j3ei;oOcQtD?X4VOp4}N*rPGnM$krr!bC>>Q?*D_DHwV(Irbk; z;tFs`OB{viJi-Jbo}~jWRP7pe1CB+0FAR7=*d_O`r~F~2qQM>;F*^1_j%UI(feXHY zf_?x2KoE3DNAUfB=Rs55}6fKvRy7_2q_K zN1u7A=Ei01f=9QnooGDY##T%l7ps}FqI0n5MMqDY0I}7d>Ylbu+dUx;ii4(+gMjLP zt9H&%X7_n3CLDP;MLjY7o0|auB^x6Mgbyfh9V%!mHg)x$K9M%%jz4_^m~zcYx4NsQ zJEn$h-Bxpnw&!>D9+2cAwr&X9~(O2=h(S6inPXysW|2y9Jsh01>-;^((z4Xfm zilvU^-~rWK;-;=?h)j>x@p887;cIP5^?~W3=99ehPoQd|eX9EVzMgEddtY*B6iGK! zm!;g*9L-h=!p>~&tz@cTS=FLAs%x6#2o!ZnS@g8BGA}~|07{NC)#t4d#Sapp>NrQg ze`3|*8-vTv`4^7)r@-GN!eZ80^H}cG%Y7^lKeO2Pago$O!*kZwv*;;-PrBUvJQJa% ztB?HP>0#;QBGW54mAfL(ovo}pVtsR7VV+y*4FbN~J<_BE2g}~dmL{K>D&&`=3t{tR z>VGFA)r6GJ#b)Z)<=7*#JO9KEhhPipL_m)G+m~v>Lxx-CE8MbJ% zsK0eEP^?BKi!h`d8Vi7Hs(ItwxxYEMBUBo=s^zk|P42C7$5V%2I^T2Sn>%R1cA_E5 z<)eHqP!&cCCQ!%K1$=jC`!9DtDlvQuMMkq-1R%##w^9mvmH51~RvmZrQ|ZGmzw!UB zyyP9jRPu#BjO~!8fmSr9ka3DxCzo;x86%T|#k8GG0stsqnDPcGZ;;~Mq%VQ{;)rvN zLGgrn)BS>w(xG5T9?Xe6R5iGune~Ve0PuxiU|ddiI(l$XCc5f$^l_&ygF!#!SgNiH zy8klgiJ@tSw%h3hZlQJ8`Na-QI# zn`X@ZKdCkP(>=MgKKj^D@BbU${NpL_C$HcB`^8nm-<;z6{e+WlgcOr#f3@S#Q-Ho^ z$ro-J=*)^P_o3}-Fh*C`Lg^20@LxLdaNo;`y=&%nosw9YPGsLeaih8KqVHcE{e7yn zN#gFBQgK$)``fP6+O+Z%B-ZM!L^mUkrv>uFONBenr4w(;zr_#2lTJIs_*@y(Bru4KjX>j&uGH+J3K2k1J7oidUn zfZ0&(m3%ceHr;%{f&BA1p`Dtf5lSFBjp(4Md?CJjzIsH&GGmr?2;&bgSSgiNh!ncm z>C5kZRvy{cxbogW%lo4|q-t?puM`Abb3@Bx~pD2m1; ztEjP&qqoIZ{qp38E~=>+?{@!jc%()WFRT8j=ijGAci)@acmHDHoLlRv|K3uNPa?6l z|6R3nuV!1s?WblelgjH^06;$NFbw#6!iRV6aem!_PpL$|Tk=US@_8mgfN|lfTOY2w zYHMI%qSCaj`n6j}AKzs?7&faai%B;D>qFUQcMyfE>~2w&9>n!d;8y-QMV#!Eb1BQ5UYn}E$ia_ zm4W8UU`u6SoWQyO0463S8v_6|2ajmxhLrq9ytpr~o?YR)x;`{7=t>#Zb$bR67xgNU zY0Jn<*wKS3Jxbj5c;q5~@uqnz7_M5)8l}OanJC(slAV-Ew%{pb7{|bK8|axJV-7vo z@!~g@f4gVHZEk;q4dCeL?qunAImr1H*Y05VyYAGI+|m^ury@o#IynRZ%oqAQyVoE@ zOH!n!auF{C2MWV+C3$r0@UHkCtY=Oyn=sPz3giM6;mIt(y#wn-LtA<7i{9{r|2gy+ z+b_TI|0<~3>SCBqC!JKnQL@C*k;5WJM4>Wn>Qu@TG&xa}f*?_Zx~*liJ2LTJqm;JI zDYf-;Pg;Q;=lsL%(*ypy8YkcVw0ZaCtXG0KmFaz_Gxy$+sF`+Yd6VXJe>gU$2?c!s z0D5XG^t}Ihz9~*N#_^aAh7_RM861qcHP4G4p@@xfB% z2o>`H6jLqRMLCpZI0I^fcjDK+^G}#4|41B{2ycAhlDwAVh_crGwSjXl%qsD|)c&Wp zes6kwp2R+%K4ITG86WDnZ>4_!u)zL*?%p%NuHs4;t=c)BoKNT6YPDK9BMAwCND?{6 z0b_%~2Ajcg27|}O_Bf1Q8RfP` zH?Hx_zalOQL^J2s)IPHtZTk2sClz_O%@j64%Q~Qt(O1GlMVR z*>K+1y|c~-007&TfASQP6<}Jx$v-3h$MsjdXJLez9h-dr+m88Hij7NfjI1a*)sWgF zOBj+b=*C1TF_JvW*j0#(L)qzUDchczS&+_>cFwkyBDaxM7^(RxuWhL8t=J}-y?>l_#v0$KQ z(Y(6?zK`*^Vrl%%_inpl!vF1~!o)}+0Ys=#&H*BtT>D}6j0CRtP@WNLNZ+V*!elJ*A7DuZ`h1}J# z$YPB=;A-n-m8K|GGozasJk62Ymn)a=WEn3lNp{F>vsHz+O#}e40kRRWk)_#&Y~nn^ z1l?jvI-S#DS_ac)dqgtFah~8spTGqKAxz*-pQnN60s59~cKIT2O`DsT-dec!KHp#IYCdo>{`1kSV%Z{z0RR{b^E1S1zqlbN z%!e@sCuq(`vmV~7#m)o zgPdTLcengV0P-S=K-m-REt~RsC6yo6io?)05X3Rtf&@ikl*>^Y^ma8yS2$TeLY69} z$4vYgMk@8~1^S7uU+MS=B)R<*Sp z0#%n{Snuu_?5NFoglhkAs37q{{}$HX57k+mqr>6x@s5L~?D3+c*&IZ6tChLOjC4;B z^T-)1mVgY6w>1`;x+GuNSLc=x`S@o2sh{OhpaVWtj!5FMIbSzN@ZKm7ClG4m-ZgmOI>@E+N9IY1=v)LGJs26m_<44q(delcQY`BC|^;H`w0xGq3z$ zK4AFUULcYNFe|qG!J$*5T}|~X=0{jw)sZ^-*761D~~%0vDv*bMBUJ zzN*&!Ub1v&v;TpP(4V*Vj)SAaiuLYUEq~-rrPM(G^S8|T)a#TOQeS$@PNcXm+zu?W z`t=`7tRN4hURbECY`*&LfoHEa56wgdKsP z>veJghU8dE+`9F%q7WeocFDreyBzg{)B6U7UdzPynx@J!Zm*}^=k0Jg8r-fXfe*d% z=2bQ_7xa9pr|WNps{Xx2w=Dym*e#cG=F;;-T}OM~EZa6%a-I;Z`}^_^zkk4Z@woZS zT=e-9TCsMz)?LkLW=cWx-QtB2w}EUYNp6aSslUX$Pc#r(R_W7Uc`xjJye@p#)cpGJ ztEuYdtiJh?h9`f1{1Ou7uUOD~>ax!$hkMtK_O8h+xT;KE*B)r`XI~3PmmeT*tt!68 zy~X&!I5!cgT-=!TTr|IS3(MQR2BFZ9#yu{;Ocr=2E|;we$+%2~a#?_vO}3!ZGcua4 znu)3!m+fgPn+}F*-(JPHNxDUsm!(9Aq_jb#$p&qQjim|#DwvLk{@u& zZ!U9Cg;V81Rw`7=1+^+ks+q4;bREoYz=qvQ43jNJcN2D30X3yDFJ;>z2{fLs3SyRZ zC^Uz0q=pgMDlADT>cd8WcdD{9`#HFL zYFO(!$MNvXc|cTWw-UPwhdv)k4vxR7Xl29EbOH)7x!C3J==66PRLDiUbj#RN$PQI2 z^}K`8s@aJh?S|5=n{mLMq@0IXccU@2UfFquXoZ;SvMV7gJ4iK-lg$~70c1D;-A7F) zfv4~9Ts@`fl4-q`h-1)d;4mMqcb$m^b(`#H9uIh9ns!03W>ui(OtCziD-0J(@0ALR zY`mvTYkA=i6`ZY{xt6z9o!yDoN1-STmeA8fc7GAf$Y`XD@)`gDglJGt$Z<`{SvZcX zB310s;ruW^rBqnPZt>ICH?==|qI7Cn+bp>+wa445XU?4*mHjWwG`5jWC(jFl5Oz80 zcbu+4VPd;A^FcNaA*`BufZ>{W=Q3~j3V*}maNYk0j`a7~#{%K=!=qmr9KNP5S~~X6 z5hL}E^C6uK-<-JDC#~+DCFhbee*M9;_KN}TooFclmOP3ZA9!5N;m|TK=Y?N;YUD=k z$naB6uGT=Z$OXN?^UVIv}r`eb`*!@tiFl>VXDrV4S5Zo2o_D~Q3aM!^Po{goJy68pW zcEh&&vlFAmMA<||%w0ccErfky)U=FDc}iqGrlt4P ztl&wGurx!>S1Z%G!f?JgGJnqP(eR?9C!f4>y_ENw4*!+dH!SknWSzPEe2ENCdi;l%PFwliI7 z6HD`gL`+cz%9Tyga4pM5Sf-Za>N(DXY?0$Wp+E>g@t$w|Dh&3z9oNrnoUOij!hbY_ zfAQ-zZ~x}-rGlNkX8!OE?uJ|TJbq!zS=4$AGpP*j}4GG%z)lmw*@;Q(S)e48^{Ouw!YwDFq_BYwhen%M~@Q z^&toGpVMbrF|OJ>-ZU8yDvZEeie*;>BD7006KQ^oTIzffxiOL(A!EQP&`Z zzj{IZ>J>&L@CR=2*}j)IPv@8Ro`1#0@My0_2dP*4;WYEicQ>6M5`qsrd(QG;TYbm% zA86eBsaQSd@MFaOO#GBwoKMmo3)|t*001BWNkltCEo{C+0s1JI37(Y7iG%r)&HfDD9Ym(+koAli8bpEC{J3k7{i5MR(J zT>qi0Lgr5CI^rYeq`~(6FV7mK&~2znPfG!fF&aS|#5cJxXgt8B>pVCskW* zsnCRpCdlm7srF_=cF)d@p8eN+X+H*V3o4}LqKS}cN;cHU`Vix;tET#=8ahtMW0G3LtJ;RRp8+v| zi|GYxtdO4~SdS2D3e59~(T{(=r9JZI)mJR}=ULGee}3PxP1Q1Y=SoKl#nGxXAI@I3A(NZr)z*fS;SQjwGnQsa<2KleualU7pO8rwmII7?(i1LawG-Py68E zA6$OPt6}dSB&%LeOn<%ajEf}Clq-#IS1KPbmd=#RW0GvxHU+UT#fXrwOrUEvW?;1(8)g_f zPkGI(F2aW$=xd4ft+eB$t zWoIUvP?Tv^os^ZBB(L{*o>;Wt6AOfe2Y&o;C?iu~ZStli#gYAW{RN19v0i=t$ohbl zy>4D=%gL8cEnaf3d6j4leEZCTkXHHB96g5v1;?CL-~FTYjS5G=%BkSy3x?NhZm9mS zRxRMU9;|pVt5-?SG!#k(`|zBFKa4TIo!(Akm|;T%a1zsBUAF0haOkhvGbU*}(v`D? z%w#${k?QFkADGj!XS#ecSr{}iu>`%k#reTBW*1qpi}tNt-Fo3{k2^sBp#&pBHbNGL z{fR43Ec^QXV>_qhE|ZDaR=p*kU&%I)Pwr#dQ{GyFAw(AXoUpZyXlN4%7xz)TVsggZ zyiF5m6!Bs;K`h)rvBJm9fV{5um-A=Jxp!v9_GA;fZTo4~Nzw?Q=;*S~F7=#0*HbBs zmNIAZwz>4w;A^!vXuVvuXrBp)^-Uuq#>?NVyKMjQNB2s@KM*!C2wtcv>vHM1sbxue zF$U*B8{)c2Ad@9*MFmO8lXP*0h39^VW1#V_xGJ)I~&whtz{eV74F1>$I{>(Pd!sXqI z+Z^thxBo2zTGnD$bN8%QO0jZokb63pXxMHD7T&TTdFHjVu6h626TjUaKYqv5P6Ol0 zv})*|45n3SVz1Nj(=#8A2}x?-#-CCcTN>^&yEN2gAy)Q}GRKDcICuYK>F zp8YP$14su(sy1@TUIXIuqhxKsE*i$Pq8=&a_ilN6Z+kxFR{(85lD`W~3!+0_xxYoA zH=Xx00HB4?ug7x__DwJG@&TG)aIBH1n+3XorzRvlQ7v|Ryd4e(pB$%clWlG*?B7!8 z`w(eHwb*BXB16_ttT(*jF1n_!`2IWb-X{S@lxz6BG6bEC!rbdLQ_GYm$5JN%ge}2& zKDne0yn*4QyY&KR$E6O|dnC3)QM0$K`quw&9AA3<(q)Uj;0rAum!ut;?2D6AMZ>tR zu9kpMB#9c9byJj=qI?v|BDtdGrwb!fx&G0iw?=L5+>Ue3>$#1i94kKD`Nj6uOT*zz zx|$@-lxZX@6~7?3F}zQba0qXzuf_iR>gs>nRLhDhYUw|h_kwO6%E_^+D%qN9>58JK zOIks(CJBv%)UTFzvBRoOjE2=&vq6+w_2Rqt`oh&_zy$HUmsmkZ%*Ah2mcD?@K5`{$a*y4 z?Yk#0TUw3hoUaTD{RM)sD*x1`a=#5sx1oKFMy4})%ihJr4~^WT^XBDr`9N+a$_gE# z`*0z(EmfW8jFhdZy=PzZYJ3<0?2Sb7)p-9)OE15?#sdHtO6$AFi~TuyTd~*zjs>+B zY`Y%A`$||SMlLK+?X7{XOKL-N7|`K&vp8m2`X8%cd}OJy?Xg2Il#;!;PWl}Su(ECD zO9EXh;&oI4V15VD9)W&AvC^sh{^|VAWw$)fIsfhuvWlr^G(|Fv(Q5Ix@uA-*CptuT zi{Rc6YFHbn4KX|b03c+I#=f&Hm*B}8o8Ig@^)x}d;x;p7yRVSKCG86dz$Iw4Rr~gu zLP-sC``J@#0-s6(j2?YeGEz_w6im{LN_S#qARDm+95DnY+Zcv}u6lm$dZP8u7FOM` zi=})bbznR;l*#R|tpg4|M-esvF55OCY)8y;EIMgN532kH5%gLvCTR{9dB0O%ytPJu zB;$V}PO7q2U(7GEO6xu5O0P}f02r378hWZ?Wy+|cKt+YRfgq;Pf`n**VU{QmJjIz3 zQ!e6?1bq%7U?lQvjHoC&PYbL5HKW4L}S4Ffvtr;?27@RZkW; z|5nfJN3Q^zLs1petzd9C~l+coJAhXJw| zbl$W3zxCKZkW4nx&9o>p7Mb+-R?C~tZ%b>nGCr_*aw|5 zHOSAsVOQ|=c`tNNFRsru>Xb4O`Aw#wgK#+YsRKH&+>Pt>$_z@KIllC#+xrGTUwK^c zb?s8zU%ue`J6~R5VNd7fl!5WMv)ctgKB;|J`=izNhi&cm{p(Z*wA`zzTSL~tYfm_i zUqgLpE#F?{r!=@K*P}zb4ijhvUqY&oC-zmT#ZeTEKj@sCe&+fw@Dw+rsJ(^kim7k& ztk37|^heiVjy9n>nHhSW)(f^FmjSI98c=g#Jx16X0CpKVB#bYT0iAC`eAuSFUW#<2 zcGkznIh|oG72yQ{5VYwEXBX*2edkpzvu{4W?^_ft7+N`-H~;{Q%(~3MN&dP>!*rdi9e9ikXz*;ghfY_k%Y#;b9=(sP1w#4n>GB9mG zU_kuOAH}KxVpTL=0eKD0azh^t3OdNBAfq500vrQ(bz)zei?e@I?FJ!m{Z=!=frsW` z)uMIq{VGMngreQx98*r!qxtaks(w(`!wS{`JtpS9&DC+9YseV^-W zd9>frQjm8$x%+#L-cn(fl(#x^Uw^f!dRBQRl4((+-}H>#e$qdXbL|NhuX}hdififI zrcb-bKjhx^7L_mcPVUL=;BfTZlJn2~v&pw%_uB_j(mJrrn|GE~Q|5|As5Zmj(eQAn z@oNiOJDp@{p*O1A&_(_s#`ll=06SYTho{YnbalMn%9pXSP3R2dNsM72Lm8X~+$<9e zOZrT%d~#CV0z?V`sL5I0)ll2Mseabg3?KNrI?zVw+XIKbGjPa5G8hCbPIfzeU#;mT zE7j>-MyXVD#cWD0CsjFbndcSNpjG?6qpKTyzNXx$S}cytxmiDE!$JSdZ++jV%{K;w z^kENufAKdds)`Q@VuRz ztd37s2QD#czsX}p#rX6eich`Cr60>R{OKHV~UPuU&KEHPtd~8_Kp}VmgUo zKALrrw2Nd!lC0w#QC7eJTp{{bMjQUu{o((JeJl`;|J!4suy0xr+n~pZ;O-rVgQ|VX zgOAp}nhLM^+SL!1$E4H0p3sbJSGw=2xmVAh1uvNg7+G)n_S;AAY~kO%mvn?s{ff$| zcU}_iiq;GB#-9C|@9URTKG#|*GRb?|s>I2*x|bu~Q%dz4*{|Qzv@@lG72?b-iStf` zAHcKB`uY=V&i`)X+x-iP)19#=hgu){)#|0OL*E^p)Nk@yrR9ckveM)Uy+Gq=@qr$q^U@ZPm2RG+SHXJDO;$ zo@FEMX186I3u97w#!@q~Y3pKJ^ZYv~l1od)28MQ~rw%!4ela*%EM?}EPq<0wtDI>w zKg2LP5MC{MLe**_Ili?bxa-?4$)0-221tj(7rgh)*7~OX=N?_Zu56eLj(I5R`PkIm z$4~lcs)7GQaw>~sAIV0<3$cC~tq#{+5{Ma&fRwh@0q4xnd#o z-R{{ej!nwSnQ~>YQaLvi*fG5GUndj^Pym2dWBiM`rk6WCeX`Un@DYLznP6VPyCCZK zmu+WCHM0uF5=@I5lDJjYwDFR3Y{r%hcD5gP(rHNU%wYtD4XDIEi&;0DYja~H222}N z{&P|12+$zFdJ#l9_*Wt&B^?+x@G*b5L;yTGeEiPl9`fUWZAJ!jUNhc3kC^3#90vLh z$h~{y?v=#srH)S~5Zb1B=Bsb4nLGNznfNsEg|KlfMlCrvcxa zDecWl0Dx=j+-m~X&qhzYwtVA9@2x86-(J*J15`C*lAel*1FiV}2xSLhCd3IXvp#dv zvAqn$4Abf+#h17_Oi8gbi#)4miEfBMx) zs?x4ZqDD_vc70{_Rc~0P3=pDuKSBOQ7Is>brxmH7s}7Q)Fg&lTSxrf*5{Y3BlExv# zOnZDLu|GbVmMRkz$Ppl9SW#8$E^0-B-sNFf+X`p~V_Te!2!tU>$}|;ct!{0?QG6&X z{AziwW_c#pUdfafos<S19Purh zsG1Pkss#~13`W-SU^YFmBr|gTk-bNo#(r0S>ppbW;;C)l8Qk;3u7-LTFIpfwZ|>Eb z4`e)jM?7t1>TF$JWwV)tb9WgLS2fiJ3~t+j9+x&;R0E8*|n zUVOsId-2TvM?AL$Q1zD7&;FzC+sAFUZ36&6z+f;E{k(4e!m!IU(AI%+)-pT&%Av~veH{BB~?watYuzLr$h8o zRI4D&a)@D;3DERlZ(;aUF`L#3CB2)oaoZLxGbk&zWH2pmGRzZRj_|UikHtMKM*mNf z0$-XMy!OC5uP@(tN%UjNo&W%z7_h%}+|FvqNrKrPxXJ_8(CUggpU_|#gzRlke{&PZ z9X(jx@4Vx@3*@Ih1;wP27-r9pe>gTQ)@H6z}LSN-SyJ$0XsTAP0XK-G`%u9JV=(`i#X#9 zw$~FZkfAPzKoYbIHv}N7hN#&MV^trIz%L^C==7wP%3FrvX>K&zqT0^=)bW$JBteou zoWs^FsB0GPwt-9Xhh)wPOBJGAcGwc3YbfAmZ$F1?^?fubg<^K5I&>(0u#l2xW-=t2 zhIq=v$}G+Y!~kT&IM!0gFTHSiV|%TOAQ;6mmw)&|N|k8ea18;+wQ=@{KCLZ z!J3+RS0*UOj3N~c6#$^ywqzP*Q&%l>+1~#3M@DBD{J7JZ_paY~c2Tu#_iq|2j~fBsot|J6%68y9uWmxa15N9zlvLg;Z7-f4#Bzb~qf66JX= zF3Q5#gnGS<%9&`EvCl2NSU{^Xl&P}XeESFE-UYEpqb&yOJ&{^eyLDTo%lfyN<9izx zjrY_Ao=AeHj!Hbc-CZ7UYP-J6id^}^quW+pjf<~yIM|y|y(Ns)7F`%W_R!+1K4eDL zq?1qd4L;ejEKRqOV9bs0AmJb+ScvI{or5r4fHw$e+Xxkv0Lx3Cn-6{&5|7B$glGzm zvU{47WXv6s4PFx*syk5iU^Wr+!V*i92IH%k0olN93`dZ*OdAq}ZCDUfal(Y)l$RfO zDL8Z3D|4LD>Ck!60Ia6xNMed(j=3Ct44LKF3o6fj=$JR)UM}K9+0gHq{zj{oHXw1B zTll=|@)~_ig7gOEy>@+qHu1+C-{~@11D)L4g-neUyCwHDw4?&YjnR!9DN2SqN(A#* z)3x%01J=)JRdDNOz_R>iNiZuOeKZz&*;T#`Q@cZw2JuXV&Ajc`PdV(x`i>3-(l8Bk zcf1l^azMb7v;_dF!0B_99m`c_ZtN<~D)FSoumC|)2L#7Koi+|>l^AXpNi4>~Vbady zNChaU(e*gph=VKIf<4U9m||{EPmN2Zim8VfzLpa`6yqkDcG2DC z^cE5aj&1#CV#8B+?0hkf3w0z}N0EM@cdBx?Z24iWw`7KAl2)NYC{~rkN)#-TAW36! z2Bv8=#Ip|D_|WZXwxEM@3{yfKMFxoKZi6XVu!~ma3dEZFIn4|v7)e#h%SyIXnJN@U z)7d^Ovf%-F#Y4SPR4zWe()an`>VZ*eCdF=ALR`6&m@H2{u>GN*tpE1!fBMksY~cRp z;L@@dQH?%=Jm%t0i-Oaz5X2@~@~oV8TsX&us$xL|1wn_atXNO+_`+&oR?be+THLKx zTto$!i&CDpWXhoZ5)mde4Y%~P(;fFRDHmKedLqX&>DGCR6_yq-&V{hBSc;;2d33xm zzB3!cm8q0gokV;I6M`h0GcZH|3NSu}_i8jN+q4GCICjKMoN}@M)G+%yb5_xYeADh% zmGru^hf1S75J0BV!?7>#gvP6JP!zyOX^prUsqgP(!x%B^c zdIEoCA75hav12VACq?+2kLJ`^yB;GB|?r*aU{NsjjF{-wpB%bspTd(|2bolJzP zW3A?gDfK5_)guwcAWxnV8kQ8dUOIj7Cr!8MI8CFOG!fP?kAlm6j=mbD^}6^8rx|-O zdZR6D+gSb=KWJJKUxL$N5oQcnCaf$2$8cL#VWb3VLv&MHk!YAwToS--SfK3!moD%z6?0MA99EA~ z2J-1e(Uu8IWy}f&=qayt##yLh<&a(-z~)Ugr&ESGj@QQM_Ae{H4HeFmaLi#!5K%)^ zn~H$~=3J=uzAvmGkQVZq7+MC9-&gqp+7RYW6o) zkikIF!ZI>LktAuVWm{3fX@^l#Q80mWI1_|6NoYEe&ynmTVZ|}f#}}q)#cM!^VY9Yn zKr=^LG6@iY2{g&zm<3=%6>gZudvbWNiis+yQmDitMZioRw>d)M;6AKSMMiU#qDu0O z&YD}{$YawUSGJ598pe`%)Wd)FJjgR2JDESp!7>P05B>N{`vm*R`E@G3c5e9;uxri+yH<3TA4@d5arXTC)&l@++q(7DYiBt_XMx+! zDd-+M_sY>7zOKe6@TacpZ*9s1Dvl7YDz=4sJ^nGSc2H|N`b^VN|4pk z+LaG=%(@0b8~}i9t2{kyX47Um&1J1}qCcM<^rDccI4s*Nk`}I;qy+%NQXDqH7T-k@oYPUqaqsEy3IG5g07*naR6dUNi9*!lYWDkPajfs=Lr23O9463Nc}H`5 z4K}wK-=V>SIs3Qh^z^Z#yXR>)1TUQ2y7MNVPT6Ff1`5r2*kDzO1We}YZfY4N%_-{O z-S>6PFlZN*O=6k~kO6>!a7rO5XxpqNn;5C$@Tcv8jg!+KG(-+GMF6zYxG`x-B~x$W zoo%AKoe?kGb;dEC*zL!!ipyobLaETkncsAA-}JaxXiI>C0E^H}4ey4C2n`hPNv7J< zm5RujZUGl)mLqsYMT4nrv#=wYIxkJnu9#ufGH8IAAkCWT0Hru+?_{|~rh;F%n{2K} zm8un+w&OF_Ov+AXP`-r96)fmSvVt^?|MFc}^iKi9*2I+Z(`VSv+=#c-XY=ua#EDpD z#LOk<^~rTJnBtlyTW67hC?H7OF9|vCcxmTTjd6!P^sVqc=K{MY zQ@&tYj^+?R073l+&F2W_X#>ls#DWv9qYoz^G3j>Ib$%Z2z!1{PzCPqR--<09d@1b+ zVQTSvZ8y-++d!08C3c;0E^7P#aPzlM=*mjZEgi;guKOF4XbZe`sw`tq>ns#HtZQ>5e zfi%;G6P#mL{oIESk<~#(&)9UalJpl(o>keMB!YEj+=K*WYcxi&Dor~=&f2;0*t>4* zUp_0iVz^nsEgM1{5H{kYgy~g#5u^;pJ7fwNG8Y=B7ua#AC=ql-Azg3P-Zd##AOiQf z=C9muW)Msgpa{u4j+uZoApwwHA!HqBqHQD?y;ra@B;st;qM6O6<+m}fjX6xnYk=2a zZIK{NH0rb#N|e(V98_{FP1UKCSx_y@#ze?f3UrvG8r{sLiy`|LG~Op02<`iR_EZ_{ zzkBGs(~hMsW5TYR9B>@^8OC*1@G_n2uFS{zn-;8;PH&#Rbz)zJ4mu@V{d}kFBpDnR zq`~j+{{F)kKhHk&_O)%HU-$1Lgv`iFuq(OWZ;0@9OGUJMpw2P!f zhY*$xy{se_c7LjYnR{gScYD+CYJ?@2f@PakQld=?1Hgv1O6WKw9gI)06#}E*=GSI{ zYo&D5qva`GA%P4D3lL5W2d0_A35I9=9#4zIQHNo8+$7(sx(+D9k355g#P&)xVOp9f zM1ubAIbAo_*PQh~>21jbcfL1xJbU!1)tAq$r*UMPV>22fzVz0_S*MPU`tc=k2|@V% zHs3ZMdVPPUXPx@)A@6uYNN|GLGey@#5sBR98tNri<&v=}mkHBMIL8aq9`dB1mnnqd z0K=gI^s=SjMtSeqIWok{-)ot*AUbbu6CR>DA5dr|Q7Da<%9Ew?WGd4;yVPwcEuX1j z+&=G+TscCY&w*9=Y`2Mqe+$m4iaKr}&nMS>JE> zJac#|#fTXo;uTTdqV-|EXc)-BakEkzb;G z=JD3G8i7@~)DhQw9LEL9Bnu8GJC1tBesOX~juDRf+wL1aPN|xXMQL*qgC+)T(-Fbt zWX01qCG<>4m0Da(*@-Rg2nJk)bL)-aMq(HeV-nWZ*zZDp(?i#Lvw8o){LE2P&EW*& z^v|BN;$Nqqem5^AWcmV9_1LyOLxVTn-E~Bkk+nw5nq??J?ZYY<5A!zViqi!_n@wmT zh}js05iG)Jh|?HG(4;^yZjy45ID=6lNxR81wD(nI2?scYB!mE&xLNKd5>k20FceuU zXRE1FF$OayNXSURg$FC@5WSSd+#@h3>gu-b2h;xUqUn_}Q6fbd_n5?>>iYZ;H~$(fnOxOS!2bX7H^kvR!4Xk!>%Yi+T8r0*feXXYKHa>EOWB0 zi<>wMB3ZXfvK7ync}YphT1wI&srY>wMjNuJnOK(QdPQuKfe5Gp&2ktpMQf);wbvm7 zfHvlxt5U8enJzleo9?7E+f2bqqEMQfqAtz2W)~=4100mOW%amUAZUQ{W#jlbsBsIo zpYsU?Le;qJ7r&Z=ww^b6UyQ56kdp2ht(*MTmqIJ+6)8iC7w0qqeztjylHYTcOlbk% z&krV&w+@!ynQ9Zwv`asf@!2B($5L?&M+#Mv$2vkc_uUZ?r3~X+3UA;wn|_)t2I}+fFG~avnc3i zLM}_ti`pBL<#8^KIWFe5wQc{;eB%Fg`&b}!y|nGqx#w^1z2?F8r4J6i@ocT<>A>8lMn>KUEYL9W zU;3Zf5}-DuGzh`7b@eyN%FnOsbSBH!y*H5ZJld38MMql!0GQXq+;}Nu834eGJIqLB zYQgsBv4)z#QhFyncNklW+oot%vb5J}OLsH7`O*F=LGD_0E|-CK>(uRIp~5nML{H_XVm#;5*~iUn(>+afb2U1z@IjW4bm zI0PPw5D1LLF$alzD8ftPZW0$LyhWhrr$Kp3)~uR=C2lUrOuU;C8hPA7Dmg=$l%Suj zQ=9bAW}IkL2D|qEZZg#U~S+sfLFsp8Vpj@+Pct{=g#?L z0wDlk?yn!eJNHt@%unN-QzqzlBJVz+|K>3=+{e_~mh+MRe4bcKg+4t&`F$>-rR$d4 zrtR;bhVv3gk7xE-dwy5nRZCsC@%Wo`Llqfdn2Jk^OXpO9!CU|#$k4>n`9Rn0>9jRG4n-dD z9Mp7#5X5nNZl|zrg=NWRX4=fon4{zH;1n=S8)^`cm_;Bb4P7EsEUPHV7|21}Z(*)` zZbXd%mi@z;ZXvWUmw#b$YF{=#Dpe^Ai?VDz$F+&V6*bXi-aiPF6m^hNkZu7#3;T=c z?U=nf3^&$e5P-=l>dT?i#|z3p)?cbN>q?z0S1GFOU@;#Th_VsZ!hZkCgLSoM0?zww zZUI4JAMB>jU0z+e^wiAAo-?OA(&0}xNcWd#*JK1pT3T33x(k;Cn!V|Qc{p}N%ccG= z?%q4xuBy%(Uu&=3Pw(fRb8hc9_uk~@rjmpZ0wDzHMPLvR7?9Tnh@+s+ps%7b4k%I- zr0R&GfbZqA1WSg=Sy<79OoWk1=oBV!k&;Arl+;~7bsEmdC%fnmW|t*-W;^iB)I#EKU0Zd z)ld^vHCoYgk|}6RgTvAvgfs#Gn39eaov_eGNzsy3y`<vT zw$2_J&rf!+HBAPyvocmB!R4~&QX|B6EM~iwk-qTV+y4b5l-u_#2>5b9$Jk$E1UrN= zK}!jMBlgnLm)ZkGiXcs3K+q_O4Qgg%Gy2@Qm;4vJIR9^OS|Z$g*Z1nHIR&i!X2<%^ zOuYV2?Mp7zlA2b;dTolX=_3#AW3pcvnYC7(=dG%F=|JVc#cS5j95)6Art4o?`sG95 z52n$RWqd4$D;gNtt$jKAl>MwFL_ZWh=2(G95rPPK22K)4B7jZPYc$h_AqfC3Qlf%Hgb5MqI)Ov7 zcb-X?k!hGVXxbyX>MaGggObwQork>#2 z@+Xj7(B<{r*RO25_{_~O_sPTG*UvF#(%dIkp;`|BprRXj)ev-3GR%@@EZKp$9MER!CU;ATosbz6K|SJ$=ICUVIa-*8@Y zVW72XTPpM1?A+d5uF+z-x;C;g7-+Is?9@lqZjuh}J7WBF#0+qdCO}5UwHA0m9o#;l z2D7EbsqE5nAtFgtkJZ-W4K>*)8$lSFnJb&gqLC~Za~V)g0bCxt^wZBkX}g%7Hma-+ z&MA1$&Njpb2PW?0H39Hl`h~KtA3%k(r8pnS;vM6OswZ+EhQLb zm8!AOAsgl6367LTa?)rHS!rxwENPG<&8mj%3{_(#oeb&aNH+x9xRIaJvvEC_j0&j) z3woFut0zqQ!nw{>#}T@?uIa<(X|YP;{=E7I5iSZ(pCU!Owb(f-LH?J@Cyc=D-?8dui_gX9yPW#S7%b%&?VM)b%()eT^ zuL=-I!wtuycO-x5|G`&Dk`RCR6qXfKA2E{|GoC`7EylzQUcUI(9cTY|(5&IX6RT0A zk};E+(t`FGL7fql2S!puWvPax7$gmq6OC5Kz=kzOb$-Xzuiiqhy~y84O!m}s_J458 z+xDnaHJ)$Y$N&H~$Ktc)D$lcvUC!nL&OUb%xw)GEwfK)_he}b~{ljs`I%mBFZq+MK z%*L)UeE)cD_lKuKkoE0HW+$R$S;-s5%BiM0n7HWEPp4iB;2PLI8lmK+&SEnsylsp{yFz`1<*oK|no<^1me(}W zS_DMg(wqog@@7uBvu9PXdZ;F}%0zs-%@$x8+lTzb4B12s0U*#S`q2j`+pdk2!qnls zI8l}7MJ=UhNm)zFI!!>;#BoV`U}5+(&3_)!5`*-S;{2AhE|~xTKETwjWK%EyZ|FKt zGk8hVB@wESA%n!4FRuB&lL!@6Tl?G-55=Fi(q9=8mMA1BfM>7kTm8=HJvY~1?b3~Z z9IriBtnO%d`2_XJN3Og4*fqfYAdFi`97F+25NP{ME#fCuz>r(0y%P z$7KKjQ>^Ien4X^3GBN!RAA+@z{xIncll}v-b*4zN zh?G>Ltg@{xw$(-O6hs7ofONB@-$Hq~j~G>B#V{%=AOPw5XcibPHJAO#*O}&SD%3=J zLj`-_-*UuzdAWh7CBr;clrR8Znp8~lj<&${4Q?CxA+HIH^@2jW|D<<)KVA9cp2=U; z`T8q{o)WZ_pru4TFCja_o*njWX#E>shW{#@mI&{7c)zF??j6&{{5wY2^`p!g3@k{H zzjOLWuX=BIIZ}E0_(?Lr)6<3PSIN)s;pnei3xD$3p_;k0u57b^sR&_LJH5OSU06pj z2)uXPfSccqV&w;I7hKW+-x`w|<5Qh-CS&*Jo!+H|DZnzt#r^FLSZ9I%K54!aYkTbW>9Vvl7DqZ@=W0U+ZIBkd zXXdWnrmSkT+gJ_}JV_K)J+0^yRfQ&CkAo8pb4E}PAtyado{}u1Z#{hFM{{2RE&x@uA}Q_qu!6EL-`FKV;j$gTMLw_n3ww zjPFzRoq1JGE26HMH@q2qrDlJXtZAj36obOLTwhFEWd#|8jvZ#Jo9YO>IP-ez?2{Cf zG?JIGq+`D5>I2m=C#hLDkKNwjaCT+pcc9D(igqL4BC+{e>P=bKV`ct;RdWDp2$5s= z2JRpT+NaHq(Om^-w?NXPpgCHxlH{$^o-?u*hX!eb(2WhF@qNzw$t z5Cl&m7e$@&ynH)ZdOI$>v8GkWc%)pZ<9Rzp=2f+*X#ju#!}0`?I+U6ET|Djn4(PH_ z6mPSJoQ_5Y@H|@+ZdmqrBSKBno`3%N@$vEg{{AbjxB~t~xScoNcq1Ny~A z<7of@R#hO$RfoHbk*AnRv5pDWTR|2lqC;5o$Py=%Xe}dq7LhC_wG5QXP$)r?#hPj& zA7)7tm>NN1T_NQX!n(w}HHQcIykywVH3aSLLCQvh4;ge!|LkWYg^3l@^ew$t?(+2pj>e>j-ae-cliXe*eH0iQ zm7<=F>*;wtIhQ=Xcjwxhw=kh?sY+he83Nwg?7ODU9g|dsAQm~fTAl^~?8;VuG?w0; zuH4n`|4K*jRFHJ6n|fAC$I81B<-H~8q^2FC;p1b%8Y@c$EmXjQynKwZj#cQ% z(6373W!b6w34ouWf(05x#KA?S zc?wHU*LrMWCkwfY_wO^XTY=sx;)@iM^aV$n1C)i~GK0qaku_DJOIArugB(XSMnoo1 zNf=DzNIW-BJC->n6O^b7GzBsiTGBK}QDCcLs4N4D$oSr`*?8-Mnu}*Xcw}$#XKCIB z3D#|Ks(O_~EQL6iyP2gO-)3GPLiA#_BHp*1`jP$Fn6&Ih6UmRp=Bm$gW z`Q(p|JoDt@Pp?m1>Bgn49!s5QTv5HA@Oz=t{xg5LI;Gt(u>GOdMy_Z14gLNmi{;VR zwcbWzP4}N9eNz_nbW~5yRcDW9Prl`58jWHGIeo|*G;Ex$X$k2IlfDSD|4B$ZUd$XW zqyPYqPaZF6>LRDFj<*F^%i(PNt#n$)Zkiw=B>J3AnjosWJ|~JPS!uFZH@KH1DpnJK zjD!m+Sm=i5gyB_<#HsLl85s;0@xct3tP~o=W4g_Sy*|cD(Gjn$r=G9-GjozZ&8?}$Vgrhn$QLGN zcD|aoRdgkfDd%sPn+NHxZ_d4g8`j-;ey80Q`5T^!zr@WiZltYqr4 zoS)OBqM=mw4ZO^b@2V{M(!JV}BO5yDzwn&>7&}ZIOknn`pyRTzb3@P`WGNH>rH3v60ALgA8F4C6`Rq(OuNYs< z=?kOP-`LRWA#R2x780H!XK|x1d~h1CkCfJId0hYMy=?ZdIyGSFxP6vXvA-n*yq-0<)h zQtXPI`O6wglH8Dchl;yN$DE{4@}hNN{Ax57;XG;WgGSM~2$>NcW)1KQOphS|FtRA# z*!cq zP^RT_YHI9-T4rTL?8btGYHO&Ki=oqTs^?gi#poF8s6l?8baYqYcaMk+Rtdu{(b0uB z9&>JrXO%_sFZNd6J=SvTapnw72ciNLRlB_A{uF!9zB#I^4ly(so>tqlFTmOt63%-^ zqzuaejQ}erhZp2VNj(TvYeY2dnqfi&0WMMvS+-duodRNHpb9X*xH3OyqXB6`t&*Ye zyaQ#Zs>?!#19c9YofYS68WuG+^`?JuxBH+{atj(}g2mngZ9gm{(-G{YC`zs-FhLod zTM*;bYQiKL73+{75Tt^(dR-L+IcH)68kAEE05}E#3jn}aw~Gx9*{$NXD&={$es~MN z>Xz#B0eyy`?IKmHn3$I1C%7{YGAl#`GMM!cMk8&6NprqZQdMz{G1gc5z#H16%$^WI zyKMU)9A1*l4d{jp0E~pssA;)Uuy*Zw_hAN|=S?^TXtXBD@qm8JE7!DI?pxOL_aVaJ z;o&7qmc-+6hr=;GKE7ztqG&Yga{ZZBVg35`x8HvI6<1vG@l~Cc2z6}!=9Idu4Ru;-~NH4g&zL zeDgP#?@{WEJqH%9c#sKys;%bhtzG~0Gx?iqN9e+wo}AOtQ7tuVh-ICpBwDWGyu0h1 z`qiHyy`euE#2+f8wx#B}>>ln9ciu_O{9<-^W3WLnjjJMU7l&K^xR&mS#;!VY{K{b8 z_BmgJO|`RS6X1$Q7G)+QvRN5k)kK^Vf(QaXWjcytVyIA8lEkR2`W=keV1|2pZ+?;@#}}A4eM&R7-HX<8+6cK$T)qjhD7Isx3Z_ptneQI z1Mq&jVkLp(Qm``c}8 z>s+<{m+YQgpEppgR_!a#)UoIpOZy9OWXMtg zd_aT0^MdJ_(2xe;A{XCn=eiwiw}V^gQXnM;`od(uVbUb<^}+m0M}rzBid=ow7n(S6+s;?dy~~s z%h`l#^?#`Q#50dv_n2eRkB^d^Ui`;}3w&bJ*J6+Eb$KqEb^I>a`KGt;+4Og!)eF5s zRIzOy;5t^s8h+EP_8ULDtM$`P-r<+chRoF3OlB+p{kt!Qu9N#y$Fe&~=QjVoNvrK! zL>x$x%|+4|b$-&r!g`)wlF#=XJ&6SIRG%SD=YoNXs;h<4 zAzyIB;o{{|XFh&TW?pCKEc{|wnF7Gz#9F8VXtS`_T$HQP9(_4p#w{2S>sp4I?L%0X zrwefV?58LqQ^B1OY6j*4;N4dAuRJsmRtbYNO%lR9#Iy;an_cg(JvX$lkGBW4ik=-8 zN=0349VpJeTgV-k^{PSG738RzysS}G>=dAbRI{z-9y?C$A^zc}39>~f8-$`FBhJ_n zHD6`bIJd^GP|bz;3eAsuJLg>jVCN&)rc=U}@>vn+a%*%Z+eK`nbelUnWdB*f~7OpNH9 zO)UU`-*R1?Rq)XJ@0bK8v1vl`L}XCr6Oivvp^IW%cDsWi3~}@gbLo}isY!%bnQ;aZ zt)4=N^HFPWIQ#EIgg^PoPhNcS#qHa-pSo;mX?f(4M>cNU_~A0^*RSvB=xA+i?e6Yg zzkdB+>P}DLuc=1&JpPoJ-Hx*BO8xQ$KaH$>RKW_o|QNp928IMZNFc ztpQ>IZPYxp0wqK|T>$`q8XiO}u$Bikf@qHCl!?4NSv1ND<>Q$qC)4OmAu5-VYbRzo zT_q?3YO0YeVnvgDeu1{-p*^iy1$m`zA%w5PUQ0A zh0woZ&MQT)LsSXk91$<#lxc072KbrRNUjlW!)cDM);^W7#ryFw9v20MkkHXPY%q z0c*O^MJq`1&&TmU*N=}SF51MT zEp6!KqO)h}c0!0%V<&j?L_zb&jifCz3Ps|gI zTev$U!l`3yH#42uzQxMhVLbJ1%kw$x1%LpA3J4Vd3;+ZGLTExlgHVUiq)Ed@0umVu z-EfhM1psbOS7yq^p6W<d7@-P zB!kK-C>`bNMzDo4>KVgMgE&ddVN8>zY=_ATqGHJ1Qg`v-v}2dWwaj6!t&SNLdsFs6 z2{x|J%?H4dGV7Rjtw5NsDaM*}WtXVLtUjAunqzI_7OxDL{&KuiOalN+Xc~keQPPos z^j!T#QR_lCP1r%9GxM8OiJeJvSsH};%h}Enj&cm5(kfFbGo>tFD6u7(QZNJnV3M@> zEI}eSdrn^|ia#E0D434!w8_sT|jI-bMt^V`}Tg^pQ3PZ*qJ!V#5 z9Y|Xg4?JhdW4F-$p0ED%$Buzx!$rpW&w9zO=|&PIYuW;8Lxv+hXg>dw{T5r}5&-bX zz6a8&?fsX(U~&F_Auuq|B#D4SM_Km&yh@>)5P&CZ%{h8O~XfYz5UK`xel(E{Bh>yHVIfbh!zd`!MO50GP6JN@&34YOGM4 zEEFdSrOA9@qEwzjh;cbvT#ja!qq)BJ9G9cn!ux?J;jtNEU?vlv9Sv(nuPIr%RugiG z*$ihi(XJhI@Q9kZJit1!^8OhOTlXr}EV%em?(KB-tnFhL+T0G85$33+PHwrIKh>M# zCHb{Pd0#;qD9c$@53$tQKFj~^@So#lmF$$1nGll$^5Be65tLHgz3k5BtImfXI$u;2 z4S&xyQ4^NMGTJ6D&kowahD+WLX z0Lb!251ZK7Vfp>G&yZyU8`#K*dQ#L=f)=f)Gv#?gek07L%_Vu)u|xJj2^edAkrnRX zCDvevt?T3reqpb+%6vgK^a-K7*6dqQ5ASPRcCNqf)Tkv{9-IX~-wv)l3-mSu2y|W3 z^*pPS>y#DMZSfxawU!)7soy+HvoaYJoyS);>En#(@wP_S`Ss z*n_=wM+@@-YM@2$-aEHzKt@s zv9y(|;Y_d*BP*U64Q1U>XaS(b!E%N-v(l11U zLl6*#HpGO7?9ET}=U0fAu8FjLwyEESJaLhg3@}`-?9Jt)l2($DW|CROP!vX0DAQo# zIes&tkn51Sm?J%GtPAPEl&c@3 zx`H5ncj}vsRRDkqq3%TJs@QiDH1l#8kS6!F390~B&hoWUx-Lug=%6u9RuqE3z(QaT zHe?Z|$5|Vrq88Dr5JZ|1tvYKn7!8^bfU-#%&}4x*IwF+m0!f^($TJy#WRDrU9PP@1 z*eC0*GT^G!(vFqlZy7922hr{z@@hE&S%>I_ONtprO+w6V_7?|;5BBq`U$I;l)++Nf zw_4u2sq$T=N>>Scf(q|sI)=k%EE9Jlti2WpKSu;=Bt9gffNXQf-p)MdkqL{2O#(;= z40*&!&m^GvJ10_C_4nF;yLHCmEZXr@d*?%My|i`ta;_#cFXfXY(^RqFnA%P1o?Y%u zz%&<@4)w*x-m@-z+`H+{zv+Sh&k`Zap2j`-;fEi-_10TSk~B{RNCyA_pzAtGeze*r zo_ONakNfVsucM>m%{Sk?@WKmE+Yp4XzrX*Fm$kLE2qCpv?)rpDGOF+nEqPC`Sn6Lb=D!`nyaJ-RnJ=!jh=7VZl$ziw|L9 zWM>zeV%?cpu~N5Mdwc@*O&<%%^wG4K!%+4U3^Wq zEpq0>oK zHSqQiS6IIQ>^-7i=sm;D)5i}xt0IIa!SYKGiNI76Z$FNQ=75F8w{0R?Lm%ykp_*z@ zXT20c2%(Q|cK@0>CnpI zq*G5FX&uoy*<;Eh-71i*2hH7~r4@&S1Gkm0g?p8xEqgbQ2p8V3UP58j?khQi{ZeVYIHZ{EpjeI>^xh zU&i9-IF6DQRc_C7?*#ROPK=NpX_Z}mP33;d8V-`E^#F%W(n1n&LXKA{QU_JSd%yxM zplN-AZqla>Yq-ohs}!mrpz2t{D2?bO1XcSGD_550FTHKvyD9#*3QxY>kjkEU(ItV7 z>r*GP^W%Ad%XC)~wq!t!Mae>Sv|l>r;bSFeW2n3hOQdd38W*u@^S{Int<2@-IC@W{ zWr+JageetN1Io!8#Ajt-OQ3oMQb8@dRNtx+>;cc2@6q)NHf?6nWu_fw1?Xe}1kX&d z8>iZBO82_~*X7DH`qU!-fr;Hf_4&jyq1<%4s6Y7f1!VbR_W_5V z`+QlxEW1Z4I`l!OlGfzX1EH^+>p6>|;Z|w( zr=Ix}`+l@=#TV*2t{~9wWp)GO>-Ha-7mcff{a#Lgc9a|}z?7sxI*Hj4jvys0g&CJB z*R1q-A6;pAJ6`m&XhV%lGK|bzAy~m$vMP@kq=~$3d6;yupj;uUWt=VO(LAh5vc)b? z)&jQZ42#@0y3WNnxg0^(?nbB0EdNK8E3tfGJewc=!}kQox!lfHkGsv|YW29=+|Cx7 zwq_N5e_r_7@hGdQR*Ixl)f$Z-b+{2l$p}>-ywq>Iw9&WNZ3%I|AF}$+4*A%iap!Gc z|Me^T2VU6>P_K{%Qj#*)Lc^ozq9re_a%O=dk|DZr#Gd za~GrY`pKJ%IhO3MHeK1DB6+GX+mr3kF|6bRgKPyrf(*)g9ft;CvG_0^2-6HwFZvPkhN73 z^~e);Ikb&E(`&R*^oiv~rM)OqYDu<=`@PfCRO8J+dQZiU{c!YzvR@bv`7ECW`^Kqf&^RaT|N4p_*Y}89|q6gmf*a zLn|<8!T{L7Sm6xKq3cdnm60kS84|hybra~AFipZRpkV^jgc^;lNUKGNXA?WH01 zT3)Jkm@ceZXqU_Hb1z(MiA9h606I=2CcE@$UYVwVu+RKVy?5O?=)L`w*UM(U8;5Tm zjaNE)$J2*j_u*bEtxH)f=YSz&%9cisJR}uNP{07#5HNd5HY;;EUhDEzIk#rDV2%Ye zjabq|lx$EMk%PwF-NT<73%%;O6VOLP@Y!nzdIi2%CwfU)G9gN^fmyzuHzco~bZMe# zk`q>+L8hDK8CK%~^k%TXOxem_m&c+x2{jg*$|C;(=h;QdwwNLIW7XU<{g=&D%{>`;vdGo&Xmx=2#3}U{23lHBCX1zQ zQ@A2AHh>5nVO1xALGi?NT*pMlT9ZUR81YyeoX!C0@{vv-$#5UHCy=CECO?wPkLB{C zr^t_@EFO28$JOR>w|U)dZdV(9Dq*3n%fEeFKRF_#vN!gv+UNFns`9NfqgU|&i!$U{ z=E@6*hRET(=%P`Rl{rnTrdj#t2a(TR9UhswVoCdoD<6EOd_g+y?y%LK>*M^tcM6;s zmgl!5t?E4liEXtDfoYL*v>}^-;C(%-8JDj*Ct?#IE9q?FZS{Ob0W|gdaJcat&XqAk zfiR&)w`IyxRmN_bvaD7BFeNA6#xiN>Y+-^9Yik|fzYY)|m#*y8shggcQuF!avG`~{ zJ0=Kox+PCr-Kwum@Bvn#JSbg7zw!Lq!_h0?0#BwDS1mjPWSQU?*cc$X>WJ0d=wm4G z_fMk%vSl1}{b|}14Uh;R0w@J-ep@DYycAgO_Vqc$w4zjmDm9TQ4Pe{f7#vs#^|#zg$e-5Bly#@`(`W7g?a~T<_^`!d(n6A9eH%&*$aF|@xnRBwegfgGYr7bS@6|M z{g-8?TD8%~f-9}6W58-R0C`K2s@Dg29ChGf8dgHt6&}Gd96F>Mb$PJi?8HI07{mbU zWQhiO46s0>iQ0F~pwCx0!x|eYAe&7w27H)e_RcZRA>*cDvaPNP&&^G(koTuNvj((P zSi7PJE8!dNS0l24vot}P$`{Jd-sxWmI9`gE=I4u1=*`d#RxC|3)^|N@n2`Hw`uG3< zAOJ~3K~$bXhagXz3=&kSl*<*1gQig>bcaOMlsGO+5K|8Fs0YbdCv+nPOacR&j0I?F z0Mv=lr;<_D)R4pyMUhln_31_8+!WEr<062niFAX|bwWc>0l)wdGOE2L?`kXA86Et# zeQF-n?}eYLH;@egf>cdhB$X+RFy|ZvhK2wlma-a%p0Ac1Y{W`9tt6rehzUpw6*fPm zM6JO-0ix6wqx1P^CSVq^0z=gR@3kpjH#46|RW!E>6%qr4$;Hx^pb@vqr7Gc_ zWP@2cTqRudtktKn3ZaWc7MSEb8LSXUBNRxgCQ^9=Q&_hWB#X6KteSMkS#@d7(-=&k|Hk7XbVkj_9*Xnn(qTtoe3}b)|C(a-P|X> z{N*pd^2#e4Hf(tH)mQJm_ukKb_Ok$huYK)nCr+Gr{q@&lvDk_gE7q)8Lz3j?&6_uF z-1yvc&z)95bXp=TD(dr(Ulf70U-i^>oAJ)*C-3*KUdtZ%)=|fuJ$t?#|An~p_F96VloGto22lH1n^$XFC3n$leq*@pxJs%xE)tn8`sy zB}p9_62#cBT4k%fOxe?hL&t>Mro)B+*W&esD3_o7n6+Kg#aw-y*a(y--Y zU{nfPbV7?wY4Is771c8_jR*s0J?ZjuVYk6Xk^@$yf@ue(6f{VHp3gS2?vFZmnxdAN z%N~!$Ph?Zah1?Vn(-iB_Yg)B%qu}(2D2(KwuCrB@by22lupW96@&ZE&8dOZUY>ljM9ijb*O=&CMf)&v}TQUze%9`amd_ zs)kL&N3CZC;p<)Cd#eUNf3h~)T!^t)!cd%X$103$uP#ix_R}~>i(XG<@pJXLXPEmg zHvSEm>>={(1kw2A>O+f4HXX$eIdeZ^AHE3Re}V9_0$o5pJI$8QnY@7jgu>64Z3jqw zL7TfoDIis>Ny?pfHr8w?B=3qJA~h9YFy}j%bRV>6brp7|O}I3mv=GQJ^F=6C0Kfo3 zhz)=NU>Jx90O4!C&S#z7tf}`2iO=Qtvx+?6-R?9(HASBp^nwMwWsNj9Bt;yTb`js`_G5>2+x?8KVkv<;h?bxg~-J01`l> z%nD_e!urusZe79h=GPOiK&d|EJb|l=;`A9K{xix*sZ``ihQW}xqsfT0m}42!0ICXf z5`A)EOX~ifk!AMm*)uvi+TY*b+uM8U&g|^0AP8MuU8ZRc4i26?dD1k^-rn9n z7Whk?K0`gm-~Z7SIUIZ`=#EnEYZGgCp%&K9J+gP`D?PjaAwSkrd&g>j${3qbj#sKo zep7D{p<<4-KvP-Infp}Bj*G9}xND!EwoS)+Ac9|O8o6#s&p-j(w#xv}yuPE5m&x66 z`xh6G=Z4{2vGkeOes_7A$NcTr1;mCKa7oHX*Qc5ImLO|+(=bSdt5DEcZXr`-ln$4Oy@uq50_;G zL8FEFUoE}`c5Y9ux-C^XQV^GU_*EXO1M6HSFT_)sid^jP1q9JzWAAPc{B1{1rxxqm z-}&#!P z^~8*pn8CW5s&5|*M24*PK}cNL&~;t&!c%4EGG?ZT7q_5O5|M6z;dipdLwWY1x&>A_ zvp=65lPFf&LQMbMmz}d{?ZCEx3AAgGx^Y`5Cjvwe7*ihFS;yHTtR=)+A}q-wY~tc* zH9sW{4@hncw3B9KR%DzM?WFXoE~XSy$FzfLy(;8vw@N9cG%c2=gwljy$fmQ+N?MSV zRxk!w$4WtUciUa<*6fM05R*9{Ev96^DMs5!j^3TgpR809HNnO8ku{Of3ct7eFCz^6 z&n3d^e)aj?;!PWkADkZz{;WPZ<+}LE!wVj(|L&P-c6~N;W8Fi3V)RSpFJ^h2Q~X5k z#(Nu<7=XTKZhlV<@e6+GBhw>|;?Tb~qnl=xHo>YBo`O|OSh5RNuAh5nVzO4AfyuII z=8$dzqo>UGR7t|A%BA6UZ{FCK5U=mN^h>#4pRGJYnixQ07q|R7uKTW$p77(z z$GH2yk^9#s`gaz4vtMZ_=9tZakv?$(>9q#R)AC}HJS^s zQwA30XHafRSh$!A)oH%RoX2m$0M|T9J^7q?TZe1q$kj zLjXcTgHQngA^oRf{UlPx*37jNKK|@W#NT+>bnpCMl;T!4RN@R!t`%$S^uvou?7IR z@8_Fev^QO$?LM;L2dQHEAK`+~JHS)EjP3==fI@0djO?H$WYuF z^RcgN^f$X{C^>;fHaBH3|GCjW{`iyR zY$7=rPYxzhL-FKbDm5wyPN$>EX>V{jnw<7VTJ%N_W#qK_-6oAChz%Zdr;Ts5@Hz%v z>Eb;j(bXs>wV=DQlcIrms; zZfW4+&HQVRK0xFKS8OUC*VJ>0vcIp~vUc$g~=rCao?l z*f8NN8#7x6N%HM_LMBO}?=Yz_=cYKA1(RcGF8vsD2A z3SxNV;GyVje>i`D^Fn{wBDb^E zUl`U1?CiDoMXGJrY}!J4J>y^5eoJfb)oJJal3i0#n$lITcV8L#4qf>E&WT5>8BdvX z^P#u;1w%t#&Ouj>aQU^cN!Q1meZ9u^@0xygb#&-)SHmx7e^;QJW2{vKC`M2$PUj#u z$W;~yp_#ky2Q%sne*&<6UUvY=8a1tX-dP{jw9di<&00F3zv&PyC9*tAa0guB?|8l% z%l8-*j*J&hW=jXEX5%<&K^BQBnWWt5!uiLwk+iv`zJq+ns#4!Uf*0giRC2Vv%vMXRStqD>ZL7c6_x(x1l5&HK&b_kE z>ZcS0bRCx@To5%`IuJX4&+N-rjxSG9v7;WFH(~aREeQ&D%8x#7y>Oqcyb`{Qj#U);dAY)lH((S;fFQ0w$j`(<=6>k;W6?wM%R5{yc`WR6%1aLyZE;I z{zZupp{IYo@gC3eM=FW7HFuu+>)55a@I%guZ%>Z>yy19bPWtx~yrs>K`i|dm^_hc1 z11}!UyMA`Vn@=zF1lKM;<9;O{>wEMf|H?03ePrcRL+{&eJ8N{`q#>Lzr?XJk35SVY z+d`Jv#Dg>Hwxd8SW*DGVmCNSfaKTAgd5eQ$d1w?<3{M#wU5+y96B1iKa`>i0#|q*^ zJT;g|4#`T+X>W8nnw*X%m!rvHZ@>j6dN`e%C;|+M5s9D)_abZPVCrl2%Fc^g|5H5h zzbvBbV^iAL6q=bs;TVdipwYnJa0yvk`OmWXM-S`EpZ&ruqhC%mcz_>QPToE`Babti zHagyMww&%=bfuOI%frVhcR6G@Egn)sW6I2^8kqtZGZhV#zxt%bahPQfA@xuu9x4^; zjkX4pt;OP8=MF5jml6ND4gSpZ&<_R*$Kc0MVWtKlwiGSfv4I6Uv3;NwB#f3SP zR63%<@L@AeK**5VJ78|xMf30Mk&OGyZ!wJ$yTDJUvRIw z=*iz69e>TQeb0CGwW%FOEq$;1;+0Z&AWvB}?bU!L8h2cs>N|IAF^6+W!8UHFJi&X5 z1S2AR*cm=I|64oCE=XgOWbQRnelq)Kv5)uRzuFr52PPYCEsLq(p6}#j4U1V zss(m{RZK`}o3ZUPk%#6h8}0?CykI%y+R`_MoW&cN7RKVV9Nv30=w!;Pw-7aR$KU&! zD{7~0DLHe?#JL|ZE8aCZVk8YAI3riMfhstHER)?2`=3a#_5;>M1f*D1nPcrKh1O|u zF_>Oi=pl+3$Z*g3U>8$jkp=1w2FQXAFoZ?2qya-s-oG%Ds>QRn20D99F1uo?(Zg+} z=z>V>m*wZX3Qcb~%~!b|YN2pdPqH#|l0uqB8KQXc{dL|UgJ@Jm4N!z!-XwBYC+{_A z;vSE)I=M+@_Z#qFUD_y98mCcH=0dkCAL1y0SqhN^1~eimMDQB4D+H&LaSmbtAqK2Y zkqGcA#pxsfpt=AgY4y;PFtDN>%6Q^FhpCtB*+0jD!SUPGfBvx_$74C}LnwB=39puLX zz^JH}rgKUtugv7ugz`tY_8d)=+k4g!0g%&(z^V!`y5XU3wbTR#lD> z)=P*okN|*uKL7VmP}53@)NnF2l1z^#Qp1Vlpsvdfd!yA7q$z=>d8iU@S8GG<*>+p4 zL2!Tkw?6Meo2BaH#J1&&zh2>A{t1y$lo9n%QlCob)A7k!sY^Bt+dMAE+8^Vb$8`aHW!US1o*9fBjBF)5YV4R9#131vXHOr0Y7y z9*(ooT$RD%2ZV7~4;<)mCN>{x{jo3GGUKQ&QIoX1AWmk}6gfZ#kM=yuAm^4@v-^I1N5_f13N(D!c&|JdiWZPrctt8QyBXvBcUtQbYzf z-!OhM&f;Mctj!6uZj1Bq;lKqm?CJnGT$TGU%NDKa)iaiX>QbyDLtQvhf5g*NpwUo% zKp~EaY$9(?If0{&3?d_*#Hj-)?2+qlX#WzO*DPsqseV3De{GjBG&}R^h~p0>5O5WV zEEma}294xgP2x;jY1#KU!bDAP0>t5V7Q=08|dZz=ME=fZRJ20D$9x=F7;QzVJ`#S)=|5(k@$;Z>!bOOm^F05d?J zFfIV@mSf!07lbN3xl6)=1?V~k*o3Ak*AUv-0--iI4Wp&%*`%NjHU&nOu}DP zU;iHs4Vl4x-nio_{l?bVJ5j2Xu(>sAOyuTBJh3r;-s0GTr>(UlfKBq)8uds0uKdQ- z>E}=O6W|r7+KTA3482At?6#_*hRBC?qf-cwGC?Q|r%|K?HM^p5nu-N0#u~`#va4EQ zts+HgSeI}?(sN;2F=WSo+z^O!Nt0I5WlNntvG}m7Q{~htLhQ`XxiK@7`PxgK^gQyL zm`accs)SZTm9y%FQC#-v7W`*{2m#>qQh~6T9raJW7ERLD8aM4PH_M4xT89`3s)Ns$ zz;DW&Zw&8G(N@p;&f@R3bzFA`*YZcPWG%=g(fw*mm<5)Mx&sR@ysN^oOg zq=9jxPbqi!%9s)Jzy(arx&?prtzRt0V}9yUMLvp>OC%mEwNFefqA*Ir9n+hp?|N zLHjFWeESOf6}Ll{2LKG^QxA;wd>9X%9NfR$;oIm5u5$-Et?q#Er}=8hQgJ3H&*a1z z5rs0ipfcqqCSd03Y$vL!*)jT8mojGIj87P6zy$-YKdnqiz>iq)6M-|i>3CuwnI6ex zC-Q}Gv6RT=XC1cMkFsq$Td#3C8coJO*KGR)1Osb=fi?g0`&dHWKbSodQhIVkLDCgW z&a&1l=@jW!Yq{DEO05R8!9iZd4_3G_0RJ4B*8j&)M0wPq=b<4@&stGt3=zko4_lSS zX+c`z^P3KaFEyQFSh4qsJqlB7o8`&~YWSDyA8Ife0RW>XE#U(%zVEx`EbYy@sQpxa z%X^9E$CZanKw7SiOnM?~mF2a5S5B2bx|XEtDMcFXdp4Bn4@7NF?fm;H>qEjF^O(1- zLU)-|xVQYuIW?ZuPBmzQ7tHsc7NuJA@S)1w3CoMTj&CP$YK@B^fK}VND*yD-uvk?b z+h^MRBd@$hnAxQ;&4t`KJ>UIOLo>;bT|cT$8Ks|AHTJSjk}%{j_+Dr_X?_?|Z$@-~ zk{wtxwKjU*3O!r-RCvb|YW8yzg(cB!lvq{5^+pX@R3wp@K`_b#vw}?uObJTA_qA<1 zZy&X@Sph?m(C3OZIn7<7%hlRIfth7GD99Sn2@)GKOro3Hjv%*Q>Yre)s&9PWgw%yN zvq?!_R*0#2GFdcXhViX(nYjMZ9b-E!;MwV~m{e3?+^b0XRQ0=Col91vr~3`=gQkV^ zN-?)K%ITt07R#mFl)=;E*{Fc}G#1Q-585YRUBfS!gH{v$LQQFo#=3wc4U$hd&*Gj8`>vL40#WEa+bQvz+& zOuW(hGU`|h-|=ZvUEI>Q49{Oh!y=L6S~;oHQCUX&c=(4Q{e!{Mf+5@aE7$qv2_P{f z4~jOI8b;Noyq2Mv?_%fCL2-(crkpL(Y)$T0yE838`Fm`z6*PA(btDx&{9kAVNh` zd0h_CWugXdi-?%}1aGTs5 zRZN^VJf}yq=OY-a)?=Z`$qD~xcd4F8Ij5%e3Ol*3&eZOz^H3B60RZ3GJ^kfi=f|&} z%}vJ=eX)37EZJY2)Ui$)e5}J4tf@S0>B3uWma4yb2*b#ZSbQMYdx`C^SnL~0O&pU2 zk}%U`P+&$2a#qzZ3D}<6+)#QjlpPl>H3ofpF8#Z$$nEEE{t{L5KPVXkIjhQPRTVW$ zje+9-GDGNcp%@=2gnCpl2}!DyoXpR3BUPadZ9uD3N@wfEuj?v{=zSwkeOXslal(74 z;@Qu0uPvrhGeq#qH(W51bL~8#ThISv4(DvCaBKIjy@}b+Rk!_q!G?CLi~T4U7GWhK z7Ea76GkJMBr_AIaLoxx=af|PDwcOtbx2$23Dvo7vGKafPqHkQpn1z2rMLEVOot=or zPQ(&@u|!`y(a$g@x3k4zZ>aFEG#bkU-tjkMcz>kFz~d`TI;n|$%Py%k#^A( zjZH?R!Zz&-yG+#!6s=vAH|O(ajD;F&rAv4F1V@#bGH`R5P$)UnH?!wxVjxg)$N%|E z|5xA=&1IZAV=?3@)uC%xOimfVA{9aiE@?UoqCeO)Pd)4-#9Di?;ZR^C>?mMQIMFkEk6|o$9Q8nl zWu(sm{c|wzaC`lE`izlic#f&hqUuF3^EqICxA40IMDxSxU)UFIaeK{gI09>p2W79rOVc6dt#{bAk}LC#T%;&QqBj~%c`Dm2@tYFj^N znZH$E)&}E#bO>YxLN^ZDhY=C0O4aN)*@lk2fB>aHr^0G?){-Wv?&i?J)#*3VEOXdl zJ7x-IXws|X7v-W=rMyGa*M|*JHaIUamt-6m0-FN!ge^n*G$2T&rWsZN7_{Z*pL7oA zjB}J$u*gzfru$0mK%3PrE1gzF=2hj_+`Lbl9A0gLkzMSwV=8!sVjA!J`Om zn$bMMsfMzgRSP!2OsU4bbx?Wy+oRd!VWZ?h+AOJ~3K~$eo9M924 zM-;`jOC&}*r79rqCJ%La&bWJ=Irmt)Q!)6t4v%X=H!}RZ=+iM=CT5LUq|#t@-fo6L zudAWiGgT)SSh&Wb@lCn$`y7G^K77sSHJq;2r8~~;Y`Q4X``{!O;TTV0>YEFvXdF9d z;x?BwXI6_EK^wFvty3C7^?OeO@M$V{KLasBS(OjpJ#T&EPj9VQ_q)MK4O*7z?(n_V2F{%wOx-)xYXAF+C8C_r(&uu|z*Z8{N(px3kr0 zYmGlzW-2!nLZ$jk%k3>DtYZMdNA8`9@MuAvD=7egkyLI%0Tlvcp~?MwW1IT*`#bOkUbf^{29aoN4d=2>LTjEZ7d zk`juXiOIQPlA9yh7=}q)JiC0|8pcA&DK&O1qm^{d5ry0bQhK{4=V-1{(;KkvfKb&$ zH_~d0d@w~4(?C#3-KftPVcczj&f)=0AAH_)3(}V|G+bCqtZE}GJw&#I?s!6|i~rz{*3G_wIS88FY#rv4b&Gp^Gl{M_mE zLX8bT;v$bn!TnUW9WHr+P{fk$myF0{D8ZlD>I%zD-(E*Vb8&KDE zQ`h(cm0Ycjt+US1W5aWY7>X}Q>8V72C^c+1mIdsMRqpmBwP#C3`7@dVO9(xu*>=i}B%yG*@oyY0+bS|$N|8zNFo7| zp-qhLt565?+&~gk*TdIDiZIbGL)Dt;+-y1mgj&j;vM_E0i|GO(F2M++i7-h1PFOD7h(e!K(rJ)qP3JiK&ZEjba%iJdJ z^jT}H?uAyyL?wE1bNf?)>jP?7ns{W!(PE06$QF5`f3@*_trVXYuZU1BDF^@#`si#;omZHM$1uZov3K2WQ*%)>tpWd68 zJvDT`%?Q=BXJ6@Lkd?=00BW(#EBgCIf&LE(Oykd zdx=jWC8i@4U`&#KbVG}!WH{QDNDajk1F=M3v6Qr1>&wd)mU$QWybBG2>yvx?Ymh|o zp4YF7tFz_a6(X>w3K=m!08qAwTJ8C&>Wpu3+C{j9oBeHRhD~eG%fl^IaJ`RM?1G0! zo_f3cLA$YxA-Q;d#%?HU39Ld$6IgSFqq)M_0AoO$zs%8pQVIX;W{p1n_`kmfjttZ1 z)~Rn9B+qHtiPahz*X5;IYvd<{Ih)^h)nBP&J%Pe^+3Tb}hT*{V6Tq(}lu zIF9JP>j_;czDgl#^T;LR=Wsel{5GQ9>a2@z@829M8}#>|aJ{FH(v?FMR$5J9P>~4^ zZm|9YEYcIvCgRbH`ma@pCaY4|(o(s(z9&^mjb;-J8eChk;I_rrSy}VZ1U_e*eqsyd zU;zMNBp&(AgMEh_)-*JSNl$}51`>b9{0PC*a@uq0TvjY zq@Xs(g2U#jMs@!wF;tg!rup2QK@1s6S!j<^Wf{_}LmFcU0j(2-o6;{iK?p;nKsp1B zGGrAFGN6xpa3lw9X&f+s%;|Ay(3(n92D^eOL`?8B07QKWb66-qTaq+M zkhJQG1p?Y+^e}mx8!j2==X5WWA_gsuk)|431>V0SUGAe!d~pyly62m9|7sj^A#*4)erdBvMj(@ryz>6sO_$b;N z!P{oh^rbXIfS%u-=`H`VHe)JmNJir)qVe8XqK{{7_X?XXaG0;Ep67A3aqJ(H631Sd zQ}de2!015!;CYt7j@(wWy32zUgl`Z`%~5c_P`s8hwjL=lD&QQ9Z-w2_#%9O&%nV@LN$Ri$BjY;;Qf%NQY!Nv2f?yRaLiein# z&C76;W4xG@Ym(7DzPf(WLX(i8z_Mn_?78OR=Jj;C98E4qliS&5wNw@g;-{k)JtxakIb}L4 z&7>bw?vHVfZQ57u)ZPj;Z7(rRqH_&0xxE5c>)<;5lv4lzC&e7EYM zYfrX(r`8!^#7i{(yQT(xUva#7=-sTtgvK)FT>`OU41_k%RNqqX&yn)4iOvnX#Gb&( zoz9~gNM2rjR$+HBkpCbQIGdV^FNiyqtQSQ}tJ5Y{<|J2Q(>Gh@{DokZ-dCq(T}6{$ zavWh6?cth!IlWVI6z*`H;>5ce!N|M})CU(2}D@5m}(0ocKc%3E?WDqIR za+=kq4VmYwcV0PmnOF8bUHObfA+DIJ07NN48zYQRq)1BV8*^-o*P=X_p8(Id-EYZV zRz&UH1}#Mw>y@K#IBYU-ol|_<0fuE%6T@u?fW?J8q=r;xkN^q-9DxZPFmdQfQ8Xe` zI-wI7&L8j7L1vdpx;bTM7WMAYNWziv704+OYey80FH(M(xF4RGJ|MZFy3V`48QiL!v)F z)KHT%Cs_5Kw!tK$Nwi36ZlGHcCRKt=l4TLPkw%t0i7=E*y6BhkwPH!8#T>0^fL8!d zVAiex3K4^5Ow-4Idg81fR#Vr6eKm#bkR`d@_ku(gOlp8d(W}SLnKDd0=j(H7%BEDV zx=`BYw(YXmEm&V|G~K@C`~R{;_~Soh?lZ9TyR~Q6l7`q-n+2Kz`;}Zu)3$>afAnREV84SnsseFDP4X|8udDvBB)azvnU>Rb5Ff zXrnt@pw-+rA-%u#t(D+jYsCWpsxJtxy1&O(sXQK;MT4V-iHM#mQq8z8kU45*RIgWX z1w6=GSF%@URUQ%ggdRCKn;8oMJz+O!Cc-FsU3f_qzsPU#SO}?<-#2$KG%|USVWT{i zl_#@Ws>JwAY^8+_T9^tm?K46GmK1;xHvCl`@V^(OQZkn4izfPF@!m+RN7E#)yTk2j zb30pIjwZ9oFBao{gUACuP)jH^Op~lb_b5|2aVm~N^4MJI2%jFa zh0@#@PaRF@^W6BBi#>Y#T#E9VO{Y{7=0DF|{ioo6mk5i+;?U5L-|zQ$JfG0)FB0K( z`?_Z){(TCb=LfGeO2COSi`uT7{ZM+_v;UUam@CKm6Z2)le!{*u&+V9T>^x=WwyWCl zH>d3*wYCRfx`kM{KKHXOqW`jDzm#7Vbljk|#s&r+I8$x zOYnRAQ~i8ht7Pl-J+!6w`s+ItiKeD0sYUJi?TPX*SDqlt7{ESbsU4@ym68;tnb%JK z-T?O^>>)uEqp~@A`7}?vN*1Tg@Vb7|j1IZ`by}rWo>4u&v#oRE$XaEb!HCg0PB&{1 zYfv<*kkDBQ^Ae@*@cp4Zd8V(_tP>J}*sw6z?Rb?yB!sv*ddUzu4`JxlGfCGkX-xYI z-hfSiKR^_^<~(5MqEB4|uXBvJ{zirFEV&JAsrxP9~H2#p{CzYil9)EtoQ#nM6z*{A&S>hFE^UzP~pemHg^;+vGn zJdJp=toM+Qh)k@Gjqf>ZR?m+#Y*`csdKoBIeFI6iUu_~O*xNe?AMPiy%F4LNC1_Qc zU383ZaT{l2_;9A}`}aRLH*#ywE(M`Zt9!bbyP>-6j)p~l8b(P!@$2!xsV>(7YvVip zkI%25ABz~u`Ren8+|-d$VoY$?ldLg2u|Ge3RE!L=R=>Gokts0WQn{2iy28Eh&Axx9 ztNmPi<3@n7oShS+gHm!rN=?b}X-07Aly0qA2_d1&1t~R^jgA$#)-lIdZoX>qM|Thd zkji6K10O}y!YMovL6J1h7jY)1BvVREq!}#xlyM0099_fEz`&EdfrTWQ%;97nQ#8^k zIZxzE3brCEZ_p~dczu(wxKe-+V1(6BUY^X#liAWlT8S3&HnqIDh7DTSO3O#g_s_bg zx%_M-)*X%aMB}}QE4a(XnNB zMYl(e=9w=(WixAnBJ$aJw6iu->H24>I7?r?{De9 zEM&~fhU0mvGebuP+;6%y$)wg=)gNcjE{VTC#4A_yT$d8Wx9gq>rdJ0u%g4&@`oPdW zL{`3eyt~WNQsgGb%%V(cJVH4}t(?6wOnUFHaAGpGJ{S4W64{g$D+;;Fl2T4P=e+!O z#yqT&^9nzowM2u-0y>{U|Tb7=OuEh_c+wAwU#v~ zeXY3$x7egXq6D=(p$P~&G@8Q}qZ*wsznwH6O;Va$=G=<8tmLDxCr>a4GBl7_EK)c} z;}Qg*1mQjlw{iAtnE*}lJ^Ni+L;T;O##xaNt8xvzRut3%jYWojTf_D&UIzf+z_fvU zv#6gwVkkfBC!Z!p_!-C=#Rzi+xq~wtWGa8Lyn9GwytFkHR-ator{(if2e%tKa+oJV-ND=QvC+}=tenEL% zcP36kxIoMFJ$iBZnlD?cS0W7$K00k}FuE34kEV(m#)~~B`36=k%$;~}v%%NSJE~$` z&udc7QnkE%^_PvlHj@2s@-D{8<*nDg5Ig?D#5;Eph@cQ}a5p)8YbaWwl4;}DzFdrr zs_weRdhb@{htDc@6HMjtY!b0Fpee{wfP|=2(ki)_OPVmGW&tp; z=5mL@B{7yzp>0tEd1(jfwxgkZx-T2<&cxmdPvkUZxx=^6=2>9#EOC^XDCUp);FFou zp-Fi%tIp;rr@&TPm`V$|(DAagone@Htu6nQ`z6b{Xrea~>yE~H!qMXZ0I#Rh>uO&# z?`D^?S>T=jl&fe6^vy^|M@wB1{kRCCn{>!zD-8XX<&?CiYs(o4(B{{aiI3U5_xqXwDM(KI@=sxT>$ zAjS^pP;HHR4tv>h{)Z-sV{+^Ae55JM^;jMiC~sJ8lvIC3Y;L|Pn^jld`a&1_Nv<)w zF0L1I2)UI!Q!+ABabbF2$M&K&MyVDdw_+ghMhkTtrB!MG7WE>D7L)mAivGr^EwV58 zhKegO$U2eSzWBcv!>l~UZC7dZ3E^UdqWK=dd)HUx}sR98M%|9PZ|@?hWQ zu^}pFA>7r|smub9HAnOMiRXTa=XYCL-?CNhvj+aH!Ov3Ttyw&1Ha@L4X4KArRCFm} zxp-NZV6>>%CRwJbss)ks!hGxuHNQT;i{q0{154w+lXULQl`4hZ44`CSA9Y-?O3uh+!doKG@B92QPj|==H7drktdG@L zMyDB_RwyaO&%NIG(wVVSW(vk9{bjvoXD527Id#zy$5!u5cOJ$Oh|@R$NK!Gkm&F;4 z(w_2-?kbC27_L2Hjy_iZ#JSTI-FENYHBA@AGKby0CmbiPD%qwv76Q|$@r5NWnxRwM zZ1Nj+P9|uJwx~o9US7E^6symZ<`PvRBQYTo=hO(zh>-6{HftEa9~idkY?eDQW&6+{ zpC(XeH8EkyD>_KqwEHPo#B@<3@@bZQ&EY?6>`@6|(Qt#fs7~6S=iLCD{-0-6D;I5=GT(Nk$?2_} z`!EGb=w4*~sK7ux7Rh}uHI<5y_Fpf&{eAx%5AI!eNwr`q#>b}K`=Ahh#JA$Q$kC_W z9b5GLMWuw=bWH_-;OpHX14Vql)u$`PzDFIK5Zg`vPJAQs#uj%CAwMbs?2wp zZ01>W$0(|flnk}yq|>2^OmT$Js+#O}^`DT;<@9*l}oY)9$8*z0&TjnAqaqOo{c(NAiOgVv z=*t%;LB2{qSx0tR;UFfaoF#LeUR7&tZ>V0u*H(}oEBODxsek`l9^vrta7RZ+DwPrh z0RXUZ_kvu%rbjtRZEUU(Ju$yY{i`R6r|$lpqH&jWyQ>^*J9H5S^Q|l#omvU{HOsG|vjM z-=BGAztvAj%jW0u4zZHL*dUwItp4xwj$NUBP%HUP!0{(-ODEx~Z=YPr;Vg-ZBq*eq z=XO|Eq-l(alb1)XVrgh*QITL0IiL_-n`fjX>qu~}ENj?nrVg4T393rb;qClA@zA2{ zGp}K1TfXj+2XO2yJz1wO(@CDAQHkvDljktfDhYZXqD{Q*sH%>k+{FfuJKwWRO0^K& z#CZ2XUz3xhg3+;hIe#$F{v*K`)u}bKb5nI}VB)oSey)~~IVD-b$YClE7s%6x&wjb> z#Vz02dj>emn zW4DAZ`f1tLIw|JVvNU4rlEIpkZ`NdgBAAN^{R~hWB^)T?VZncrml4RYSgqEglazOW zZ?yo?CZ9xv5h9I1)C5^mg!JiR=yVxcxeb`KktT9COg)7{383j%p)jKXOkrR^B!vkG zG#kj(N~U!YGfhv-SohDMrd-()HcqdI9rocyJHu*uk(AsBIQNuoySL0{kb^mBcY+BH zL<~qC>D(@fq+40RWJIi*hQbOYgogYn7NVg~yUxMIp_qOSc-xWjWhLXZf!^ za_#S90xW9dkEjv*6eJ*Rq^94G&AYXRvonSTUc-Fv&^M2(2oMc};s~V&a7+GPL{USoh1ex>G)x1vMRnQ+PIs zrjNxJCzV4@>nqjBvyHc$z0xwTh9n7)E8>wPp6k)a!)Pvv(*?}ZU_}eLw29PHu~*+! zKp}fkX}c%9hp{=CiiT1{`&+5b1Nmh(6JfC_CS$B$J@Qgw3TNavy0usn9roL5q%4b(`CZjv~}U!MXxetUCH!Oj?{g7B%n6MRSY5GDOvT za-=_*)b#>^G?{nOII>~rjF)R3t@m0-1cy;$F*g|X94oUnwbz|)HdkU5VT2*TK$Nw# zL|8a2U7`+*6l8CV4Kns>fPoQ@JQlip*0p*7)$gU}Wi5a7b`S|jf89de}zsbLr2U8c`YvZi^F#W^VE)!+A!XXkd9WIW&WI_v+yka#^6yL99v-SeCb6d}Sv9z%-3s zKcGFaT_Z`LYQSfQJ_l?lC)PD9hTH@n=~erNqHhgJQ0TS(^4rZv?A2?TiW?!zV*sWz z@$lTp!9=Jh6K6znCGX!@7W~<~l^>UJQDdS!kj+jE$rBl6uE6+=Y?W1LbKB0Yqdf-j z_aU!{pFo5qDHV<$PiMv$+9=7HXuLNZ?ZOz9c{Mh#`%2yzWeUu`9IdwHZ?WfefQlY zR?VtS04F&_5+q$+6mJ>`s8Gj2_?ENgslK9wOzg~I#kQrLJR}28BLFWWxs?A2MV)L+D-kd$5k;Oo++EqNIGrg4ensB_N z22FQRvAo*!P3A|xVwNR}?G5_D?fhvWrP2<$91c9D-G>=CFIx7iTKWu_6^f(L(L%2= zaE>Ch*p__T^kk5w?-*UvG_1boK5&d&|8Uj+$KHF#Syt5f-&J+;xjEn4Ij5QK>7Lk= znaGgAL4trHCeVB3^2=a#ZX~+Bzr^z+pG|=@s zR!>1&#>VVSN%k}R%0b(QI?Hdi(AOkMDT?Z*!TR=M&8Z3RSN+Y`$*!An3YXp)Pdo+? zEYZ11TeeDFC=!QZYBE?cq>tpuZ)7UJ5?6ZhmRoZ;NF_ZAjdTJa)KRfOMKMgubSUVt zo21MBjj5gylLjK)hOJXuIVOS$vA8y0UxKJLAH8s>{>{3#e3F0te8-%#&V?<-aQfi% zaUO{jRY`P#$OQrj0jv&n0+7mgVNN!as9<3M1POHkcKy?e$z4t~G*?-hwwf{w%@AzT zakHARm7`|exWB{EXRWwz8aqmt91MJSm)qts$}Kr=J~@Gl$p5(r%R3mWBo zQk>ePl(Xj7Slw(Wwet1g=)l7?1im#PnsxG zuE{t_l}V`pG8CaJwI(mAH$%apSyf#=&Ybuqdem0-iMpdiWvoWUmDvx+sjySA=k#*G zn5781v^XIotG!xk&~{ahE}iCQht$MkxlvsbSEUBF|6Z=cb8jkk#IDD|P6ey`bX4HBD9!&(F=woEe)R9LonKJS_p& z3|Ze#{_P=8E$<_e0eNh+D!FZ`nY*=2ZPhxuc01MRr~LN!g+s#s=lFcSbUOWq%Ty}W z(C}C7gIq4xQ%^nhAGStwT+F80X^?j*o;8`R8gp19+mURCxH`DF~* zfW%p2*$MZ2^;}1N;o`98Eses}S;y(x$Ts8PNu%b{NZmnac#XT`NF34xZAM#Np}zUR zxFFQgO=iTiJ4POJ$(~uyWe=;3-E#4s^f7zslCLtQ0cPm7@aUI}-M@8iF{{PT#%9`! zaRfvQgm#%3_diSI?oT%L{`z#}(t(LDE(zMmMzFWC4tX->}yQ$^8A5aUL z%gj}=beDRZ11Vb}_xaXKKip+`Zf&!@j7Lf%3&>sq@A&Wu`bG^Bm{zPCsK(nQ3q39l zjLUnY=;$0yeklc=<~mJB<%}CQYz7xS1J4bgQggGA*7lM}ANR$uDCsN5F5}fU z3SPk?%WVv6!ug^xK8>RZpr`-{peaq*o z>UE6uiL+1Sf`d2oe$yj(ES7hZkMMmUgoGICBo*hWRg(JBzp3r3nDLTq^K{P4lqM_~ zLl0k8qDL|mN4dLg)qVMSN&Q1z-pN|(#Q5o)zt=H6U9ea1Fi};TklJ12g0jTC!uh+H z*8l*-qD^-;NlEo5tPv`!Hila5Hvd5dlX`S2$r?H4=Gn;c{wO3k3kUdi}ra zL!3y1LWydu1pr`K(&omLnPEILq|S^a1ruA>PSv(0yH?BYK)uB=QOdoO2o6u2k&pNE zdk=m7_24R3#d4?rw#G%jTDHx{|9+XJ#Y)99A$cmROlI_i#8z9mM!RKomHYaIe;%>= zU65A`ELJCHc1L2TBeB!*#5s$lGT>WWU9oCe&!?UC#{b~M@Yje)U{4qyh?3JuGMd#E znTC69V_yzTNyX7;g+bG z*lgA(xG(WJV~=LNL3(7GU(#sZ>M+)*Dk|yxw&3ZnhF)I`$SbzG|Ksoc>D&*N6;)1f zQ2KZ^%3P7l604b8c;zjE6~)y;Uy*QgtfdYs#qON^xW9h4b>XH$uE-SCGPix!x+Yn? zF8I^zplKc;K(Q(V z`#m6Q9A2Mfe#rv81Kaiat7rM1G`n~$E+NDb3<=N>&yt0_v7!u27ERGG6kotRO%5G(Gh)YCh2@%L++NNS}nL)rnXf|j%eMS2C9WnW9 zt-{w&eMB@L3{op!-jLg}uj=u}jN7u9jK=QH|H^l8D0_r1P|h&;Xwc+4P&as%8$)1n zZ8ESSyMR}2|D_{(b;3O9`t5)}x-@uml$+2AR~Nr>FZYvYpLrZ%$YNfm%a9bo;T9)-yX7&k^quL&*@m6EeG&cu|xi*^1<@u16#IhU~RVijFDlD_hvEYT`ePe(l zGV3-<7BmqN(!V+j3WGES2n}Snkz@~EFVhX+Xo0ddtMWFc_&$ z_LoZ6wB7LUEEo|D&3T>OFsW>$Qia{M(87RhMFbgE8{j9NrZo5s7T_#Jczsb?p8WbIQxtR8h^IV!)Ybbxd2S zV}Px-{mgey#$syaw5yfmf|+Uh%owC6=_Wtj6rfgbwAOh5^==lmAMmHxY_^+jy6Ki% zZn^i~dw1;E!7$7P7hLdn-61HXx>Icc0E^~=R39%KopPV`&p+-^9ZuDf5QQ1zE1j7i zY0$L0g6BbcQ^;k&pbpodfHT1#t4RkmwRFbPbbIb;Cvy*l1K%HCHsc;CEBwLSM-Q8p z4T$~)#mo+O*Sf_Yca?YpFu$1nUZob>X=q!sa14k{z&Ut1~K3rHEdS zb7>WJ5mk7}>9%U5Bc=Va^W=AqbZ-s1lYz1Qmi1Hm_VW|0SAO=hfv;6k`&l|^5EBdB zS+(JjQuQLSe|3JY&jY%RxhgKOT0gxub-B^mIkmpZ>=XmM>G)vi%~bRVNn=&Hb-dIv z)^uR)h7v;q2#9L9ifVPV>`Lc(1BV15W)cX`%v-WCkB=4YEJYAanK7l6jsXddNE|6(Eb6eHH7q*R@ns33hd51hX3brd z`a7cP|0(YSAtVMsD%|C;eEDML>#vj-rc|5F)u;1SoMh8c5wf-b2Wtd#jQ{|s7MPRi z(w|nhH=Bt;MhCNjB57~3J)JanOuuCq?82Lt)BImGulUY$D#qZV<X`=)1TnZYr*5wfV-KLe>NTBYmc<8zLu~(+gwp*O59Mzw#TfTNh zg<7Uhj2XKpjDQnXy5O=cR9g+gIYl0cDH9oaDys$yY^8;7w3}B}y02eA+5bv}w!afi zm!h%$aP-9Q%sU0%RpDR4TWUvn?-w`zGmV&RDQb1L{y_z&;{9gM?zPp9MNXWU+Ij7& zuOWy40GNQj6nTCc@0=$Sd9uPbwSs%|BiyKrXN;UyVJvFa7T09204G%>GJKld*rCJZ#J*sY)l+9H4uf=o{7|=YKc1@CW=k4?OU|0}nj#{qKLjzP^6Xo;?)x z_gND86_v*v06@^}96bJ@ul7~<`A^NOHciy1bOn4eT)lE2{7pzbUZx8Yt2|cSVy6y& zF3_<_I&+@XZnt{si_sUW%U?)lm!=mdxv3*fFA@Nnvw~`YUv0jFgX$Z)O*A6)I5h2O z^l7R4S{9bUd7Qz0D7F6+(KDE$<~;rcV2+yWUw1aGD4hMq)Z9%S=l^2pjhCvA|Hjc< zWelt-XbHz`l`1E@O5|LN7-!AY@{RUaUD8iQqlSgHW%*@|#xbPF@@Trx?2NFEJ?8bB z(mS4VpMPz!UzAQpunxoa+V*qY@B{#`OsNJmXb1?vEKmQWm3m{3^7KgAj6H-f1h5k{ ze8rTIOcok*&1Ijdgkg!N440>cKG0@={BAC$3mIG#GkLh$jI{{Ni3W;&kE`|1X@+zE>UP!F!9v6<)kmq$6l`7 z9M=~Jq=7edivbL1q`4GBB{<|Zj1>Tg70Ps7`r3ejc!Q>aalGayVNyG10Tz1nd#=Y6 z01}|)OUm`T{La^$AFJ0#1+1(r&GUqGhMEFp9I@of6fvom5}WA`b-T+BjhElu_wqgv zLJZ+I7p`h^pdJ^T2Gm&4uvi-;zCUbrFDmefYEawjW5nM#q~_07gaCrTTGyG~agT~b z54)EF3sBh8d99^J_-jv$W=Og~KDL>8dY`5lAett3nH_RQv6Lq8u;N*w0YD+a2q*B+LzvT@=`97)}dr3ZSoE!`jOw zWg;WLl?hH}u%z*g4zAJe+}_I7*&y@Y*g%$~csP186gd%&o=j&ZJnoJP|B|kb>(1Zs zeNk{>g1`OpwFsfT1HVQPSp?ThCm(FBSh1#c`*i%=fsyBQtSzWoGZZ>x7kzsM9(M#j z_P{y(W)L^iX}x*w0&#|A17@zt!S~vkO^}3>`gla&(I+c9 z-Q=g61Hx6SsCqB_i~lJ;;Jt%o*}Lz)`(0O`aaOj4X$Sy??KVB`=B925k_KAH~L_N6T<3eV9YoTusx8{?n{htZ$ zofcer?fH+9Y{4E|QPNnbla?3bgDNmft+;J?qWhn|_;x(|{lhoLT)6C!P|~ zX$TDiJI9?{7Uh$V)|%TDIm&<_D{qwh1p|a>=TUdlLX~!EB~H&0sP`62ULb3RW>7#P zB|t-!;)3eRI%AyyEiBCYjXf4McupwMAaHZy6`SE&I~M?eoIk=G3MB4UvlYp@*O$C? zU9so-;5+~5xMh}V|4qdK3l7~J-LNn_ZPrQ*Pbstd%0S!&NInjPd07iJ~CzFoV%`?aj%Sxb65e8)_?#2&?usy5sS*R81JkR_XHxH zMOI64x+tU`!T4i1S?v{k_gZYR;VEJ+)mLP(lrZ`! zRxPq~|6T~EO1W5rj9ykLH>(1?SJv+Yz}dd`Z#?nDsIjaCEowkc3;VAxs1SlLT*>Om z$VmVE+*}SO=N6^jy2UA| zItZsQ$3VXW0s|{EIb|XvPh`q(W>k^knjCzy!+t>n<2S!Yu5TornG8oyh9bwq(UY>8 zukbCY@Gm`Y^}Rk%*B|0p|BeGA&oLA)nHxW|?PtIHMbV^Vldryb>|a@0`259>8(4pP z=*hb-_(euzAAIeGb7!rae3?b|1NmZbfxfD_xWzgn2oa90wernQ{(L)yR6G^c$0oIX z5yK)-%>lZ-lD~8*6>z*KZTo=#cOc~qhiO(fITV3L#ecAUJz5FJV;QqS$5CWx=2(ktxpqmW4<9^!*%G z0RTC{G6g-B`CV6}X7~aHQz4;ljaawgn>y*WRQ}4c?*8Dp&LA zub=6>X3j`6Y}yrBcV}y{{uAli zA6Kzi z$Q4+qAss*n2n7K^KsO+Q7(ha^7;uK6BWOUPQ5ZrUqcVjdql*M;GNqa{M${RF)&T%I z1T+8u0RSKcfM8IN04{H-%-Rt^02+XhKbiI*fq(#_Lv=I#MvQk_^d(tS@VD)6n^bc{ zrlm=8bjDZ#%lS-ej#-qaeZ!Q4KpjY^VdmnT<@BVX{e=vo{{`L$La1Wn-qDGBI~M`~ zezcl;YY>5=@!96a8;@re=LC-%|7qb0fk`TQPSaivkMD`i?N4STJ!cThofV5d;x`>n zN9!Dw_J%dKy1$h;{P?JG<5mU`;@4*{4Wv%Zo6tk|jnnR*S?*ipPE6W+ErFiyvu~2n zbm`5J-*~;RJ2z^ix8R;`s2^JC^e(ZP7Y6>AD4EuEUotC?r=#N;buP#F&0Leiyt2}L z!$QjT-Z%hYtS3@Kp~&%I6gxfr=34`gZR`2+ z=;R-dmpMjU*LKyqwyOXD83nu=!mkzY`r#g9Bu74Gx$7$9Rd>);8Cg{ouM-Cc^r_Ipwtk6>!ik72LXZ@#c-l_P2a0KH&e)ED+y@WLsmQ(?D9uW%KwXrLo>X z2@V4SOM9EtAZfyhj6}-QsB4*eEDCFClqAiF3thLJ%^aM(bWz;g zdeOvSmb@MPY2fmX;z}ou(V$RK?r+K+Q3^E_iDwu~!d#JtG`z=BrvF=#MH16RM}V857%_QIPQ^f)1=S8C{ZOEG3_!g zMO#6X#>K~7mn}^W?(?ELX@1fk{OUPxYsN`HXxcSb;MAIQ{et1kF_JYlhe5;7tGqvG z1OkR0RWBnP5fCz~yFAIJykq-(fWgHWk6COJbXcaSFi#Cx_&!^i0OOfqa3~Nu=ZzM* zk_IV3rz<63DK&dTJ%Z)*la3n!=~|m{iRjT=!dI7(y0_|uo+1}!V4rtqch=mk44iaX zdE-=~>_4T3WQ1}I9nf2hTc$M_!3Lg7!)BiFpM#Fny7x9t~W9|MGT+;tRX|^ zfG$z2%J4-f62d^t3sj2Iu>`HyFk19+50%bRFo!!g#CpS=v71|(vYKpve&7NH6schf$ z=-+tU>}aH15Nxl1FFbh;iI&BU3s?4bvW-7@>9BLN3tqO;J~gL2_-yUyhb}!hY{ywU zgt(@@@YzjfulW0DrG-MlD5}atMjlJc;~6bhVr#8@lhb}tBiCR@{Cm^qx}n74{lW0D zQ1nDJcG_aDtPCt~ZMS7RXdS8|RL zuF7$;L;@pcmbM-^$bWQmZX(AU9^DSm;T(0*b*ZzBMIl34rXhU6$1l#A+w#s5Kl_dD zh(-3iWV^&nBoi)D0E;@gJSf!^-A7#ImjV#cjTMso?9ph#Bm!VAK{#qwPdIYlX+I}X zm?OA7?NTUA0bF0;t)TFK&RIIMqQp8RX1>k{dGb7Gq;oVEW%OogxnX*F7~F8kwBe3< z_bhX=Nco!ShX+h9r>1Vn%o-3KvpC;&8UscP1V)~A(g6A;u2NxpR2D;DO3+J`E>Wxm z_)2=vX$>EvE*PQDD!*15hctVGvRfAVLTR7yv*3(GUax5<&q$K|%o108J18G%>d1 zo;nBD%CNXXeJp5}JYRC55DVqxb zASvYN1fGuSH*ezr02L$0(iZXHk&f#2^d~+HYRnb@EC2u_r^sVzc`PlBCet~UZ*p+W zPUki4T&)e#?~Ns-rc2@IsZiutFnm0o9B?^WDg(>97k;#2^N)D$&vMxV004;RXZH_3 ze=c}1C&iuSN|&uBq^g=@k=e8$ZN2b;amViYOr(6*8_(+@iFBB;QZ{56w-@rO%h`YR zVQ;gIzo3Tkiu!EAm`@qgasAD6c&R{YumI(R+kTa-t}*JG5OHM z^F49?NoU)77^9#4rCpNWYV@qmX%?_Q!FZ_bcPN@6qE)x~!^AqTm0dW|QJ7vHHxJl- zMg2Anx|Wh3*z!@S##PQPn&hf>GM&p~Jr;;JY5)@atEyXBXYA&=xenDAV&YG_S3Q{f zw!O5peQ?{y7uTEGpR}qc-?1(zA&W(q*QByd1zr;8{qa>v;Hpn)FSqwk3)KN!NK>sL zn-Jtcy)kqI)$Ze4p0ybnwr+KKFwR9pd=db*fLIKO0E9q$zeJZGXwdu$T~lUv9IGhN zs$XVeg0Hp^HE9I^Ku?;iPpWSg?K7gjHf5Mp_U6SdHyC%3^nLvm=N!44Ru8dS%hkcE z?x?9?e=WmlW-Zg8)M=JyUUxSA+`01p32$Th&CRJ{jY>XM?FyQYu8^arTt=MnUUT-= zV{LSbr5@}PZd#U<7(8UP>VP)@4FE9Xd?ksCq|5_#jA}KCCo9ZOhkR`9_!SjpGX_iY zj8yBR+X005p&CS>WF(e27Nrp0dgl$P>z-v@%pQ zU@Aguo>I;-a4*qmT`>`bCI&HxM+3iB>vdYDqL|k?3}gU^L!;fgQKwTjBHCzLM@34{ zV8uim3`ba+PzXRLKwbt3(4ZkMV3nvuS22aPdFzRsnSI&X0D<#uv9(Pp7-(dJG+#tk zhr#m5g&_@8qeB|^DtSm4QP*vntV2E9vh>{z`1gSjsu;L<^=y9Tl`y_{=&&>HsF`*S zCJtOnaT+o>LcO_edzbC^ju4oT>yFJ7b^05F!GjxHTP*xbs~fL7wr{G)Boxn3&XQGs zZ=g2iHjdOx~(8^h9IW@hGl zqeo{ODxX-NFGbeV;L-IT$4j+aaxwR>@B|c$^lN*O5wOV7d%w8UpLRPZ;uaS2Elz%clW%s?4!=Gf*GEFilYOO$DDqgTS`S_8=FaP& zYCIpf_x;a?2N8y-0@hfNQDMLd3fp5F_Av~C1OQ_QHC>idGldG-bEvJv?GB7qpt_w+ zCvHwXsqJ zyC(A8pFz}_Yc|o3n57H5Y4@~=bgHNAsm+vTZJ*hG#3!YxJVy#enmX)41##M+T>;g^ z!~Vr@IsHC9XGXI=b?++0%YjYo4o0%C9TPpRjIL}SnqMr^X&YGDV#XD4S zNyh5K`7`d>9GBhMnziXL&nG2XWekon9E|Rvu;?ipojIyEj|gFQ*7q;Oib!C=0uC*W zxq$sEieFET@${KVXQQQXbzQU*0qM#5*c1L{3`}2~a~SktyNvo=;icJ(Rdp?mw;VLx ze%!%-VP4* zl4~M4$yr)w3=Fc`=*)ER&XLXp2SA?p9b`#=a0 z#Mt!Q&nA`eVrDRxysvqof7sVler8ngwo+OL=Z?z~u>GMhtQMG;LfN$*bBl!s08kLF zbvp*~Nj^+d$TT`XmpS>AJaQ7!4A;~pH>`eG`D|w+^PM$}!2X3Ks|N>-i&ml&{Hg0l zrbdn=Y>KhC!t<1U7600Ba4d~woo{jSEl%sEI<~^{yTiCbq43|-2~{hF!pDM5uTG~ISSG<^`y?0*pzS_uJ}!`1|glSqRSg_Y@&zlp(;iqvD?+F3#Q+?-3MNP-Rsmy20i2?4Xe(lvywl!yIQG@iYnIG=+*55fju`MQ1 z1Rk-i-D~~IB&6NOnH!_u?>DdcZN+sxmAKlQxFd3Ul5TGR#yGJ)TswTj+{njcf`z2c zT1S0G)UUqk)pJ-scGuhn5A`iX?-Awnn!;DcH+?N_P;f{5#)!5kr#D``_7-Q^YORUu z)N675!Qr#IC(MvZ3}!tf$`VD)uiKQ^H0Qg^E?KRxf|0uS(~Ya72S1boMH-)TDMiuT zM&8^Kw-*>O!y6M-MnA2@k(dEg%IvqX9Yokf*ft<5*icMN88Q5HarfEW&m>q6L1vy( z7fCrQmd*=%Rs9qeA!ZSV7#IW~ zd)dqDraUj5uAlFYUv|d?B^o9jlq3#2%W;LKFr;UAZrlPWXtc_}hAphY=#W5)AVdHm zjQ?FuQ||*Iq#=5G@s^MGzy0-&-cY%C=i;uHj;Ak1)3IgOlxOrt)^<7@+wA*e#IGum z{rOb#m9|RJCG`nAHAS%Tuhz6MrRw>%GqJF$*jA^$FHmq7k+w$F?|aTkDy?d*%bDX{Au~#C+&TFnlzf8TWg;t15ce zt-QzY>!HwJ{+lBy`Cq08^& z^D4~NS8PwEp<$!N+gAWe^%gff`YWVvM}veGcn3hU<*;*bdmDSPNi`Vq$BoSGVZ!GJ-EZ$Fk(vG zK40%tEiXH#%KX!3-SfP$$EtL1D9|0HIUQyXcv-*H@Wll)P&j`|?)>`n8@DEIA96Hx zrN;lIdHZwjuCfvG;30cFXco8roO)2sk4vQlAb@5*>dStLu|2@yhFeO9yMWJIu#Nd2 zg|JVoiizW({gzM7JY#u1Nq%rHzO7>A+XF8m8}sJ5&-lHI^7(n)P#9faF1EC24hQ7p zm7ZD2aZcY{RXmIUC|b*>oi#j4_)C%I=<*l0-%HOw8B?3W(e5psh2t~7wS-a{&{PhU zRAq`bbrI8QET-}k6V%i>{*8qSzcgm-&R6dYI~8kzwS99;&VC#zih0o zkzBXVwWO)oMrCq~0z^X>u|X3J0wQV*hR~|AR*hpZO&~MHx+65yAR91?TcQEk+aVPd zlr~9Fo^XxEO^2{qb^y^)s;)5LV-1vv*{uL(5bGDrRO%d_moAm{x&n<5p;*9`Xw2#C z(mb`j6t9tzf-X;53LUw4pUrr*#`gKZ#?86;7Czx-=V_qQK&L6f0H{N4j!6)JG0+Zk z%YWK8FBtO#Ap;_$GpfsE%BK_qbQkp=+QA@1IC0!%ngXnfH5;NB$i|B}MVrriR|Eci zAcO#bB{pwHlV1pqZ}QfN7Nl#2R5BdC_8cnIGS1VP**`5j64hlLELY;icXt2cY<+Y3 z?K)v%u)fh?odK4b6zk0EIt>h7IjZkIZCuhzZ(02NBQArGm|XfpRL}lU__lZY>)^si zhCQtZ8LnDFjAsALviDH@bX^WdPtJ#r%!dvq)1y95XLaSObt~`jd%ORGp926OBj+rv znMQv+kbCafcU_jsE0*157rhBNcP=sX#?YyV+Iuu9h9zySAFVMdpU6LX2kM5;myy7* ztxkSP!2OX0l$AAR6WVa7eBh)$8kW2^y1kOy^ufyS1AfmTe$`54P5}$fSnRwiBq?sv zy1BhHRHV1kg!uW#R%M5NU00APM~xDYsg)Jx(<9WSYYU_Oz9+^Uy<>8ekyH1K>icb* z!|e-{`7pOWxA$zNX@s!6K6=W-Ak&eH^aEKv&0|Fc+KR%{ zMH*@bzy!3UZ3*_MhOS&+(VV8-A7wvY7?ySmCE&iuoF6 zni5PSChH+HQ}4fVu`58gHL1?Zuk8EEf=uKejyCZNa{a9NZL$0?>W1zi95UB?J;51WB|X6FOQ7XYx4|7wUT*rS%?ez zy=}6e$QvhF3it~wIN($%;du_!w@8^AlgD-l*S%v}vPs(e`QWQXC>D&y8QvbUgumEc z9VChX&vvM>h`~=SLq@|fCzJEgPJL!c;hl?PraaBZM82_* zeX$Ov1&5{ZKxNryhFshl-57m%iQt2Hc34PRWl$$^wlYKn#LT1^a3~AAtP2*cusaFV z&kM%3Y9!`&Je-)CFBe8MEw9NrRgKCe+0ZSB1_UFmWP`#b!z^U;Wh;{`riLxm5*;vP z;xv_ec^#G&Emy`GmMK&{KifzY05FCW00a@Eqyzw1`7Q?h`#=aW29NHhyKMfSPo4Yq ziVFY$6~3|Y*iUVfaUJQEjOpo2{C6dza|0hc`1PoMm&Tb=kNxwRhUJe~1;Nu!fi4LQ zR&f;@{f=km(j^`5K8{C%`0LlRZY!KE792cB0r-()JCCIzXR9uz#_}(RC%@pIx;b^} zdN05Jvej&*MLT$07tQ~D6~tJN#QWw$hv!3wV~KNKS4UOl%GJxi81OIti`$+60L4&$ ze&*M&P43pQ-sEWb^pcwvxZ93Tz7|Z4+mVOlY4N`|$#Os7e+)KVXGjh} zaK`LdBrz{nw^5dM(|m?9Y`qzC#FaSct=u@k`jrZwh%k$j~nHskN!S z8;CIt7c>=e|4@IyD~pXjC%JCuw#Am?75eE%2ksiLEY9FiLT9Hq`#iE*DZ{E6)>1ft zOHM6U$68NP_6V{zl#)5B^TK)c8}8f2IRE#PKN%b-)HZFL8GFL5^3@Bk{d}|IE0!ms z#z1F#%&`v&QnF_92H?5 zJ!9j6>K`7pKV+a_H{D-toET8RAHI{);Qea9+t?iZWCzFYa&3}|jb#|Q|{ zirP8r`9;{S5wYD94G3X~t=5SHJAH?bJIgtWDkI9R8J`c1SoKjI>A$kxw$r)V#|%Fs zu6dz+?FzhOqx|BsveB5c9Iz}9(HnWZqC_2DDb0uEjg9QqWdx~n!5`JX)W$s*MfFiq zJ!}z8Wi9X8f7;f!e*FIPf^8duM1yw~`H-MgNVFOiBMINYvdk={XhQj;CC+YD6@_>N z_Lb3qJ=#0FRAvU0HP#UI)!RS~`+Dne1 zzyw?4i5F0XeB9)})#(vVO66}xAcdW5KDAr*Q<_~N5h*wE)B~@?=X#Wsw~Cub zPDIo@)^FdRm|wx#E?#7sNvW}@6&1bZ7}H?p_RmWD&NAP)o;{vOJ+-4~q@0X_G1Tq! zg7bj*t>m#Q{0-j)^8M}`hceuni#gT=0RYD2EYI41ddGKh|PsxF9`B9_=kM?d!CMZdYW?2g;GG_$*@ zbp1XDy+pNdxMbZ&YOcBF^}B(R>MUoTcWllw6D|8~6tb+h>^z=Z{a|%@y>gbNr`|IE zGy?c~`ebHy0~`PR>~D1|f0#ZNH}YO=oD!RQ#acWD8BG!VR?5pyK_MbfLv=^bC zM+=L%O`|=c_`+3fTjDJ4#Je7EkY~B=S4GW`-OpC6@)r9mv>%2jACGL`mAuKLsRNEx z=U?ct%kq-(M|A8;80{KxN;=0Wat(RegXjB;8_%Lf3(1&47pvI%P#4fGJW;~9_!*bg zgCj9mwZ?eyhslc}ATqQDLH9%AcXFl`w;B`o+t(Qix+rt}w0GCm;Fb-UP}KWs8?!B= zjYru>E{~jd#HFOU%%JjPp_n;c`HQ4!pd$VcuX`E5Es;0D!yB?AsYOUr6d-O{FUg zwzWQVJQZFL+~lTbZkS3t0{m!$z}uP+C8*Ju1|V^osP(PFvQ|{%`Mu{u@vHwTeBv6a zuIfK+#UD}yWpgugp+obbL-U~{0`I7Irkm>ms)%EGI#Sxc;MvR z$y}~KL#lOgC2MXf$)RNuIj`WWiQA2g!Z$mFb~oSVVk^v~C~HGOeJH36&I3iGJF4i8 zDyE|fxvhWWZQmDs@V4(ce=$RS?4Nhcm!B)hpSyVheMNRhjuYC8kXMzC%w;bwxaE^4 zzx2$CzTR=}Sm2~#w7T-2_*&+9-K69O@D6MbcsQinmqtQF#gX84e->*Bq zQr?>eT?mq|i^Qzr!P(+TcGc^F+=IdUVzlcOM}3JnzcOC)Y~T_L_uxWp7lj1`6Mz6Z z`yEqxkwj5NTGpsS&hxb)zFKFkG-qaLt68Y5Vk$keX)2WBRK{U)Ic@F;$DLL*Lq!F^ zEtN|~K}80~=%h|9&2f;i8X^*P3dXXfnAP&2tLgu;_nmQeRrT6y?Y_@Gy_Y%DOJ*`N zNhZBlLI?yQ{(qd6001BWNklm-@X zOfr4WnRa^LXZN+<4{$A4P_I|sSA6gDZO(6(|5<0ve)jXPF>|&?A#a|tjJl&!TycxJ z*MyRvPi`R$XPq_@4ct9k`uMy?$dj1|Ptu=H96abg8Dk(T{TXQuRn9nO&B-=qb&Spw(uAH9vf2A{voR5C(&_WnS=X*~G*=P;fM>`0u0NbR zHK*~Xr^k;^(T!!pgeop_78lQE`9>#Xe;;`J{;95_0RB%S!3?Z(1JwCiqLu zizO-DH?%XEIu@PShmcVjS{$xeTp3zy7W{wy#6N{>;LCq|a|IZYkuU-02VC>kHOyKI zAnZ>`XHsgkz*O7$W*0xr#a7#}Zs`3}de4~FJBH$UswqgfgsJHjWXSdBJGXr#9@f9Z z|62QZ$NLiD*!}xsnXiuG@84a`tt%amTXw9RxGTdvGAnWY!_&We?&yN~$=VauT|Jim z9A@e=-`L~GHfT}N@r?xG-pS6tLELIrRe~U14Sa1tW(<_GqT(!cqEd{fK>ax5w%f|i z^4K^C43O1~E?Es#(QBf3F#yb`b3bbn$G#u9(r$XJj4JYkV~P$CSgS?HIb33a8lkTl zFD-N0w=^ny$Hh;Ci=pdN2Tpj8E=MmvYW>)z$@6ws@Po|#W9U=&4xkcQiGc%Rk_5@0 zR`;CZs~vhFL0Qg|qf4R|l4vX2zg(4FaEQOw#7Dx)p?TvSNzXSka3N5xDB;2>i3J|T%)Jo>pX#)1ygKwWIr0=Tlwn$+Z!ZaP}mHKc^yg^&=@#%VACO|VC{9w{H^8{Nf^ceE2Kge%CTNz!xI-%WBrOBU+v{hfC}K@M-lXB}HlGUfUCRm}I#%vE z`6zDqo^|Q6+{lIb-d3WhLh4rkx~st8<>XsMW7NR1j--+*-6H&89@+PK(_7Ghj`|hu z85d@A@pO91Z>G!pwi-R%N^2z*sN~&sl-Wr_CU)#eDK$iyoSK+6#bVA?!X=7)2Z1&P-XrcYEfJn34K)_E^k z+Msr?JG%?kUmCn=(?91tLV%F?o9~7rXRh(D(3H&M!DnH}v1%4&KHgOvPXG{QUAWj|9SN1 z@!L~qPb89y{n~+(_3gh{X7SgJCzUg4dHeCQi|3nN_Vx8#g9Flp5lLx1!=)F-^r09T zcGIn4)78tUTHpT;Gx}frPayT@4POBntOXf%EfK}Kgko7!oWLM~+9KAomBnQzg|i3Q zwj<26o6ChY8OxJ_atwbX1xtpm9S0j3Zc-zt3&!uAR$3E*g#*q)tKM~*Tv8&1PPo2Q z5&$$H9ierL4jdF!*7!64r&xk~z_LukGy`RuexZjv<_9OtTE+~=CWzU?%GCjKs|EK0 zyuwH?J4b%y0XBSl;x%O5z7!mI)j4CEDd^DmG-X;9OYk$vBO18Ms_kmZczb4LF{-&f zLH2sS(!R3P~+irgXA`b`z;l+LSwKy>)_I@bT2`_6Q`^wFS!5Ov_i+ zHu);-9x%bneb+fITkQV0L3>7022(}`nYEBpWd>u;IjK}vae4?PUN4P^s&NN>(aZXI z@!Ch{We+}Wy|9aEb{QoLk{pKQ(+ed^{gt;#g}lu`pP3x6a%bLT7QSM!%~m1~YKt=Uj_!W$Rnt-CFkgWyP_R#jX>{-VvUHywze2 zdFVhT6RsmoHh_uZ8xyZ}!>MUC;bjZ};Hll;9Nqp@h20G{eEA2j&>^SN-Z(lH2TJtB zXN6mD6n|Sq7vsg|7xW8v`x`%zej^Ar{S6!bqoD|MJx8r|Et;G={n(Z6O>dVZ@X~&r zDV$}Cr~S2yH(gQ<063jbo%hbutIErtrScE9R)6hi_Wpi#I*Qp!EZ5{3sJC5O&aCh! zdWQJga{E>5$Y;hf|1mw-YWu($6j+kAeaDooI|-ZFm`t$eE@Lk}{|^sHWzI&%_D06{ zOvR47UDGNnmR40P^?PTEqV(76fUFqr89#73)|c09kuuwpH@R?E2p{BViwlJ3Of8(2 ztN;k}EpD#a%{RM93xjf^embgkk7+$)gqfqJhw0WZ)g1cU+M9hORLk%1zt;ZU@xF?1 z@C#495qxaIxTnivELXN{bDu7t>Wea&rDI?Ia%22_^#@hy&z^R_)t&*jHdI|5{n#8y z_a7TGePqe$TdcDI!RP;)@nrW zmO-nFToGr`RcMNCYM5 zX^%SU#wSUNB20p6_V(u%7Wj!#HWapVgS7FOIe()ZM-yxtuxsACks_N+%`&ncR6f?D z)dQ%KLWE)77(*5PV3Cf26Xw1_E3?j^d2N$vfyE*MiX2KoO(*7utIiAOD0*`Q9Y|nzS*qXNx6*@YGrKbdzUHsLlgnJx z|2E3M#7|pozw|nFysW3A#U1yJlC|a9#e_lQ$rvq9xbT=+osjt&O13jbFUI<5|9Pu7 zc1WeM$=4qgGUOBCHCx#0+^8=}5#3aKyBtXqzAKZ_>ta(7gCc_`1#rZXA9LsrfAZ>o zQbh;=Svig11ZkqvUw(nZ;o=__ zc6|GqZ&^9Z&S+-g7}_#*=t8)*mk__wRlKp*y=r&=zcmMLZ}k3`+ZjU|dXxda&v24clYtBFCXMg=9+q?=6CvmK-tGR7w zBb&wY$S9g8k_`=JCB&CD*`p0oRpsziPd-dSb#*{v){J!nn*Kszk>WK-*x1!XX`kq|ure z()RQ_VYzVF(ZmDo#<7u;?%FG2<};@J$}E>z2>kwBc7LOdULBEYIm6)2QRBVaJ(Mw({5e%X!1kQ!pqDn_E1<(xmM@Lr<^h zxPE2qL}qknq^ho1$&)ivlG^W-f%mML6=`i*@q||?Fo$Y_96`yDYRUH|`I$v3 zDAELhwUF*{=7R<$PMMN#2FD}_!{s0YJZ%a~;JV+|$Bz+?FP^n0yvcP5JU<_o(~~W> zx`!>^=BsA?`sES51XAM<8Z_ohQ>;NOk|!@I9S~_u34+79m?Q04Dus1q6s5d%$d*lg z!hiAkCO-hcPE++}_F>oY;{$ikuia4RxYJI1AtntKVFQyoizRsK%)YJ3`zmUC=g+&V zYjlIt(p6hA<~iEdXp`C}O9M5{*e!IaxiO|-g;k4YFBv(5X>&qgaw(}Vr$y|cj&QCj zv_GM|6WQA^lMeH%?d05}J^EbNi2;HdmwSW6I&|bNb=H3+N^d$Da-WUI3 zlke?BF+u8ru0q+E+!DpH0vbv+HZsRd`6`-h_|9_A>-{6kDoP34a3M02Yu!4TU*of{ z@-3Y>5T4a8e{x31$xzo+J6G=>&@lc|lkdHIAS6BftT7y6RxRQ-eGHmS;N5};v3KDEfqr&d$d9svKh!`X+0 zQBmD8nR`1?Oei`5!E`Hcqsg*?o{eTSj31g)bxDN-0AOG|P*Umymi}k#Hur@#aZ_r{ zrV%BQ7HLT$1guv>q-X?m8k$40>~jz6{8TUWgi956lXCIYwu>RaEse!Ie&yiA_Au8` z>HhUdrd~aZ&px6}?mY(CRYctcJ;QV2D6&~~HL0;#>{QSqxm1#INhbkIl>jxV3VaK@ zYW`II+3~5(D6T1u1z=Tiju}-Y*Ik!a912!c_8Km=<4~9H-ifP)| z=eu&FoYiz^CEsB5>TJ{i^UPkBZllh;6s=5ttX`?`DJpLwBkbAy^y5*~Z`P(ULDnA~ zBWr8fbC+XDR(9?qofv3({?X^;vnO0?8=hbYY|u#LjpI39b7GFbqzcFg0peVb$#7{} zW0@2wY#FdtPjTu=$MJBv91;z)riQdEuc!YP}zj-izh9VU4aVb z@n(0y<@wIPYRC7eTQ?`N!ISqbo(`Bi%`cc1bBCRV>LcweIM8p1S*QYX?hMe-3~7RL zn+Tc!hV1_S(bIF{>xkdnyW#G#lrjr`2njh|)!4f<^?V^gz&MfBF;D?%K%fFb#sE1z zGt{LgT)Tv+FZEjqQ!;#n%r19%FA%#@R(z^*YqiD5!1Kj_@z_^#W;bTHHiFt}^6|G4i<{#g_tt#& z>f(-z^RJzDRs5@GV}&YJ$%wGv6l1^F-cf|C3F{al1hh5i$yM4Fs_-R8clSWc1$E{p=g+Ps)}U+Uk5?_g|~-4bcm&7@WcT6#aUz^ur3TQtRyV*>#rSu z;Mzssj`!yyM|zu6At$z(r+fDbrwtt@rWWKi`dsu2jR5GfuK43l9Zwv9Xj&M&wF6jmV;e|n)sH1gz z2JUIEcr%uND^{@4q-dZUYu(>z3;o}*_QSyYx<>!~CqHj3?Rm-kSp!<_?7d6pU9>DW z_MR?YX!@Dk>L;vpqwfzsklbzI+3EtE{JrSe6EjJ z$ca!QEpa9+tMS_Gs9j1jK;6~W{(|$3@9n+p-x~v!>iDob{jzOpU6E}m7WTRaol0G8 z_DUUgy-;ydggk*c0{{k~n?_pwvZ>pXzX;CrG?;+*)Sj_NMw9U+lQY&1BY*)01Oar2 zu}m@s0VxAe7!gkLRUR@tZ7(Ej#SB?W5ejV(5RryOPq@U4 zAR9$qlT2kys1Pd}Q8EY-F+3{)PGPfXpvH^AXf$9zAgrr| zN*Yz1F)K-}a8e&T@5}?Qx$2LYnK~Nykl{5jTQnMtR45UBZuVBmI87<%l#FHr`$*EH zDYbwgf{JFdq0irF`=`ws&F9iKyX)Yuulq5*aygj!IY!@5FdQ`UWDlM#ts3xZ_J*eSsw!_gwDYwD_2ua;Zzqb+F0Ad1qRj{OuU`H~jMAAcuira(YHhRY zOn-Uv8@U_ijZW?z9osEQ>8kLu>hOxHilsd7`s=^NyN|y;G5o_WW7njer?r$91YYN^NO&qa1I`saV24tEG7hFEe*x>6G+MQL4eiL~^=ep|sn{ZdgQ+Jtp zb}ifNIl8kn+?h91GVOOuWmL!*RwwB~DND55I+g^4O(xz?#QE0p0)aZYkiI_pO*n(NRUFhdO4LoDdjc5dX+1tCw&$j5k&W}XV*dd zcw>2~NJJM-%?*{qCf#n3NtS&95or~|H!31Jf$rKrN8+*xTSTWMM&paDjniE^mH|}E z9CWrXW&^c2RRCj2GMXb3YO$iEVUaEXA?rk>hG|HUG^x{2#h3(0Ahjl|Sm7$j_Do8U z6<(4BMKfER7PqD7bPC?Eqw}n|Gj6-OI#X>b83vA*$>#>GW$4&JIzgs!^a9h4i z0VBeLq`>NCGewY;0U-pertZh4FohcDnMq+n%Jqcpi|o*1Apmb6UBacDQOX+tfE|VF z=1yKXP<2^xDp8@c3$u}z{mp_VpBL?Uxb=`iXLRu{DO_U(*wW6FN-B_3r(*MDC3Rhn=1KYARQq zyYfD-yA{I!-hyHPPNwlIgVY-_JtZ3s8^g6b8nJ)8dQcxhEp&E5gpB=QLND z{u@$zQ>AlLC%RJd5 zQCK1hFL}(ptRqXK4KeguP=1=O>orGza;)UfiV>Iaptt2~Ls6Y*=F@BW)(g3dw)gKk zMQ*j1f13eLeNA1ubhwAFXrs{-=T^bwl#$J-%p};$Q)N?`S2ON{=GA<$NtigBWJipp z(;fcyrg=A@oc^61JAV}fv&u16v$h*!_2V<@L}vT6$A$n=tuvpbKI=NM-GJo*VQ#O( z@Mo^QB!A2))wty)5JsP^dGyMm&zQ_#FJdc$oOW!{)g>nKD8SUo%2S5V@2y&8_s*=) zNhvv)C=4=`;IuVlCljSZ`!t==42xn3^DGxkWp&IX8BckB2jlnaIyQ6+03dXgD2pO( zFQjz+q~YZhA1`x;Lg_M{PZ^U_OwdfkCFxYW+07~z;@AC-BK9Bv9aybU3g>1|=YW^y zi4MKM$8t>AN>p-_F@XxaDi0PUKtjS`jI>axbXS;vA)CHzTt16IdbJ0dc!~vZG?L#l zI9-nsNJj*4W{&C$=d8Q-V>Qvtef^1-7uS__G%jg_Mfp@-9uxI~il;`kw4AA#YhOJ9 zkGbse!YZ`4bge(`W80QiAsNw6LKY{z3kubCGJ zO+^?1h9g)GmJAdT6{Knad|>|LpTS2#5n|l?%R5Mu93R^$eEQ%lx8>cS%!yR&tFM10 zXMF1uzQCu~(*S@gwtTUp>pF@G-0&Hf!vYZokMAsPKa=ivqoswQ!wlm&^!bfUU4Q@p zAf!*mj*Ud$9*yqK%eh}#?h>-fZ`RCgsH}M(%l;T~G5PAi8(zT!0LaR@X|C3&+_G&P zyg81|G+5))K32ya?fhysv%gZWYaE*%GB>%K>Rhub6Sm^su|w2ksUzj`j;KZ?Ni_!O z_G-GllJNeuRrY^hd?ZxM@9;NU8SN}8kw;dwr>BVl>$%FNE3^!cZJjprpfo!xautr3>g#aU*U zx5mxI43p&yzn!#C_jXiS^3V0}KC&xLR)(UpE=lZpx6WE;K%Ao8O|_HM@dH?v0R$K$ z2p|9u0DvKe7y<|o&tSJ%(hE#d1_V$ltls4p00@hFPZUP|m(Cr!R!m*oJ?-an4NHEit>z_+ZqV1dU8}vj%%8V4IQfr)>W*^*cG6vn^~)i%buBbw%QH|NLm=u!jN{3w6pL(W6AIC3XFlO z1C|D=4$=kefr=U}7$udmb6m3v4US3=KYeHGhKtS;Lq6iW0l7dTl^`gBoMRO>g;XB%f6XQK1&fZ*Atg*Rx67L&+%^75@>}ba$<;0Jqg{rwxYYq>}#P(?2)U zOH6c4DUXUdgEJ8}7b$UPW6CisI|67m0hp{oqz%GHA&P@3Kn)ZLj)E=$BLJg$KyV;x zgH=ItrWfcyos`s(k}*;;`U}8Jfwe4WjIs)`Yr6a-K{!a$-uAw)?`Z5fx9JlVeBz;@ zufDE*_rMi%7y@mb%J&xJh^VGjy*pQ)khBU`zsL>mnLqoVQxO6P%j<8Ep1vf>7i!6y z001BWNklZ-)4zKpvNJNi$7Zdnsa$!^itqV6Gj8ne`}Y36i+iQ+zoL!W z{_!K7@zb^Ts*GyuDzv?QG-RcEFRNkSUSC%k&*eHNjvjhF?>Kk``LE407x9~1go(zg zuJ?{RcaE+xrHJ>S>yg}=h(w@s{-76Td}Ac zkBy|ggmL*lJQ2PxW+KfF%LnXNA+V)ittNBUGyaH>TFKNpEejy9h(ylzZtX z-t()-?mpPkl{!6hG;=d?klT2xcCt6T?>A<{rDLw*vbLfP4LtoC?$p_Iq&_7cD=pi7_s)AlbgaoUW&Kv@LArWe$ij? z(@zY3%0r8OSe!#o2~*8bt1UN}-g?aL_Luxsbn{%E*h?-GU3w>!VEm0Q6X=W&oiT0T2I)St@gupm^DtG+((6_(Kf=6I0q^#fmYQs`2!t%@Q7Ahi zy1SGkMj-i ze;zuWck$fdTm1>B&#jxDKbqo$;Y9OY7PHaVDgW@zG4# zOc5@IdSoQ^i=iY(5VIVn7Z&}UU5E&S&TKiS>3PjKnUkIy%T7t!zqbZH-{?!L`oqJi z2l^9BJm%x)G*|w0F3`b}^7v@_XhwW_aUK8Hy%XFyJ@Cz*sg^f;t_VAQ9Cb8PKA0|@ z>$iQO>V10JeI(#urB@vt%aRrf!zr*~ecGi16#-~K0}-f?16!T7w+}}|jCqw)0H1o^ah=B4QP&6m$I%f zW8X&7X4c}A&h5~^;<)w&*PQxrXg)>rc|&7%aLjR@vhsYZ$M@}}@=&&PZ~|)vQpxt@zAa+il1MC4?tMR45TvGf`bZR)q-CL)AJU zPp=Alu0AFIsy}t0ahB6VF$C0QfDk4KsK|(-A;l?nhoEbiVhD-`Bn8h7EO_(C&9qTm zz3|@zlcy{tWu-tEST)%#G;i+T7tg;vCDKr;D2-E*Gu{59mePbFPLhy(=$%JB zXi^5ItMNDsF+q@;E;EdU7o03(rWxTcW-@*dJ_1BYLAY%}*kbwDiMUE{!HF!+i`XVW zfC&sxJgeQ-ImVIjJ8eM&Q|C4Njx%{Tucqpm$0ADGuKi2(XKW**1Sdz69J;M2`uTQIwjimlO5n=!y8D8KwSAV%uSwh71cM|Gkk#BZYtX_S<-22er zue{=LhjsPE0}X{2pGLVdJ)??Q+AMtLT*!YYX`lad97&5D3BTSFFfhLI(8#(y16Ni$ zS9mQA|9$lqleL#7a*vOuPXLxcX}@MA46ubFRD>@JJMU}>>`#d=jb}5e{$~W)KuIA0 zsQXLzEoeqbN2l}B3**_%6S)9Sds$kbh#5Bik-1e_)wt(u>_}SN7AssBvTs}7(Dngs z6G}STlPn%ciQNS$rRX&RGf+}SMRil90|4-|!Q>ZyS6A}^NGN(#RO5;^C2I_XkB_D| zR@g7EbX*>G>`#?C^YWa(tr`CRYve_#kui7V{X-mSMMe%f5;gmPbeTaQ0+0zyVk190 zVp`1zcQt9v^<}Dmd?HeBIa9y0O`QBf|3a@cp_r`SKR}gSA;F{jog^_Bg;P`Aw%P%7 za!1Xe?}blaeD*v+lSm*+qz{o^51416DoTFa0rzQIa3HQmXSc2y;)}3pkPi=;nV!U3 zwakfMww>~*x)ov>28Qj)nA17E;8jpZWB&C4(|P7&J%)A?IyZ`Zv?b>Yp4tGMuI$1U zsoK_&7#8|pe1Uo6n&xNijG1?l4-iMs8?T&^m<<;+CDXkI(j3FpOiyU%tcSB$AJ*e@fK)UDq#SC zpu^@BE8&WjzyDD&Mwy&397SVO+QAdbOKm;L{o{`C zyEQ@pfMQ84l4wHJHVb(_Ei4lFiXtsZ#%8?#?0@^Ix)fZ1lTKl%%@eOUilL8oE zQ7xO9_o%Tfqp$5My*8SCeSDM!*wpSdwR_n{$3%YMOmzRq$kECCP)*vqF?Rtyvxc5o zP1X7S!E64C#o}E6E_Qd>Z@&mrh znS%W6Smx1@^pvat0NQQ*_0{gxKFhzIo;aQ@=Tu{conPiL-`}6OyDjvm9SkNV?N`I8 zM@Lcy1`0x96VqU3AD9)U35Wr3F%&)!NkmKSC`+v!H*%m9T z-#hrP4Zb_4`>pf`_J-XNFI;nYbh?dO>bA7m_;+h30zAFSYcWd3*|YhzQxpB?O@H4j z9Ltm+8A&}qmW2>hniwBP&vTl-*yKN%E1$o25CE{yC7kQGUf^UJ-2YhW|4;G0F~Z01 zd-}(g^GOA7%9ox9_7340B-XFb%3&o{tqom0oqMTu?W(q-wj94!UM-;`Biz$LS)H7t863z<_(Pc;6vAv-&qYdsKtUZdo;itS(!w+M}n{xa~2Y$-6zLxJc z!PsOee&P7X&XJpaI5J*z3Vyco*2Vko9E^o_ubC8|uij`B%I8gOj|Cc|i`TE7Mcu#q z2a)*D?6|+%*=M&cGNtgU*fd{hpujsFhKW+4#%zI{9zXwrp|lzwo}h^%CgaD1L=g%? zB!NhP2!c`#Ktlomh!EBRX;N65$nbfJOF=3|auL925CVY2=)_S)%>;Z)=X%$JfsbjhhMufNyEoNYXZpMcMfHwB?i;ZOB)uUI z8;ZsP1^8%~C!k2+A_rqOc-BVrn&DJ{Uq|>a>N6@O6`MI|7-}qwScbiN6;qM_~c?QQ?Gr#ckt?28=ij_#pU*q8{`3eDbz>8|DuYjyC$UaP+s@`d8`cSd%sXq;x@cEk(! z_a}M^QqQ{S96=mRm$t_X$1>%)PGM)FurcKLFC2z2*by)Mcpz~!D*_DbE$kPYysN#| zKO~Q%8L`R2z5B`1U44kn!>vyBTRQeURuPqRtYaF{Q zd$f);Yx!k9b+T40T;HC(2AQ7XhQFTKJDmTench4rHcjCsN!Wd|vgdPazE}~Qzx|P) zY$Kitita2^uxSo^**RvJsFsLnr7RNfk8**du1>(5psBdkTu0Fj(S*w_I(*C{HRU~1 zm5XX8jt~fIq59{bWeX8Vlh%%+b0O?_(G7egyiLnpxc{B+b;M2@V|R3Zp^{GBSM%Z( z?oH<5X77Ca@T;+&3nmB7F1c(KJHLssmQjo*Vn`bRRCUL^On0GJ;#mr@<$)~Uh+HptDs+Y~Dn?q>N&o8BeSgj*O1& z*0i!9cuR_!5{m>@RYPS6@C1JoAec#_;%nuv@<1{1?tp)`)zNZ5c0|N-PR{Y5h_!;G zJw#zn%&OKP5HEIebj@-Bh3TX?729CBGgBtbg_zs=h4@}VD|7glSY(Nh=^|o*-JSsFhEY^SkRT!8;cH%Rea*B2;|-wQZK8ho;{8 z+GRUSSh)PRs_Y|%^4cu=s(FbYb=Gvwk+vQHtqai3TbF$)X%j#_l=Qy?}cb*vC!R8|wFAbLqCqcWd515|6*%;mLu? z`$qEHmp6Rw#MrTn_|@jX)~VcFr*Ox#KN^=YSW*`4JbPoU`-QPwPB%1!y)0GI4L?s; znwUMw(zjcKH`o2Ssz+?#o`N)E#~Fa3nT8ufjt++BdM&aUtjIMxz6q5=yF_1pDs-8&rm#p zG;H#*?wK}Mn^j6Gryq)({_Hnc~#`jH!mHTmSyG_Ww9|Um|?*k$w3|FR!v9#oy90@?-ny@W>;F za?e<_(V2PSOYH||NS=9~HzvpD%+Q=>@X^zRdZ)8cgucVF&i7+KywDu<$ z!(A`mZYy(;(*&T5GaCo-Wk3jBP~V#}3a?}`V`3_&WeK7{kqkt_2{S7jNXM82l$9X^ zMSN~XUN^aVdm}R|4KMp*lRT-gPMS27()|xbV?!Fe@NDJalT~}>m^#)SxPat|a$bF^ zwe*#9=f9gD4gdhEW{gCk*G<@M>0M)~aW$T&^i;W*-O`p@+i-C>zCWwvG=#B?NV9{~ zQzd{QAyBN+OSDyq12ig81dm7oKmafX1WANeI)igU0D@fKK=N=`T=N!W8;oOViO9%9A`w9-Vz!bOw4h%AnoLAjuSB30EPMXN6Q<9QZ)uPGd z5lmi&G1HWZW`si-p{r!?@LEU`ab(c~rV5(anGqXp_9}~A)=EV=TPUYWO3rTbx-21= zIbh>GX3k;e99G_C=ACBNE^v1E!IN>csnSC)$A;L?R4YFn0#yX1l_bQNCkQP#W|cSA zTe>Iq^6`BL`z6gxGF1#)r(thn(71jr_fJZM01PFIKi+n^ChjRIGZB+kSmEf9H|@r&sE>&Hlh5ho{5- zyDLk-c#815*^AEo-6uIYzxAD02Tx~@nc7d<#A)iu7IH5Dc>}_Rs`aa>nQxu`O#vh? zo;s&t+ER8_E!7YJf1FzKks!jNZk)_Y&x~bW8P7hop!UB0c!+0yG_!&yiTg&vw*ZQpijy{!_`U+C3-E=BjUhcI#Ff070)p&A7Wh@jy6H-!%9m>X! zWIeNNn_I~i3%@S#!C532{FncZZ=IQZbv(b!V>#Dv?cjmiX3c5FeSPu6Y0Y{-xObT$}MW)%S-d~megH?}wCj2R5rx;r3 zDjbtDM*c{n<;LkDqc^7KRlTGcMHLXxv7|yg6%(gq=r&n^$_9jE=Cs(WS#izlK36Yf z2m-7Ppeh?2vYARcwq_Me*GU^=PgJ_%(9nw-FY6rAL`Z82F*~NZRD(r8B|wfMvlK3o zt{l`w2c=n*@esow4P1FD!@F&egwSJy4s-JP=xfJlD@!w#HfOzIlLxJ}vtIh# zoEz*sx;5>@t_-(z+Sf17?T7eK@-Np~E3=}HZTrp8hr3&SA1|~96 zQioQri8C=~o5}4o2P<984#7_ll%k2UCi0BM%sFf(kCk%~#0SPEu!hPf9UBM$pvAlM7OnuP<=bO-$@ZL>ps1=Q-`w&*px8 z$*nE`z^~5i|57hVZCpe_m>(2}H&4y_LOlSWTtqv!iC>e6cJ52J9KJPtj%PId_Tr|G zC#B4xozE}WF=77hSImM98#vmX-Pcu^)p=Uvq_NhqH;rQmC9;;44=%sjIjSE$x_KMi zN@1G8&I_0POH2C)jza#&A;L2S*~3z9_PykkXj$ErD84+NJC+sSjoU5tSZ)iOY2MWQ zX3zMB_TLpweEL|#L=yMU`h7FiM@Q24_Qj5@X*N^u9WyK{$1>%WUWRncKFLK4*24kA(H9!Kt&_V)%kdQ_wfdGL7OiO5{+8ASO zz`a|RY)O`6^{(xGc6a)`9}LDAn>Yz6y!k($w6j-pXJ+rc&pCI_c}_Icl91A}A}Sg) zE+i%UM5Coz*Y^BC_3Z^3^XHVQNa}I#To#mYb0X9nPY$LL4N`KYN1J{6@Rn1at*WT0 z5zcp%WxX615Tppt!-z!UIz$RzZ!6V(o~^-3N*~J?Fa(Xl0Dwe)+J7J#J(kQrKg(F5 z3yg@NQ7M&>83Pgv$^#v|-hyOUW%5GCs#n<&4#0qNXc(skKp@u1hT9UlT*_FYMd>dl zxeC1fLhHVCa72Oy(U7fi7ZSPU1VGdOB_rV*a9ScfdhaJqSSg2)DHuFe;2(ifK-N4s zWI>?jSF+@%+ASFkLGo;X?vF7$Ym~O_l{Yl`2kvZ{+huzHQ!_ZAnQ~XCZx+8DQ*<0R z7SgBsOsLs7^+@k8W`mZ;XunAlu8AO1V=O91VG3ZB4iya;uFa$hQc)%YqW}>#at0C9 zs79-m;DP-3VzaTo6A}d#rx7uuAT-Lvn{+O1->7?ML3?FyO~>>GfT+cdbA8aBTqL`2 zG?lQ~fS$y4C~4KmDUm%eCX+4FAV#AaY0gYZW?ah@kz*iTC;8DH65p zNrPeeP-5Xw;4Tbc;|s9byqAX7u4#Y&ql?!N$QeUG|0WU2su~t#6OQ;ev7Z&DnCWjt zxH&G$*EbBNB-usceqKBh%^(n9CFO>Ei=PuWdgCwzO}8*B-G+J#;{+MUd;kC-07*na zRHks~i>rOXn{JI~R##{H_C?qcPD)9T8M|GGUNhZ!S+)rPus@tScX!W@IVEK}&6#>n zc{$&{NUSR*XJl)g!CI$h+@!?IX)mwMCX+FxyP4Aj5|}LKE_VbE$9(&ud{orsQL3V{ z!x?=cZ5waU<|6v5zAWOW=xz3k%8NOt3wb9!d)Ukw^?P;-rnR zmou(XO*|yEJ>6S-gGXQVmFQntP{J*Vu^k~>PAX< z$^j7PLe){7kCSEuCB&o@?@tF0#o~P_o|6?QgUcENzB`bgOZ2%BUQD1VZ8@X1qcp_B zk{AO_Mo**3bl7RLj(8<0Vty3S-_hAP`V%hANB@ z3W2x?j>S{}00M!G1ca6-V)*54%#Cn6PM9z$BUfK;;MadD9qoi@5-HA;+q%$;>yw8* z76v+CN{3pqFh@3OaiUfyT2R|QhV45h=h~t9b?EUKtOC%~Ew9}xDGI18gnu9HoE|!S zbN?rr;_Ca{`Q4$8Rk;OM=1n&lEGS9>0AB15?PyZwXpL9Z^U>BV$xwg1WgBXB5hb;^ zjM_^BJ(6$1O|R3Iy2JROY0yoYu)?nwj+pzbIhOn^wGZ6>Ar;dBXtw)JX?j4+Lf zl0fSLuHg`uRYuU?zj=jBi-}GP3eaPw?sPKuS`gqGTnoEDe^FNxM27||(`gDBVlXW{)fLEN@N=Dp(0UjI_JkgLUtLAY!`(z{S)WmyI5Dawrv;v@^PCgoxNCqh^M*G%z zQ)8UQjAIO%zrukrXxhh*><9-B$5a>+VI-}hxK)!?qs^(Nw8m4nUp788;vj^)#a1pX zMvo==xCoD`fL)F_M8X0`d)t8CEen(Bt=I zbz)=vg1eB&DaEx01S23?hhW5MPV(I)!Wkd+wgst=^5x-AxgK4zr$B|U)WpNZ_ZA%} zqsW`aKJJBEFPgAAzTpO!eK}>Dk@>`bcg0wPG5yoN@m7$K?CaEZ?q!w4+| zFi{qOvO2ptkgslCbZN39)wkA5IS5OQKF|t&`m8KPM_lPA%LIf!*yj1vVj^igH zD?6qdn^q5q0+cc{rZPRDft0O-R(>Rk>a~?_Z)?~~c|EL$gW-1y*JMnPpX-#O&!WY; ztBc_hJ(Q9_V@U0csgeqG7$`G900OOvL?KO1+&tP)xz&sM?sD9U!f4N%Be}`V%$%z3 z?D2_6#x&ZiomfuT^Z)=!25DZ+@PN&zBVl#Gr}X<2r%9>KOCIUN(mWurR3e2XI7Y7t z7_*u?k?8)6B?pXMhinq~cq%%~!!nBED56nSMOFj?*J2nQ2KqsiCz zW@WoJhffF>*T~h=^uCC?0OSPEbw>J|VhMmvxjOf>!UBI2g8}7<_r+V5V@0kr^O-0~oqgMP_TpXL70J;i zLvH_~eUD#tmkYz8)kprSL8xZ}<8I8i zT$g770I0Is{C+Um9;XPfx;p#ft^NK9U9Kkg*5U`^fNjjY(Z!f=DTl8qOZ{NeEiX*| z1Jm07=J++_9zN94O_9Mf4LhQQf1x^z0WBDq>H_6$ZY5DuqpZG!J zP>q4Qx6Dyzq)r^)8DuZq+q->EN%@)mt&<_E>h2Kxa)0=Pu~=MCU`RzE7=^&qx#lbq z!(k|g!bt@7a^m{2_(g8xwRvY$3{T6-+r7RAyTfa{DB}c^s3UD|OlL*_0Astt{re-o zpA2sd#9x|}d)Y}5m|R2%G{g`M48c&OEt&Rlp7}P%6eED3z=$~5$q#o4lAz{|BVZV0 zQfhWF?kOT*1Z;XWmYs`~PGw*eiUy>JUt$bMCaH|{3IpxDBNww|p(EV_rG@hJvefGbp^Fhz=c1Mlce~q1@$+&4XF8P~>a=;t3qy#-6ZqUq_;=!iXo6}62Y=Pr92Dbe7N-3W!^YDQ3bQC1ZRf_^fg)lqWj~g0bjOyP0?`W`8rJoq+Xl{NQ+UOoJLFHIs?@?`#wFlNaIH#iFxF zXR$}xccgoo#F4(a`g0!w!zta0=20fasj3Q80C<$k&&2My)N0N?X;(v4xnqY^o>OHB zLQqIU!Gs2obS&80yX}=I182%BqM2YU3In-G?BOP(?|N#-;Xd*yTXV3w`eV zkTa+3Sd+4TGqH58IIZr#mk3{e`Q;a1d~x^g-N!%9m@(tV8*jYos;j=<@=U=p;VAoy zH?d#jANKd`UtJdZQSDVvY`RIte$=VHy2|_L%4?jA9(nxWpYjbk`L;O=c6PTcEVmIT z0N|ac!m}^X9o{k$>&aNsfPvGzf2nZoL~Q68+Of|dYBtq29|m2Q zE&W(U&`H))f57MaLie_e%BqUN&_k838}cn*zy6G@Yz-t|?+bhuO5a*!yT2^!_&7Kc zOW)r*)|up$le>cKI4yo}w%z!Wf6QsKWMTec5!b+!7Iqincz=YC2nCnA*#30n zXc8q62!VvSm>5jkCm2)}D57dCWsIc^jKV!FT*GH9$-vnqgr^9%II*wi90o_kE$_q& zt284$0+&{7E-aN$2nurM;rZhS;+y zoei}lBJ#TDA}9utG;H%=7!JilvfhH^lo58%-yL`G597N_gm3STxh?Q{O)p$EHs_Fa zcrWE#5i?$$OeSJu>s&2MqX!(aR|VImk`tbBW5Mn1*OIW_mbYbR$-QkZF z8$A-w&yFua$G2LD-5EX_=QEjjH->6-S{Fk*w2V`yb?dYq0MtRAc-&`eii;O}jO#{Y z3miJ2LR$kVA1Am;tUmJQOikXT{0W~NW7~bPBa~LKmCZ+^=VuP)C%S~5R+!MhS_4@* z4Y*2v%2{%B)bWz2d|&LR8#+3i)Z2v)UsI~^x_khDqR5eyH=YhgQ~qQoEGZ%(diGy8ljE06DN6h`}%L|A6ya@a2gM=@7E zqBp6MBn%$Yuegz_o%PTfp}+~Jc{Mi3=Jg(^nUtM#emMX@QNjKr?CZ@~DxyLFuo(1* zrC@k#uh1chx$vCtSHLKwN^;L#PaD}FhiN!OvoUwsk}FE~x621QWrq>IVG(9GLI8k{ zA!ToeY|=udZrEdk9(h~H&w?cxj0Dv{Tq$zF=TAcc0BIhSx=%x7>8D0FF zQfNg9r29&VY$Y7+cyevRYMy+{@_!W(Mx)Wj#>TH7pE`9aO@D5%d;<|a^2j4QckbM< zVZ-r{%a<>oIdkUSci;W>mXajlIG&S}bK=O#l`9{7@IjVk*B#Q^xnWbo)0W$B$ z*?RM#R3eSgmxUjixzJ>^!H+clagx1uwt4&mgUK;odZ9Wi-pB3uP(sPRJFVDn`ZOs8 z%g@zWH3{*q;_}&o^F|ZNSf9 zAjzsaYwwVqKwA@>oj^(%A}%UzN#0B#m%DTi91B4JU@$16@mvbKFiSVjN}r_)+Fyp_ z&kx3?7&Ut$nE)@zDwuDhodn9t$}}Un*sfJGDYjYZ*^!>|BL|8DRRQs^!ll&K-J;13 zTh(-QUtA>d1gg6Z}LR{%{VO)Zr&5# zdoVH#>8qgF+!@Zxf9)k<)lohYMtv0TlAEDo8pt6U_f}3~7FZxOZMu zfyH_i&{|D|RX$$fonXJ{C`sC1589v|nvPQB!n%A!1wlbhii(?t-86WyFTBYYzcE)c zo*G0URfC%!?bbI0wIy1r#)!j*Ui?9Kj-|*EkBbM>=*%1p8i;WQYS)sQSBBtW7Q9rK zm}%mCWY(iC%3qGj=NF|$lHRviINj`TCXs7O=%)GQfma4ILqg?`JO@K-cXqsmBAA}C z8ECtXG@~#^V3di@GBH^O+Ge0^2#f&$fFeiN{6QG)MNM|hT?A{$^i29pne*Tj? zs`m75JkaV6k`{|;OP%dnGj+u(NBJ9VcMd=l6rMHA)?^CaHZ}aN;zbX>cS>M$gk zOfp*S{V@9GP;|VBTIRvdbsGL=ILsevvmfpB>o7DZ$n})wJTon;>h~Lm?`aQSnQOYE z*nTFRuy4jKWlThc2^hMmILk$1)~^**Pr{)8NRTPe8cd%r*;*X{0OS;@+uu(di&EMe zCcjFR z%ey1Gs+;`*N;Eavd-%|wcSW=GdK%&lM~+6)jkZ*PfayR8()9P8%78d3joUk=r;39T#n)p*mY!*X>@t!hv%7kUsF z#vv4i;gqDPsyf90t~6|G>piSKwIUfh!sj!LVu<%bbDQK0V8kNu|5Joaj5 zi_k8ZrPlX8(u|9KZ}J~3nq12MxAYES1WdST1dm06DYREHnTg7uE&(D3GiNMogJ%~f zO3!Wm&EZmd?Iq(Uitxzp_K9sCSQdhd`iUeZlY;Vb-e22v;f$-w zJ(`}#&|lwN2iEW*in-~I3SOih_$xnW@;GCCm9TxEJUnJxR{vHLacQ0p-T31EhRL_z zG%weM0034@LqlW-n#%MHcVxm(v9P>#Tu zgb$mBsPXuMxicW??-}JM;jD5S>mKUQYXdi%h`BI>|3DxXmS0BA%pG^L}da`5|uznx%zpn(3PJ3Fsf zvm-q4TUE~d>e(rV>>y@yLa7>Ep8JRM?}TAl5dnaZFG8wrJ3PF_KZ?MhC&^n0bh4RV z=+Ir0Yxz2bRqDw%r{pszj6e|mHOg#D@;B`ph5)b-Xv8PKGcErF`KSQw3$YE+bRk15 zJ!y|rR@M8Cj#cP1KP%6gWTH>>c&^JJD(XL3E#YV7-=udb^QsuklwRUKi!?Tqo6PUiMTCxjVbeRI@aeU{;x*cXO@@!)b@UOEWQzh(-85NR?2!}y3ns~1oJyxLsC500OJ#lpR$7Ha) zF>8Iluz1&qG65ZZ!u;Mr*SvgzogFYD>Izx^nOW>Xq2KW7>=(5CQ*Z)n{-lEGKIW%~a2VU@r z^4tuhlGlt7{%7s_@9$wSJ^TSKwl)Vl1C!(v$_vb3%v zVGkyD=}n8PDV~UoN<|mOrqx(Vs>xj-HwvsyiNu0Xxqxta!&N2Yj^Yi*VPD18(${k$)f3n`2YY9D8U_ZVU8Ei_zbc2y zIzt$N3fe#FAJ`q(W8KdZiU1*#+VkS7ICE9W>DzyS-a$`{iXDY7oqx_`-@e`WF`RT& zzKas3nMX9CK9gPlV9^a)M%x=3*gteg7L|MIu0NjdUueqy#Sd=%sB@d`FN*AsWfdCl zScw-pVSobsoEZQB7XT%U^y*;FUB9lH_vTvV$=`F;Wpd8|lIt;FxcJT8*!C7VlaUwZ zCjkJk(Ev~c03i1aa&K>d80zENEBgJaQ41x5Ay?;M67wY9Z7mLGe0V5a3xqd?fu^x^ zujshSKpPxcN@bK)_q74NhM!RSj|}*4L3CSDlz2RzOeR%TjYgv|4D0oJ0Kjw4Jy%{{ zUSD57ckWzORo{L0-HR@|=$&`ofnj*otXY3=FWW~qAmDld#?@2?qDhL-sj4E%5`+rT z20#A(@Fl?-l;$Y7Uwhu1%j+xO-qka(i!T`4)n<2$Tend~()V6+-XA{U92s8YEC(Of!#s&{gGJ9!g3>yr~ve*_}xKvbzkU%(fI3A@=kUTRRFFzIIumKY+YEc z!;o!(Bn*Kv9jT~lAIop>##i?SAFuUXnPV1}&o!)Ho1AAM(6@)94c12{8{#sF+j9T5Ab908s&d+wF+K!|=uH1b zTYUcy-y)*Bw!!T-*FCeT*Y;-Ou{RH?1_LrF`4%DH+aC$d-}&z000=92i>!kUhjz>r zN`5djPm8>Y!%${(Tm^9mQg7{&j8(d8muI!F9-Qw-_86E0dF*8!kv5%#0<@xBdh$q` zAY{5C74BFgqys)v1Tc~!aLJZ{1f>^Zs}zI5tl@r0MCj&$R~%NA(tk9xuV}P8f!l_e zi|@6~d&3C-t`n9hZZZD0O|srQ?RFZY007FUDfrtB8JMLB=EF{nL66;0h+*OIh5I^i z$){hna&2Wckk!PFZuW?Oq?DYvch{>9$p2?=H>yo*haV2i3=zsh6doV zYhCmI@(JKewr2Ivt!3^_pSg@$NKZ*d2GY?$`;QiR`xc1M@Ap?!Q~&@p8cjh#K~7H2 z;lqak0Pny5z90zo_4O!vujQ_S@5JN<47?@Dqg1i2|}o=vx9YIc>~1OUKbXwB5T-yQSS zecAy4sM3><*SP1~bpU|xx%t&mwm)5VZO-3r z{XYXmRrZV=IP5?A{km(hf3&L0cO7GcyGf_Fw*)GD{r~_V07*naRKYtVw80Nu-=q@^qAu~!$p$qL(^;!=_TC|K4`fGF7 zh`Xh#bLmjQIU^(li!iQ#9omi7F5<4cugBNPyslY_S8&5eayit4(6?3H@t2`@f3)?1 z$L9W$#wZD5IN-G8jSbCNRcOJNIu)_;sL;KKAb4d$eY_zmeKe{{3O&i`xVd&(ci&=+ zOQ{5JF2o?{`-v_gEdR_FEuxxNFMj&2Ef0+5cjmWfqw(-46KvOwyoGH1vFnH6fW^ z$jG&U!|1VeCHKUP$4>~V?H)PMyykEQ;-0!>Rh|J^(^wX7YVouT?X$MLf5oFc(b11z z+LnGB`^=qv-eRiwq||~)edJY?Sr7p5;N1FKd~cv{V+nxNO)!t8)er|_ zJQ(o`J#A5KpEnDaO{@&2^Crr$=-S2Gj`R%mjKOj0NKfZw1?8uEHFSC`T{dU`!)-&& z-t6ixcAk!hoj?GBz%A!uA2&!3zAl_QHE;HkLKp&EcJ6bD$t$u0S{?6Sy7ciK8jar&DR8E!(RJ+`4+fiZQ$H!}*i&oKWX4o+B>Gy}lLySk z>ENO{=7nfg-?mTJd~Xj7m|PGWz~(RM29Ea!($5r&cb8@T_zT(0-@VzL3WU#NO%v`b z1_1oN)Bkvv|Fy|^<0Pc}>A}3E_N*DF5yTo!3q35qHIV#pEXGPoK203=5yyYpAt>tB z*~O>i=Y2g^up_~tFmy^)qrtQwDQW>j2#T7K75$m(Bz!Zth@c261Vy+p=go1VPodiW{o0IMHS(G1}m5T9`MN!ReHk{%l~!mVuoJjCi!J^NW|{ z=sn$$J{xT@Y777XUn=lQ>zZuJby?K~-}=>lyEtvI%*q|dZ0)ZviG8LizOQ&6rO=$# zMjjnYDuU~0W&T67%_#@;WUyPrZYO$Pl4gBReo8CHH4>}xF-6Ll($kIcOa55$f~-Ol zNbSO*3*oWs48{_I5tXHgZ6j4@n>=L^!(^o+V&|VnEY&(gsa9jcFa|{kIJnb0xOVW@ zbx%IpRqY5S0fDFU#r1{Q9uP|K2@Jt6KXh}Zs^~-a?i=6p?5h0WismV5MvCkCHrrVJ zjJfEJ7(L#O_3f8O#ssS#?i`Zr26fIP>(pr{GVMe~Y6~4(-}UkS;Kul#N2MMke!c&hdA6G7XxDHmM8XIL z;B&(>SkZ@=CD@=TKC&3A%$O%qRNUrWBW#=bX(!i}6jQemx6sWx03gDSCi*ik7Oj3_ z)h~7UR|fM-Ew7U(d1?8|7^^=1zM%EKHziQnz5M8Pvo8ezZ0q0M_`$Kd!1%O^Su7ZB zz)&5E;LvcR|6uX47x7gc7oyln1SYG>{cpW7tEse|fiWQ41=W@z(ilHR563)-R*uNg z!au$E{Lv8h%!gvB8`e@_TI8J<`@x0RURq`P{6U>fc-re9thKgeEx3OQ0HE>X_Q?Ju zP@tNdi>zPNavBY*uWuDIJh);W`tB|%*A8DY>vIz`BY?Meimm;MAc8wDz;f+yuUGlw zM?%$bvq2oxiuvxV(9+79vmDH+)PFjU@LR!|i16<9Kf6>ur?WRF6X%yo9qlvgz581G z9M2xH;O=PkdEy0m1Dk0!Ng7bi^_OOzc!v4S-Jd;i46ioMQ`iINl#c%*Y44Tw4TlB{ zmyHPKTK(Qc`k8ET-RvSKhBZIgYpK+QniKj$I{*B$tspm&5eOJQMPLm4yMpF30p7Pi z8fb_@C=9^>#$YKeJLg#0!F0TfRTP!V(uj;k8ce!o7$Fk#whxCZI}zf40^j=8wud^`cW>G|+A!5Mfs=SA<5-wKH&^e8aj-td-?f341uJC4gy!az+6i>BfZ48rXjfCd~?|(KgfZCa>9KmtUSQBhiuKox!e|A~SAj@Mt^RP>7^ z2Sf?@(2X+!^y2Y#O<7UouhGzD{VQ{qXlW+X7j4?HC)pD+>W$;?UKZveZ@u^n2!gt- zGOwrnsbH<6Qip4|4ed_wNdm$14Y~E6DHoJ1*Pvfos8@d4&>i^88_Rx{qcx93yGJ6O zBaxnPayXLmCek56${1+7LYQ09sfm_?>CQScZC^jIyCu|Zp=|@PApk(3TCnQqWyVq_ z)}3lCJ3QhXzIWx32^?`q*qujEp?EKUIB5&`Mb{&=L z$01|kwR8)Z`NL@?Mi&5plfgrcol<5;bZAUSNjeDA@>)zqWmU!y~6X1`wO4l#Ks`6j}z^7aGNqawB{IlPl zIK$ZxVUlMz|7L&Xl0yGr*w+yz=BTM4XF24|xxi8~@yl_wuR~t5T`KXw-(Px~+^WWI z`K_JOO-rz6KNKfU6yqPJV5m*eus7X(?l<>-GX7yA{0{8=NV0V4wi;K3o~zb1u{3ma z`@8Mv0u$v$ilB7o{C-nX&%aaSU6pd{^Gea8EF{m9e(IGpv7~xZ?oN_FIdz>zMhMBO zUuI}$Id()`-A6KoV%J_jX~sPZY|dGhmZ$rC`y!61CICR9KRvWLfH8=^fObqVeO)Kr z{jV#utAb3BR~0}xzMP^`MiydXIw-`BC8M3JssP(~ef1p$8WRpwkQ_>njVjxBW)PHg zSJRQ0no6koSwsfcbbS_7P?+@4`pG&+8GSad1OFEgOotxW^}D2yTAV-cjqx{}C^>l? zMvdX_$^ZA)qift+r(5fs>6v=()Z1u`>WuVsNBZuX{DTv={CG$8#bxKErHp~l$N2cx zf!*ii&Z@RmXi!Zunfy=O*|&fPvKJ)S2hec9RF_m?F%9LJb=RkTuee}gq1^FNJbrU} zb{Neka5YaCx^wpTPX6B;?bjR)416?U<1_OgVKBNi*zu>sFXI^AhxA=gUOuqp&k51^ z;FV7u2poB`LZ`?oi_7ayO4j+~|zrrS1eGTujKSZoO*JmYfzFZNKgKO8kYP@Gz z8Cv9maTGNA^4j(vOb(Tn1j!A$7D`0`004%_LeuoZ<&jMEkpoY^x@BLKi?3X`?1GYI z$FGW$xD7p@ax(wI;wS91jhBVfswDoX4Bm%luiJgkXtdj+b$QICS%$)rtO*vaTSrdD%>;njvgcsBHxf})aZY?`_UG<@m%YY!QB3xkzLPC`8|%{g~q(6=Rfpu-9p!1E2WpU4KNEg9|8o{p0r*9@?9Jq(s=!0| z-|@ChOEBmRdFX?n2*j#e@=M)?0D#T*9i8ij`geLO7Up>>vH%38mLatT2#$W?maBk| zi88NX41!X~_#&j&t3I?wxNafVnNISwS{NcX>7k6QoTv`_ufunM2vGzr`sD(xR;xtR z4Qu(9!gIwfh6z)HVLE5A(*s+_37-T^n001e<6}Ih5dknN5nfBGB%Y-!S z0ONPMz%$*+r>@M_?`H=-@|nuC&RJ#v07Af}S7*08-6td@E-b{l*xY3f2m-$S(O^@& z;6f*5C!~~|7)YBc{#7m%9~1riqhou*D1peLlC#KW8*d0U#{&(q)F_ARF^w5B6f>^b z7Si_lNc9hi108(CFR?Ls`SnH^fkt|S(k#^C!j2n8T-rd8XPdP5zW^1e2gVv7JMip< zrOVG`l>-2#x+Y9@O*rLXiK(!}RCvlk9Kmq}2LKod{mPQ1-}(jr`=JDXtx-vWUv7b) z;t8Ze7gXgZe1uPcMJ%d)$vMw7vE-$<8{RcR7q#iblhWod%*}9XqW2wN{-us+cO*}r z14EFVwrWt~;8@e<{;i=@NYHW5bj$^@_#`Q7qVt+P-8+A}@n`jXR%u?9c}87Sq&=3p z{&a)XVVFPes?QpOP2HlOymRqn>O`phL_Ft>#uug>o=#ec!xe|vkmrh%yjc@zd}#L1 z*0it15$re%Dyrg*^`^Mk%Hky_iXj|l!4w}q(DPw5<)a9FJRKYewo0-vwP;0d>3p}T zgup0pc9`axbmH&3Cf{=7$9Jw9+<+ta<8yzhK|hc4^ypkS)?9UC%~kP4oMPxRy?%as zhjjjQlp-Jiz<5XXpB7e4{y}>R@Dk;!Qq3-5}^QsU?kTK0KjKWfvYO`Hvq+a#g0%^WiWm)N4@yI zHg7JC&vj_Qic|TFwBn^#c_QseZ8nv6UKU0p003*9VRUEc=%4yAEy_nk0E4otv-O34 zJAv}-p-5`~Ik24mz1dW*g^(}VOp(>THok3t zS`^fx8gkrJ%8`v7SG+8r^p&BYq5kFe)PD~+iCf#XaaQ&;C*%0~x3Vg4?%Vcy+q)D- z{&@1Olbrtr$%g-xsLozk;$E-S@uR7S zpA&FWBuJ0Wd{y29yVPSx;-j&^HV92g&}vCm&&!_k7xt4jucfLgNvf{}Im5a`#&|l! zi75=h$H4HgwkciGB`d!Eh_ZKNKLy33DQ}ujXh~D9wer&Pm7*-Xv;X04e`7c~W}+Pg zMnza}UEYEzMd!+jG!Sg<7~R_+XsyhibuWB<-Sa`@ruh%;ASB|14DwvbZ66VN+7ukI{`8SDhC@uV8 z*HCUBHq}gmf^TkndVCj%P*#**ywAH#PI)=fO31vzM+Dq}iL69giAfKZqU4uz zKx4*h?ktpf1=oG~Go=&Ca5q2ND~t_@W(Qg~hw&8R|J=;|{{vEDdN?t9V616<&n6?G z?+ADOvi_dqU&*Q*$wZSvYTszX#@^5DwDq2;w^drp{<9bSUyh5X&LtAkp-4}osid(R zYadi_46qq60hYb&XtH60$YsU|gO$H&)EcoKHF6O_W5Rpi9dpgGFmAG?v8~Eh(dQq0 z^5gF-s;=DrEQM<&mYcdg;?DSAD&czcV_Kpdz(;wx14$7ijM&9kmMY_%LS{%Wq3i5@ z0~XFJ(l$CAH51L}r};#RkGYJ+8l0A7ac?S>cYO)UTiD`_0v0T)wbzMF4Hx|Zq+_wv}qX)V_d~w^|8jQ)cR!%8A_v)FyCGl@x@j!!W zPB?;p7dAJ_%cmfxY~K8GJo3x0v5%XE+%))HVZ{iQc;F2Oqzh)8x}LKc^@+7&j8&ax zh$0{y1w~Hyys4;F|79Ozd8Zi4SybKZ&taW?gfc0F*LHohq3077s1DjTA*=SGS@-AYJ(sP&sXN-oOTwQHztkHY zU~q=Q$Xa{lebeqJxBQJ1<1;~3L6lWZ+W!foL(ND-Pd6-z1fI+-UqL}PF2g%`uyLm- zL8zTIU$C`sXI6QOFG1NxMdE?ypSa}RgWlmk3?2PY#$PC2003B6b^Vs3e??$)?zk&Y zcJIuLYf0_ROKNZaw>`$c3!@=56jy5t{*mbMi|WyzzbZ^ALtN%B?>EM(kG&_<6(TFA zpK+aUi)Vh_;d^;vj^-q$(Jj6*-M9^N`loSRkPC2@@v~HUvmxeZp`TqBA2p z6M!I~s(d66@sCcCgK}-WJ48Bpdx3|605qgWFzc>`{O-GL*6NSDi6?5$o}w0!VU_M?Zn&FI zgk_5pmeW|x;= z_}jftM7h}Q6K|gE98aFLc|I0akMzo2V@jL_*Dge}tuO#UlEKcS@+XZ_Jf*Ijj?S<9 zj?9{W0xi#NVbZLzR$J~y-sPcNKa)xgP$>MRgZBQQi~}o|{apu@4Psd>8gz z4l&RucIercAKy<5cp=<2W?WSB^Vxga6*g<@MEawwws7?DN>_1P|CVWDiRbM%3k$0N zNCK(BQ8kae`~g_=`3pHa7!S%m$N2<<(dY@pSWvp@ z<)&z$&S*nmbV1d1XMeMz1QKagQ2~Jg9rdp=bdJP=HiC4LXLLZfw@CHlkiS3R5dZ-6 zG_+zG`q$6IdoIBN01yBf0X)7|m{N)?n|#LMs;J=pEu+-~nrr#N*JtLP5VV3xhMBSa z_}{43LVOW53e!64Esx02pcokDds^7-YhlI!;Y6l+7h<&O&$|I8X(i3d$!KcNM{Gw! z`^1&oQ=lm>9!W#RDKwv#`%pE2z#I%`uyh62%qdU|qkJeWK#WcS;|b;_2Kt~^Dupu` z4gdfc0iiDFvxA96*}9i{Lw%ocRt&u!?H{8gR~o%8WU8G)Q(8Fh?5e?h1HNNZy6mLL zs2rux(up>Q8h=mG$hJ`KQoFUz z0OnZIex9`95DWnTPQ(gQcB1e?XU-y4(3urSGpy3n%=rdI|FD=>PE^mJ z^=2eACZRawF2K)5#`C`%vH~Coe1qib(crNygF6U>xUuHyugCVVLhAjl4exZUr*W#- zRFJFBzIxoM@mbXfbQ%kKdEtU4fAf9Q?)?AQJMX|Kinf8z?C$k`N$zs#x%A#hLZ~71 z&_P5IeGw6RMX|hg{p`L{Rm2xTL7H@s-a-ikNJt^Q_vDgX@4GwSAIBSFAR$tO;Qju( zn{0VfNA*9))KXQO_^8SZpBJ3!`Wd;)(U51pxpn%Tz-v_(3i#Jl8Z1 zmCaSU%<`6W-$(xuUSPpry#u7o#mEC66og1~TyPTo?K zs^X892*V;dDV2OxvmHP%X1=)hN@{(lpDDtwc)Lm=u6z9+l2A}X5dxKyyi;4bYjauf-2#jH; z&JcE1dA+veY(GM8Mg#^K1jwnN_7|3%SMM3<74!D!vE2`|88YfJx0UR*QMNJusTZ0q zEk6Il3kmb9w6(t$Y|d)Rej@r2Pl3mOvc5}H#CZ%7E!}B9Y5g5{p+NYr(SX3G`GIMER~mg}m<>S@0Ao33i@+8ZP84VxV_G8X z{IU*S{`83<@8oMtSoN{DO9SNUy^zN>Fk>2A;svGc_W$M!27ATNdoa{CruMC6qEvbB zTJVPWi+qaP%PKY1U#ET8**MQHaz**2ZS`d{yn=3c1)2t@E>qjjkfY=9*Jdysga22* z+luSx80BrA)=&sNmbGtDNaACD;R|z5j6b*gze(fHwm0pluR?{Pe#m2FB&W229u|$? z%Emi{;PnTXRy$%bU|to~szGBCdK=z%G-ys9)y-5$CeD`N>w#wpb8ABfJs8aKyG~M( zu9O?B3(nWj04VuPJB>;;7FIJ9xe+_Z2hsp-tW}#R`lo`nd9_MkSC%4y;pWM3RS>K{ zyX;wvbVnAX)?hkt^T&XWeGhQr^K==T>D6I)b@nWYj9X5!wMX8+%iP zXZGr=i>yKk&f;Pm9+r^CD!eje&@{MEMrD`N zmuqMN2LyRyd=C76kL~?AEXULy0f1-#F;Lz>pD(2%G)n>GSk#W~}M)h0pnMs(Sdv9bC05EZ2M>YFf zOl?*Qzy@JusdS>RuCzqr-;`Yg_397pdGziohX`19u60c^bo4cJ;_8 zKP<0`awtLsz#my;atQ7!y7{N7wpkXJWglp+;Sr2igA*_ae@z*CmS0Y%<#; z{#>=D#$>zLVLH&P?Z_o3>4jrwiy;QaJ}j;-veJh^?j>VaMQ9}HXLFiLTPdrJ4)x;< za^=;TY^U-K^BSZ$4QM{VAV|~mq^^we%a%`lnl5&jTxxMIg7H*?G%1DOH8pWJ*gVX` z|4++b3gG_aU@Os126#?)GGpFCe;)X`Qm z-CAegwMsqeA(7*gk#mS|-Gj!*B8O_ZCbJA#N76YSq7n z?s%|xdNtp87|K3i463C5_zE-)?uZU@HypQW#~#z?jSTW;?X-DsG|Iug+x9e%ZqRB$L;!DeK27@N#?jhPG}S&?>zR|g)C zI8*0KxIzp7fDMP(!ex)G3G?CE&Qa5^m89zwnz)fDHfuKs4!z|MCPcAKtR| z;D+IkEONwucGxT;2I~f!w>L#USA-a|g+l%u0zg_B#XPZHH)VkYC!kSFbt*!gxvfIA zbzJ1H001!`8YyV$VMW+lXD>Kwn*4->C&Kw+901@G!gBRw99X9rJzM1FdDV1a&`?Gl zE%#vn04O`ciL1V8>Q*xEjJ>X;&E1#D6Ja}6b_^UR@DFFv2vp=*E*>+udN6`wIW7tU zLckN^*gdwRrnBlVx0S@nBmb)Z_vZ5z8w>UtSm%Z*hs}(9z)?rA4Y@we5=`o}(kLjLxF}Eq7nJRQGdLd!&f1wNnUy(a^uK9jUbFa1QnE z!_2}u`oncrJ_nK%u#qTGfw@buPdD184kA=qRMtS(w$kCg*yCdunY!9_m8H4$<~E@9 zbs;PiRbkXDu+AD5FHDQUx11!u*lc@XDB&&Sm;|6OXwY9@5necAOc=rM=5Fd2#=>xLXoGg}M1f}jQ?I5f@+>9U768GB z8A1$)2Y=IuU5W5yj$TdGmD)^t$}bY1@tlieA*hUCXYSMIoi<4gdg50*p`W?IIi|czNodHeT3wIIkRrf%GI| zd?Hb&qU93IG56Q&?>9v#SFk}I;4lN{`%L;l{UxrB^mL_D2D?K^s>`{mu@d|+6l07?GCo@PdR5f{lklxD_ckk;uQfj%;AWxdbu}Gl zMuuqYl!$?UTiQ}(Z~ytAyj_o;o5Z+i(hmvY4+vuG%?Lu^@;?LKfM9IjdD2gg%@{&> zxx$@U_UBgVXei{+gD1NHodFx4sCE@$Lc938ZD7oFg2e!HM>7uRP`l2O^(uOFEY_kW zN5|m|7TDRK8RW|Eny+|eg{n|(`Ihu7&NsamR@~Ern18-zO?5j0$c@FY(`c9*AA>3; zCZFSzV4;!PMw$wY!6LRcwZ10X#=!`A94AOF^p^;IxH1A_0Dxyf$h!rnC!X4IZ1_wb z!2ke=T?rn*{wUM7T(Xbg^E~A&c_KsXer1X5;!e1@_xRFr1=s`6xp4W|?b^Nkp&~cc z&D$?}uuh7hZ@yYCc}Fk{|m2SaxsIRy7p3yl{S-}3XHkVGRP;GHFPq} zKVv%fyN)Zsyn~t3o|fv=)X~ja0KlkOBC8pd=UT)vJRyzep=25i`p)f8xesIN0%>iT zmCeQOSrzDDP2R==Rnbc!OU~p8#bVvLs!fkIKl^sdD+3g<7SfX4k{>AXuhP`4y7a4n z#UJiHSgRFWsBS4UpJXsC<9!~Umo$uhokD4UBGen(dg@9I>1H*mX`%hyF|`5ZRM2b& z@Reg%GXG|i#r1S$6MB3MX1z5nYOt%6Nv zwV}Q3t;F!An2&2%qurpl;4PWrfW>Mq&x;?2?G zE9L_eML&J9cA|$U%EH<8tJ>WU3dJbsF|B*JHqKg+Sj zFh5kXw5)Z=krFR1!$i_z295xjX%n~Xw@GA#(Mrv>OJ><>5?C(jL+K}qYYMdHG`V2o zKxL;v+Ch*97BuDR#Oj>zG>E~L#t#$oAcldXm#AYI(uamK4(3v$;$Wu_>Zmw;R2<%} zM?dVbv}$RMzh?gKW))Gq!A2zKqz)2000Isgm#YI?w}dIZ5)_a6m9-r@*0X^0%Xi#RP65I3k*uH4G}G_l@_- zeS(`pI{Nv6j?Zi^RIo9F!G40WRRitvcpo;7<&JR}MSUs*t@}2ewX$X;N!Xik{Y*EX z;b+dR8z|!uRi8(X0|0b1leHz*2cCC1^M`)tk7_qBMqR0O++$*sp4RNrX9Vi?@znP_ zTSke656qS77gKK@tzSCEN6sd`Ep1&<);e4!cwH<%x<#8hT_|v~3Iu!rfJQ}D6>eHRpIu9t#n-;@oI>CpI>15$?}<*6*@b8Nn_I5DH)51mvCPRmZ!=De>7=-sct{m zqD9D1HDR=bd8MzW#o|UQ+IODhu;9qp?gOlg08SZcc_v?#+YAmw1==c5p_?V;NJ+8_ z4Lb zP10XtVvAe|_ZS9WjEh~b*mrsX0`PtO$iRK8FQ{7vNaO&3kRZ;;;}hYZ#T$e!{gPk-NouEIGI(uG~7R#1y+rS^6Tmo$P-{z4MGUim0D{{Y&FGJkt^=v zP6WoVm612Figjv12Oi4%r;Nid`I}x(evU_o3u`TNM-vc$^d#bBLFl(*KKVRz$)k}o zNBgBZj;vMD+y1b>JUDqs#9uaVG6;|sLo~F}(f-){ag1vNwyIlby$M8h&-vu!UWCoV zL=dxMq*~K4DNG{%vkgzlW6e)gZrn<67{nQlUi03TUGV{f-GrywvPeYR4B*smeS9j9 z$%ezH30v#zZB1lkGDjjO002!@w$aVP8AmFow~D4eE5QjkI8{KM2SX1R(-4ex7o8p% z>O(NM|IjgPs?bBp)a$JmN+|?Dlphf{oG@@0#zR^~p3<{jj@xlxPgLmNkZoxiaVq?5 zruN~9UO0sdJFtOLenq84$ih3F8(kEHWfy&Xc5u8aSKUe$95ekK={vtT&xW)9Nb9K5t;2)FAmyLuP)S?gZS)Ek~}6Q69|C!3K~~dsNM{7 ze<4uDz@VK*>uNgQ$gNxCuZS&S7v-4!!`aN^;K-PuS{IwqN`DGH%Caq~3xp5???9%% znZ2scpdVlp5KI8TNmawRj9kL*_EEiu|9B|#W{`+3H)vij$_N-Jo*V1&mmXiU#dx5( z=5T8b7bjlHIdL-WK>$Ex2)E>rdEmgmkaliIL;2I$hhGYcm$SHzjaCyyHku8IQg;hQ zo^EeE+un4vwN_)dCQB6%05(p@+1ycbAAg>x(x@eA`h}plD3L4Ci)j(VxN*a|al;+o zD4kk-eCx(jyYmQkMC>qY@dj<=S}xLjfQ5Gxjn%>=28XaFUNRn2mnY9 z!MC3wH|}@m>ps1ph4rO&37P# znHc_Zn4CR=xKIxg)5S^=8Y&VBB{;+Y03HAUM1!|?pWm^E@R9Is7Ua&>aJAq^_PKA4 zYJNx<6)kd8_%Q`yTz`^W*<8!eGlN2TM}JkrkcKBcBBZ(~HpXPIAQDhjZmN@N%^;CL zsUE~sam;>bYG#F$Nj&E3^01He=c@JzC(EaLiuX6^R95@;!2zEYHGg=yDPF=Y)SAPD zoON=~_QOydgO8Xl#0eM_!#=THr&m)r0n|!z%p+nJ2QyP7z=3A~D?+PyBk#<2@u`(Y z?W9v#>E?)uO=5kJ_QBdc<|PsA=6dWLknmZlkHw?TsP(*SN9RF=E;Ij%E%{q_`+jTs&4Lj82xi zV-VVC3INdQ88qC@t4E1@1{X?1ljm>r^!GopLtUQFQbqs(ETxyo);iojlKaq0H*wAW ztq8>&x8{~}8dIy7D+2(egkv3gqS=%;By9e5wIBdMBElN&bVG%0;ylSMX63nWI9hXR zxc49oVi(Ko2|-u-D29O-r!aLUBojlG2DNGtKp-&~hI(VYWQTF`&wOrr@DVgZK@E#D^h};1r44Y9TAr^~o^L%Hvkbo559JHHXY+XNGu- znAQ2V)_nWhBKa{N!zHyT)s3H2!6{p5eltq`ZM0W8+vbZH+I+G)$KsQY-2G4oWzkx! zwYW|-PE**?QKQqf0Hf->xxs7z0I)H9U(my&Pm8{)y=)-&?{8@c(WXpMOUFGTcJ+`w zMF$v2n}pfpCRV*!|9wSXR!0*6pxI)oFlYk!;#jd;jL2=Y+}EEc3Km>VB4exHN7=vQ(k5TWXB@W39D6R~KB?w&!Y9HkuMKSZOlv zNs542u^R^`E@@Q7`i?52mV*;Kf?*=bNgm44a$g%wJ&?Kk=frU?*ZVgoh9}3=mo!Xz ziuFIWsV#K$xD^^{cp zOd(ZtOh0RmfG_I4rZHGhK@~mlmQ#fEyPEH>oP78B0rRcuunot^4uAswaIo;mK#fekHAHx2e zDM8g>uexjvP2dP!Z~#C>z9sVy1ArhPlBMuxR$aF0HI%24*-&9)^Wea7f~w1wszR%_ zje<<1_RuWlo?>vIfwWs`O2lA!ari-eNrcEHL?96}*lsM2Cx_3$i7!jeXSOs=I-Rm6 zs&z)N?Qjz({k&w-6p2?*cZ-abrcSjrR2VdTg4t*`T+*m=G_6e*p zx%xnJb-uRELX*)Vw=kj9pC_`>l!+wmh+bKdSDrp^Q(ej2to>id41YEF`n8`@k8e(p z$c?1E-DcL>ZKvBB9`p?SZ{oQ7vqF6@;25qDD=*id>{Ntx?ZvJFuU<;4h@ya?u<&oL6+-Oxlsmn?aEv|BML$(9ujn2u6f>%r0#OwWKTN`-~t-dw?#(L={(Y}?;lU7kMAPSYX#e_oR~ z7P}^2keer?YgBPS6kF^{2&K3qGooK8>r$4!M5V6w?HCv<LS6f!ki;E>CbO^i z)Fe!H*R?4GV63~}Sa-jkZsft?Kj9zwgnwjD2b^thT3dbjyNcX*!w0Uc%zGs`;o4ED z+@L`KEG^HGGT9Oai-R*B@(CR&`D=#KPWrhbgt(i?FS}~DowC_TGmj;zQspUS(Y>4^ z;z6wuJx5Wj-OE_Cbf^UB^5L)v8j^MskwxLsmuAW3)sVz?ntQ4P9lPp!lOJvVqx>TxH z2k=GX-2D%xO%D}FL6@Zby~D)t74akAICAna&9Hp6b#M#M^I`N+;n`!Ybu}g(2Pf*y z`edo%0k5ECacQos+mM%vfnksPMXapMo9h?8rn+!%Q)Q`M&BcjFe8bMBJ$zjic!zj9 zENT47Z9ZJ#2N8pIG*ldGtxc0%tsvWGHGf!`xv8$?)!>A^L#FYGtCN!Zy$n+i;1I)c zrk6D2qpeePmiAc#->PcOjq)De%PC?WXxE`NhwP7xAX>HPo2|CN5%|O;BCCW_D&VYP zjQ4)Eo-d^mgYR<>8VhMTT65}`f=y|jL#8Podgr7q;I<}Paq>@q&BY?v8~^~aBlixQ zj!(Fr)tzQDj-8_!7?DrojfW@>0Um+aYs<7AX8WLtLIA)^LGfGaOIxhQII(P^Lb;;i z(yNz_2l6FmimWhdX8VM`AD-gbbGf3fls5Ef7qst4nQZC*7B@Xae_*~BV(6bA3 z>L2k5dm}V4SRgTxc5kjgbR#|8J7rq5qXw1h(7a$QSq1?BPb#Cr_OIDeS2|xAxpClx zSh1|OL*pYALjcOOC|`{d-Jo~Rn?^sC&>!c}|Bl6;486W1LA4%PDB#V9yk38jK`tK2 zQpKabVGw|)0-`@EJS!lW!2(IW*|4_y^6ILBM|{Hy$IiVi>fb>>SA-Z&(bTMzx2&X@ z&EPHGH=m}d$q6s^atepxjA2%nwAz%cN{SjN(wb~_0M zh4*h=hyW^370G$B&NOBeqRuv4++Mo3TwQ6f8IwH{UQ2o|gddP!Lx=e|U0|I2W!OB- zk+873$SU_{x&&}r&KqBy$Uk6&EF4Vs#m0F-9D<@|aecm}zM7t%3pco+8D2qM3q(xy zyqb+qW4C@@oRxTZecqVI`ZCOw*3&`PBu2jz)SLBZ+L{ix)*NWArVtt-^ByVlc|SZQ zfG_SnlRd5$!HkI=;?KUbN%F5?6s|FQ-5N=8t0x_}_w0$c0ag zV;C$%N!^vHrN2A&#)Hho+iiz)r~yG(dQ!jni3~R5k_$gV2z>;eO~#h&<~#<@(Ax~} z4q9j;&HE}2=d|Sei+!dAPe^coMZ^+0qTuy<{pA`u($~2hbn=(saIX|KE6=lp#B;1d zJlBmI>_>DflojTVhq?0r;JMV$3(r#7(|UZT#0=KwQA6!C{bv5jp9YM%p#UWf^c{Lb z>&^O08r9*J+6+~Fg;B%7iGfnZ2$}c7-~l0m>wBc%Awt4=A>d}}(%5KFq(Mz4P@+LO z?dW0~s??)M35=G)5HVac92?+vMTfr;jcIH^V?zLd4lADDfhzS#%7Raa!CzCX1cz6q zMFU(RfdK$Okp>-WL}C_D3NSebSSWD11+`niL?7^=5*ISSI4@#%Exo#wZZrW`7Vs0m zU=bYV4kD7UU=aiWkTl3>M#q}yqm77wAi)(r8i)mnpw5PLc3`K$gahO=Vc6zMI$w>p zRO0^^Gq|VxqACkGuR@i2)M7>rMi4H*UyZr$fj6MvjPln7hd70<=1YtB9~149dc(82 zmeFy*XT#300RVuz1b#Y~Ro+Pde8?W?fdzZr(@LVnsA@L0n(XH9vR5a0#3{vowc7d+ zY2dWr^gxL+yE*UulV5lXJ*NbXdwt;Z*Cql*09>x2rw{4hJ;BLcfz89rM%tvK+nUJH zAxs+uYgIIjdMv-3?u|X3K{cC!d#{VV4aMbyAI#iSY1BrGTvKJ+vDegVIbHG8yQO+%cbs3MX0wKwiNH$R>46=rrymRI?VS=3%Hq!x$ zzm{T)MD(OnJC3XB0RTx-_Zgl+Q#=FeO@gMNLzZLjea8r zdn&ZYf6z>VLk;wA6=;7wovOgbctQdL4+UTYT%o9+yS>M`z=1OOXb=Vgm>YyGE}$bM zxQGcX6j)L~f0Iv5^TV>I5xuzW{8jq5BE%q0BkP^JK8FPc1Y;Tb)Wqbw@I%>Y(owVz z0ARA4kJMyjHD>3uLiN+=&U*i$_OI|>Sk+8V_$vm&BdxVRRp#f6e$){OFj1kLs8Du0M#<~3h}f-w z060*Owp7x4>gWUsK06q;n1P7|eteLs01;wLDTLkP70Y#K$Zj%B42QYH&WoIFMSs-M z*=iUNwyzvczw%_C2*J*@Qa&5(A|_N>P`WpEdJ+*Ny3H$- z{yhTX5TnpdZVLC2(Q(9=TWo{Eap~W+d04M+TvxCqt0~(~lOGRzD_9cnTjAE7W&7gg z(ZhUFUQK#d!oKpZA_U5tXbb{A8_L8muZrGy!p>*IKo6`C zXF?hIR6{$m+EG~p3i5=Hj-c*9!DlD`2v}UKwchUT$L!2jDCENAQ0zb3>;Qm|9%E$| zQ3o!Pq25UHvQlV-+dNm63<@eSFCn}UrUp(Ayvvf_hg%GG|rTyeL z?z;$pW{dIXs)D8EIUABE$l2VR{BQe4jR75LM0;z|=@xpXKQ=oMJKKtWE~N(1d99l%C9fDvcb;L zxWSIAZODxc*>`65%Bcu%fQJhl6^H-#fc>=@%sZ+u)E3Rjy0Zms#pfC>J{UITUr`S= z8CpI#`6UKnk|KW9_;0&zfsz!+t)zCIB@qH_2Gp96&WI!eI46w(A*gJkl?rTjDj^ZT zwTJENj@m=LvFtKRZ2)aLlo*V~Dlq~F{~Cpfcu=pugG*{B_ct6Kh7j-x{?m9oE`fNz z(E9d6EF1#~LHLGac8l##g^}lnV4vmETmlSmg?t7Wu!EfFgE27>EP`XbV5HV9F=BVL@_>2}{? z1=(%rvKp0WQL6>Cno)@sK>*S`u&I9VvqWWGXFMETxL>^n5nXfY?#O=#HWLCr*Xa=6qWEKBUd{tQ z#tMFKPYY-Wb`1)o-ZuJ(zJS_RvDkFI+e|*H~ zHZx&-@j2DE?cG@K5>g5l0wf9_FRdR`|~fLaMWgSn$q+9@rk#5v0TFw>(Y z-xG`_RxbVw9pS%ee}~?y(e)fC%kBJ{HrRy)@*Dz%4(9cxQ4Rt%Kivs1nsMGZoVV{DC`wAS9z6ucD zALz_ah)P&vw@{ybw0KbBxO$(UI49fEg@*momfwsD-@g%a<(i{VqAxwE9-fl8BCTWH zU4Q$DyYhaa>{LL5w0iq>Ew0l!Be}>SQQ&Ojm^ngs%2pb;r9A}&NJ*g;-_R9+^PJDR z?nS{Z?}epp_1aeT*J7i?o7i3s-$q^ zWfJ8@i43M3miSRjriql8j}i2Ub;o@CuOq+WHtA0$rt#H7^>nc_$sPS?HnAHcP5E|c zt9N5Y5kn+a@s6wK7|nn z*XR2WxRylahN5!XLjLC<7fJNo5euGe22qF+P`YuX|WJ)`4di!$s@YgeUQZ^@(KE&fw2KrrgwFOilOiI zR2?$+PV`N^lA%qfx^si3uulvsv8+QNCf~1kTj$dshiG3I%Vy4WN3(Z%6|nyt=AE~t zci%_Ivv~Z5=Cmr&=3kC*<=Lv0pNEIkanwKQQg`^n^?N9mmkp8gJ^QUqQ8A5yRsk>3 zN(6Yo)L8Qj2^IRN3kBdp3yCZ_s$F-1_(kSP*$Ypa{J!md$O+u%61tvAb{gdxFSe+Hq@c^&mvSG6LlSt*M?`>Oof-2F}kN=n+WNEt7nX~t43k-oN;7&EGR{rAyuA%Nk9)+aG4yPp6`rSQFC#esrtCXNpNXUFRe z?t$IwJr~lxDTj{KhN1V%)p z7N@;P(mhDz3Q+CW%FFI`OxkdbEYw9X_!;Uo@|ccGx3%kjv`& zBK;hdpxRe%w~=N7Um~ZKtfYZGr#U%nL;Q{eT6RcVzeVB8x2fFU(9hcR9&06Z8Rgu^ zM698M8%mhNggbLku5<4{1>{oFUa8^=7hM`S;N`YRhN@ir5|&)=D>i$9j+K4>W;k|| z;=yNXvD*B+4X{Y3EKca>+WE$6u&}8A@{PWi#cWGj?rjVCEn!OC^*Sb(n9V6~lv*Cs z)yXcULpgt~;xx5!M5XS@i7u8!umVN)O9X`X2A&?r*Ho+PqYqhr?0qy*%B==D&1jAv zJ>gr#V{d-+(Md;L-QL2WP2#cS%mvz!57ry~YYLVsL_fH5yR|*3a+xQyXc~J1NU>-2 z&)v3(o3ma7wzt7A3whR?{YEX<9r#Et5-d3HJtfg0iTGSCA3im$|LNmJz0e5x4a3pQ z;8S*W@!VcSDUVjbeu)J6J-%L^tk!L#Bs&{R6!)ul1fMlpBdLN85M)%wt@EP22;5%z zXv4MPZ`rso=J%_mBO=9AzLj!gzg1Ryew>(&H$v8Iw8OeR%t^Uol~Jlx49hT0EP;C7 z?aOdH$Zxjoq}P|t9tAg7maP*hd}%p_8K*v;f*WS+x@U@iEuP)v$<+RSMeK7%{xD6jl0@Xv zfI?`cTuAi8dNf-6xNxW;MX|K|{wMk@@@-&dgn`hV-B+#=>8*23r6ui}VcjiK<_K`d zkqX>3=oaDE_Pr?ip0K*EB9w-Ra7Os$Hr(TF{AOoZ+C;*gaQ?WCTtIL}}g`@R169xK{AMW%PAoZ+t9%u8oGsy8L46R$C@ z*4lmFXuvyVmHvq=m^L}BLnQYslH>$*e^pgyn6n6v|L3}}cKS(jn8J&0jM?@+hw84Y zC2gOiGgW5Rl(aM>_H%UC{gA;>CQxe;!U6Tq*{7J zhG9ub^GqrhWJad~z9Ig2vE1+5qkX$lSk^$Homc9`yEg8d-*lop!-YCjx7d}+=jen> zV;=D0MOcJdSU)aaqxDw*&Td`fqq0O9OK!9xb*lf7;sgHW4_bOQFQ0+b9|=?D+-8p& zb*{iiIcHNEq_tG(=AQ*n03taOEe8$yVb2zMyT1IYGW%l3Me zj7=jU!UK6YQQZq^KADOSwBWSJ5bR4*WQaTK+9?c;^}C}!0t7ikgn}1lHZ)h9w>KT_ zb2PS6d-;jdiWBw?m&CO;*mbqDckoD_Z^|462^ND!URsQ`&*e@Vcwat1aaxz`7 zlxim64{3?La!D(t(IA?gP27w5o#`;|Nt)ryzk2^3*zF`aVTy;SalEZgS&`r{f6lnC zgFnt};EX|SGW;qwnO;{$Zf*BGm9Udb2XX=$*;riRtL0!U;+>tHii!&S7ca_$%-4Hj zq@yWay>Kuvm{?d^&TlUy66GAgZ|&dd*bFt@Diu59(TcC`U)1YtdeUCBg~c^0ii);_ zl4E`S{bn4qYtbT)i2b1YX5K9u&B0JD+Dss7*miH&ZFMqs-G)U!5hEt%T} z6nKLVrc95!3J3_Kf7whLDoI{mUWP4xfk&{mXw^B;1dfV`*|y$a%;#tLG_>yVlxUT& zg3F7Mxsi@qeSElV-QM2D>{?QRA53Yt`gni*7_M5lH`ilciLr{BTv}$97|&|x1O04m zZEd>#2`-<&_6SD@d;?CNNx(tOb4V%DPUe%!U6t#HyhSG7>1=$00)ADU-{8Yrsb zt5(0PE6qqSH9ZX@FFw?6YHl7*jW)4UV+YsH6hu#*Mo+UA!Ipq1cSyrxU_n=M5lkch5iHe<0` zk01yHyTdN4bbjFv(>?{F7&^@!>sUa_J=8ur(qXB^8#U0Mz84Uqx~8U5BAb8z28(V@ zaaENI$ddj2{kIy$G71V^j(5|BzECJsK}o5V`SNM(yYjp4OwdKYulRDhxxT*M$Q<$F z^`$_q!gC&8UZqq%cEP6~&(5#U^;o9C>ip)F2#`d1b7$vMkV%1f;ZadT0|R@kx-4MU zMlIdzL^iH>!ip?a*!xD)&~>g&FPY3gS>`@ zx#8hMJGoI!(Ai#IUUnomPSMJmn(&pCQA0gXGBPq#4sG6qxY{M3+pyQ^b>p?AMMb;T zHpJ-2LW9DRv@sI2+ZS!<%8e-CR(cv2z1XKk@jv*)V}GL;?pczbFbhMB}(1Il+?T|dn6 zwey3n8zkVeqCJGXxjw~*=fNnkCowhJDt8ZvN?Q>tRm(v_Vs4hOOp<$pCUe z8yZRCjB4jkPflAd)!k8u3!A$w*g$7q}`L;ZbMG$RmZMpb&{LY)-R0|2hB%-8> zCL5eK`Xb4BYpSbVDP~VjPoDz2+KIu+S|+Gz56Z~c{{vOG|3-%5P>fkuXJ%%mA%d~; z&YqN#uT=WFsppOJL19JUqN~{|JVYrdaE?uY=tou#^xIg4!(( zKfUJl+IsWD8Vt+%8Ymrlmag!ar?(`Z%~WxTZY?Sbiue8bbXn`ejsExbKwRNOUi(Gf zC9hKuTNpG0Kt#wh@_@iV&0?+N)d*GrvWW0-RaI3IY}B~kmt2<0Dk?GA_g%z>dM#dG zl$A%o&K|?jt`YA*CV@J8PW5^v8m}1`DEXZ_M_WA3cV4Hv|5;iR;pK(({6`b@4GoBQ za-O}_u85DhCx!XxH^<#n6ljP4>YZ=Swig!{tE;PfdwT`a4sc{s;^N}c(g3gwnv?^8 z8z;SK1_7F_w79*#{t+Lamy?qy&j6lm9S4Z?-uuP{U?r$y-r#<0(%lZC=wynfQK&8} zD+|s5lhHv#&jfkOtXFpgKshSD6j$igtK8qeM@An&BLR-RQtwDy9icj?OGDrhorFF*dfkz0Gg@CkP1*hi@+7o%YE|KPwtCvZ=XwUT*Fvmv?B+ z{bq{2Mv2ZV0!(&nIVB~-YU>}__gBYj0Mui8P01n|*xAc-bGt@`oi_*e=WEeGAA(UB zLB#CDWzgVa1;{#z)WXThNm8@B7f-u`yMg&}@yO=VGAW!NAGQMWLxOY7YQA zEIJMVvad60M+{Pylf#PW`c+ygg%0Q#Csa*U)hRTGJ7q8}!_fPD5_AGhkYzFsHuk^r z&!KD1rl#w83MqJEy0v!CFfbhN0zEJGjxR4^UW$r}1|YC&v>l z^itQH)zv3%&UYy?Uc7jrS!NK42iP|wIy!p6P8yv;&<#k08C#wpWgVS4kh&CT`T6-z zFbGp0qVl;~NwP=}3lE>WdfZR*l~>aw?`BmmXRfQMIU9>`B_cy-dzsBmM40K|FG+(l zQm^nUa8RPg)cN+aVh>Mt3QJOwfWp^^*?<3VA7|q&Yu=GkLya?Sc!LHNekO`CG3!9d zu}Vg6ntW6DHcOXp`)*qjDjbA;7jD<9t`|?=U#5Bve>vbMW}%k*K7P43iv(F)Tk{g8 z;$MKDvMbu#*-0rP_<{CnYHB+FxK`e_fIV?u@YdakejfP7wY5^INu9gOPg@uW!u(VXz>x!*npm!Tw{UXcU3uDb}zl?i^_73wbKr#br{SNR6JWniL;DwXmRo7c^@5j+Ir~4CL%LDLPR+ zAV`Wd%cS`7l}I2EObuBHQFXcXuU#f38a6yB{Hpy17_U<5sovqoo^;j*eUk zbjDKIF?m)l{#**UxVX{Zz6FV8X87C`f)In33tqj%fx%$#%}spdm2(fEo;7pgncFP6 z;=h0YNz?e}k678XAR8M5VqW=WaUv=*GVT4B6EL1_vwKaGC%17$?%13fWaxDo-I$$j zil5^<7i$#BGxQG((4*6`vpa(E%n-+`K~Efdp9X?penpE;%RRDn^gEub-{`j^$VQrV8_hkTH&ogFdQ zzx#>gLGwtdzz|u@QoXRns!i>E5MVjhW|z$Y(u=*BV#V6|{YrraQ;t!tNFU%ne9m`1 zMR#}HO$Hcz@7Z^&>`vQox}KTQ!ag5Z_rcU>A^w~IBxHh(xp6E#e8mY|t?=z$Woao( z&Kq|2m?SGY*)fxHYC%r4O50hE7?~hsBuJ$o?zFYEv^3zPzun!OoSgIX^D)1!uH4O~ zwPWd3KDU=jQAWRx>(ygP&|}F+PdA_7a2vOcLY9voSrJ7nK0+N76_CEZ<%Dlae3mX7v08Dy}Ew@tn^4iSg-(r z)THf_Frd@Y(XDL`rkIqID5S|ND13RJ{wNT_|7m_=0$^vB+gx(oxIT-fn;Q?uNBY>H zAmoJpE-qHAn@9&BB=#cj!6+i0L-f8>t8>{_HP5Vb;QRLN)R$jeT>R6gPuhV zpJ)&)$@s02B{=5`b`95e~srBw-F8=;Nlgsv)=j8$W9}CUOQR}SwJX-!(+`toiBF zEf;|pv6?h?RRV4s<0ukJ$~>!^ zLEa_P8tR{nI|mDm1Aczv+Y-H+w$(nZB6#S^1d_4z(cPa7QSy@_!FS<@(Z7BTe=4X6 zcqczEj{s9rPw(Za6i3mV5u5w%1vEUX)1+LPF_o(N$>sidt68N3*5a+6-&asj01QpH zxpf9E>LNFWz8+6NEIezZ2t!~)K;jXLF&u~#`5`R9H#6rGeAsR)W-VrIu%R@dmJ3B+6%x@~aZ!b1C%^^Um;ze{3 zMW8_T+!{Yne@NoiTXx_Z8y~mGtKD*G0PqVzM@IaZThZK10g-2j6U+Rdc4;x3K51QD z;9zF9ktrSuF|xJ}?=4>D~-G1RXWdy7~tAa)?potVXexe=OG1 zT)^I*t-3piCXml)Pk29R4J6Lzs0l!}GY?`V8dO3aE~ci)=6ubCg%}S9XPKEaf1l#R z$igC}cFEdwg!nN(oIg`ph9v>!0`5U{tN`A@38kxv&5AWse$#om}uq}19kMfCywpDN-@3GounkY^BoYVzgnbcrr6XLFYkThmG3TL@m5 z1c*4WwMY=0(7<7M_HTBwNHACn%skI0HJ_m(-58shz3KyvzM!xu*8+8^hT%wlK%r$R zOVrPTvN*yJAiTw?@qQ+`rwlUShavidxt8O<wmVwm*?vntst57ZfztMfS{M=mVY(;KG1qUHAL zalJs7pqW<9+Nu_w0ev#M?II~D$;cmvmF{^^4_qJ#b_n>Ya;-ZsCaFC&H51g|loS<> zTUT#vY^*qt%+wrQT=^bcoY+PK1$4()zF*_~-ZbVeD-<48_@U!uJ zrD2zbr9;C?^GJiTr5b38SSAS>Su$ER?jNAnWn+uW$}|hrx7ukn&Mq!MB+kxUgfq%O zBrJk~qv7J`uWxBFDA72auf-(|Z2zg4KM$(vjw^|zrKbLyo(|nhV9}5Lm<#;Z(9qCg zz4L3B_0y!&)z#JAotI1Z_PK}YBbb|8ce)1nS8p}WP@>U)_5tK9_)<{vh+dYXeikQG zyinb4p`kh}itD^&wFv3F` z!soK}pK75*$v-qIFTZa7&B&6P4pFH1y7$R73u zV#GxT{`)tQ958e5-4WQJprF7HlPH^Z=5>Qz9_SZM?l|z#oLU1 zGQ<%Q6LV%{A$_p0fCIx11n?~Rr^N=>qLLB?di?G4o9m>1H^3JXVxrKwo0w#Qxea%= z{7|vXnwlCTHkol3^+g5Sdf+~ll%jP?3>w{_*k;Ix{tpj6n=aQU8$d>ExdU4UfDu?R zfwU+lHg0a$>l3rqB|{yZz6SztclRqWM*{eh`Q5v9JIScgQI$<{(Ew`q_dq{T3bc6N zx`D0$!@$alN${OY|HaJb=yKxVI%l||jm_KW?rbXoYs2P8x)_;tP-{6bFcA1Xvd9o2 znXSuPaNxC<&(ndPSk+GT_4SM^5Pw8Uh-LDoUHda0K(%6-|2=;%B($)&_~54)EkO%{ zMj34ZCJ|Hu*B||&@B-V7*hmhvMtV7b`vvop&koSp!B%BKI|U8+Y(&IeN7o5<8OTC~ z1wHMeJ+b_MM@5kRdk(}dwz*26pxD!~@2nl9zk<^xO8) + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/neural_network/b767ca0c.png b/v3.12.3/neural_network/b767ca0c.png new file mode 100644 index 0000000000000000000000000000000000000000..16d88780d956e9190b915a5806a0eaf7bbb5c598 GIT binary patch literal 385271 zcmb@uWmgZ9Bt#+J z|NZ536vsnA5J5j;0U5-*s?X>>x1C_WQ_qmqbb_|-g_$*2=w89_H)t$ejxpS zKYV~V632%7gE9UwqJEQhHN)A+s2DrU%8Cv26BaJT*&P(e(InR;FN z^8@`K@}GwsYBX1;IxIc{W9n=d+*>}}@xFOaK%CWBeiRZ-O!N`>LHX(X+xffe+3KHN zN1j%a92TXrxeedvQ>O{Og(>_JL`Y!>Zl>E)r&^M>)BX10b2c<$FypFX%D^4m!GZ6; zXVgnoE?KQL9SLXXT%5xHkoiZ3p`$>NlDic%^2ZOPALBoZcKlv{wfN0FCQdBctq&T% z{5DGS(jfZp@(>W@0R_wu&eC&T_7pT>dK-)CxbR=W53zl-_w;UtRsZwI`;a8S6G#J3 z`JJB7NOLU^uZjS!ghSG431tJ}2=l)$9mpDjk$%X3+5d7R76>8+8wKe1vEElYi$?$N zIiNlm@l26#B;c>lO?5!%_3WY)sa_w{G%70`9<)wec_A*W25II0_vLOkSYeMB=68Mkrx6Y%5i8TsOw z3hjnczxTHfA3l_nl;E#r+QC5fx(dyh6rwS)R;al+YY6VUmd2!ZF9@t=?hEK`txE9D z;l6vJ951?m)$k8Mz!^tl0ufhP8hwt+{;IJymHF??5Ecl1jGdjG+1^)DLPGxfRrZe` z4L<=R16`{uy~vGpN6%=DRxjosMm5KHk{{F=ub258W*vR+((8*Qg@-k!?GmIM4e`_V1iOS~2Lf6H-zvyvrAki{&%5b#+I#FXyWa1ngEh%Z<*QC-n^pd+!V> z=?q)km*66emfD=14FoA%Yk#ED3bm5@tXWjgYa-fI!`>-a? z^!ohe-!;H7!J^uw`8-BGkQiGibePw-w`(=VLuYGk$ifm)cvLhrPHt{Zp8G$(0Hcm* zV)i4ok&Pcz|8pV! zA%XUP>xlzupgdYwlDk&6X?T^%TZy;?nRWC!l~!Xm%gXl||Nx zW7298p~3L9^87^xfmWcj)PFl(9s!|boQ~!&cbHF=Yz`)!fLIi?iM7lY;r@)FRw;Hz z{59!^S{9Lgle{Yv8`n`DEV`N$8~z$HaM~OiEFRZ#>B8kk+Z7->XnI`?C(<}LIIzkY zbouhp(<3-WHVS}16;W{--)z|Ff2Bi*;a_4w%2=8B`kziHeGvn3$aQoUSz4ueWn? zb91w^yI${&QKQ>T&#xQ8=g!3zeq!VWElZY)^O;cjzSR-v&(w&~y|26#6C&U7c<2vD zT%lg*wV1k@R6?DsEq7 z@$&<*@By{~?;^r8w-T}QB=yw_Pu8Kd&Fjb0Y>gsrF{2F?Fj6gS?O`2zH?eF&JqgEi zb;7jE>&-53wbp`Pzkcy~-RZVC2924yIU97N5)svN+Zi(034%KZ6+QD?^PeHP$-;y* zeZ!2S6&qA(zT49eSnwGj4pyy6mU2HP>e~^u^^G^r6JMb=Itf}R#-%xSRAhHQkcbEX79{VGw6zMKx@%>xxv;zYJg&I}*7!jZ6tZsq)8;!>`{Y@%T+-Z9-Qat_zM?{L$~O-ji7`jOH_RyHbWYMj?Ku}zDhYh zTx`;)moK(BnL9YtTpFIQcK{JcDvnetu7M1gDBvAeuhNf1nm)d5b2~Rn5kI@)_kOql z1|iawVCa%crO5lD2by^a^|))kTb3rd9(W4|r0=*l54&P2IpWL3$mT$O=YKa0%H z>eoh9c+dF41mxl$l|Lr-Vc&bc@r|ct#lkmyf@b#D}l52qG!jrc(!t>jDGCx~w zxxBn&F&h;Gefs>l^XaHeOH1pcP`Or}888C3Foax=1wf=iKtKTHlF1|yfj`4xA)%uu z#>FW&L1p{gEgjAj=jY{_jisqot@QNt$RyLBF4dWLZ0Acv%gf7;4-Z?7SYNSP3^bw^ z78c?m46PHyEu{b4|4r;bk@TW3;r7v)oD642IgJ(p&NN&Tnc+EAN#y3j_Y1}SpIRfg z+r5PIM?uE#wR*DK9uqdNV74XdrXGaTNmQ|{&vm8-N+{1A4)p%xa^!fhwWla^7`bY)Rk%$NKIfPesfpWC_Pg{t$Vx)36e ziZ3P@DQa6uNePod-=^qRzNg>^BQf!25T-sQEiEbN+i(Jvz{^EoqSqYTB_7x3$v;99Yt0{9$$O@Z4u9zj99Z0?>Q6yU@E5NN>09|XR6kGd@t;-`l1A7DH(TDf zAA;Cb1U(KF)Ly8rsWBr{>F`iyWIyN~;V%*L$dyMDa;fs#wos9&C@U8zmt0={jwOji zl$Mru=GN2H)a>Y0E@9>3!X_q-l|15Wa6X)l=70KCUOqZ7V0wSHHh7pL_h)1Tm(lRY zWsM}MFlcFI1vkHQc>w%T=;HBZIhP^WC?Z~-39gJMZYd@tL_%L*KfLQfrE>R2b!n;9 zbb%Cr!~Os`8%a1QC}{p%ZK2<3=Ro=)0S~gbQt)mFq0v0&dpD;whjVGnqkk7LAj71dCGGB=DEj0Ir#J6FuKhJNz)54cq{6orHl$L zVPEIP+fVN>HP785CA`HJm$1H#ehK?F*+oJ`ZWAvQqc?m z+?<>o(~%@>V+#cZh2#5D>n$!vXKMD3V7(807H9ff53}#0b(~>Bh>pV#p(b1{O@&$d z`dc4E-tH%|YE*|>Q_>1(lORx|ql}!j=f(!7gN%O9H}ScW%r3-)QTN@XLFI+|<7E$7 zqXW-9K-FKV`V`;BDlCcaH?5dve>(2Whggxc~uHuCbmZf|=+1-c-ARPyo$kek|n+n7WkC^s)J zueC&irzGjzm4bqzt+f>ao0*h`X5`Nw%l+}p!7pvLLU9GE)MMl0>~FvKuW_S3x$*Hz zG|G=NYO{&pFk+niUix`>t?Yoy(^%HjfZM7x7(uS$?n`W21%rzfNN*#il5OcLB<$AD z7^a(O8-ujj{JOe8<7)Re1is(4|5keG3C7A%RX%piXSW`Iy!XtVN#(lgr@^}3Ih6vj zt0j!}s#NV@x6NcJy18%NQRF_o<-*eFLp@u~5Tf+OJ7Bt`ML9Kh75)Ggt2KV4>P z(3XqasnBUcgBh626?yc2`=ykBceZ9tYiMk|y|q;fOnh~9bxaHr!TF_~{@dG|PNPkW z=WS_bre4Qm8BXLLfL?)oMk+NpF!1GL0I^6g5tuTp6_|qY%%brMAFBpDq@?6zLIGc1 ze*R8{Z2o@*?#WUeuziAzSC3*RI{J~`|i#o&)hFa*yuDk%B*e>n}AvWgRQ-_rhQj=*JS`0*H!3t|DbHn zDlD(H8w`D|xErKB=oCGy?kRpR-yANnb8)q38=zG+M>FWyCw)$h26H^#QZbvC6QI}r zWuk=gGn@O&C(tVwWV&Q|f2 zzJ5bQzu<3_bOV#Jw`({R+Q-c8Z;?NOvw8tSBTF79QoL#*Ju5rki3!Wl>2RLuZ1rM4 z+i#x0V=vX*^X>#28F};U%>rlkYIno|@BOUpytlVE7y*BI>-S2#$MrX3SU ze<&clk(2LD7XoQcFDxQr=lXG`SizvqOwPljrLK-e_~36(;0AzNF1LpSUT;(cx`qy) z1|xBsz72%gt~9o^wAe1y7TN&=>j;EHP;N>}%37P73@M7SAQmPjCN{QKQyhk6!?HNT zQThFD@Al>53C8Cu5K_q?tHNVA$Ssqe*k)j2a*&z`dm`hr%#_=H{M@2njPl# z{7iM(m;HZVebuJ&YbVkKe|KfFJ07EG$cQ?_wSZMy#vj65|EBXU$EzV;sc04&py9Z( zngq%v5n>9kHt%?XFTF>L+J^McS@{eueO{ubB^nb)I_)KJLooQ;@G!QM>``jfxPnU3 z-D{Yhkv;rTm$;{9i)cD1-Y@KvZZvXy8qRO@pOb#jQ@E&j<9E10Yh4MChTkXl`97iO z=Lhu|!{rNHe86XtX11&Sn491w)%t2+aS)ReROZkLFDw~bEcM<%WEe-my!oEf*QE<_ zfCdWq>)4{lMr3mdgF7pN)DKj!I0XMnoHasV0$QC9mBEw6*}lu(L2!L|T#h@t$p)2P z7iCqQR+@1W`|rmF?@xQ__Uv}6p-4DfjwZJJ>8(x@OmJS?ksLU-BTGw>ru1O5P*INw}6M)!*#iVB~d`V-oCYR5!SmIYiyB+5_kHBUbtetZW zO@iuuyxuoAHwS<%4-1Ra>2ky7<|cfT>Bq>gGO%cK@{k&Kr^s1QA>Udwsffy#n|@Ap z&qd5x#&10$2d)^At(ORMFJ~et_~t%l2FP;EPwbVyPL{)BWM!?jFh%gzF{e-HEka3v zxV}#nz4gy6HL7{ia?V#j5>!;g`}Moz@Y#*=tSvpe;k#vW5|sxvlwb)Tdv4-h@h+kW z@EBPQ=y8?!(^8EYA$f8jAM@Fghr7Sn^Yo^hzn>hjW!b9|EbDjp!B(iXAXGDSP#t&s z0yv*>3cza71bm*iM`{Q|1=ghW$vhT{uh_~UV!WXZuXDcZCqX39mFrSoGT=1>BATx5 zDiHlJ>2)RJc7CE#v>qLF4U~kV!O73U12s4vlw(18H99d_l_=IaBkJdB&aqePm(ZSC zXEKon`XC4EOllKxFDF}Ze&Z4t2e{Z*ig*tB+`%|&7lq(jNV096J=!Z2egt&hpv6j~ z{w1vWIc4%4q*TqvgGg6=3;Sb+dS!+B5;y0^!~TQEqE*Y3-H?R?CG`i^)3Lt0+`Q>@ z#-o*tzLxqd@w%5IzYRM0Uaz}I%~@+2xoQ~!ozuTnW!{P+hkv^OMkC7=z@GqhRRJR< zpUGV~bBIH5zEEXwIv-l$a=9gzT28Yn#cIhUD=ON**%xBJ+FawbFR!7YVSQf`ZippT z_&awWwa(uo3NKJd^bai|5>7#jjhjKZ2JBJpPNGR+!ZBfNYt@fg?aSWSZ)z9v{OzA^&wm;8i!6=@-$I!V z$`EWf{=RMXW|3EX?q|ADw|}Wf^Q{*@JYh)IFA-KhGujtpI#^q|8B!9>kG+#n0+(rC z#LZX<&0?)pkZeI14d{7zxdBW|>xVefB?acnd#~e)rYyfV598GK_I6<6%MH2+h*>>v z4qAf%Tw*LulkNLt2`um>o4XJ~U(I`W0DS>5WO&yRSs0hyMp9O`+~)|OY9!_4#6XD& z30TPt?4mO_8C*^;udhsSZN9Ibr}E@8~a(ci*VaSg-uZX^Hj zJtvD<9YdnQz>9E4hFLkT+FK&go8+I*RPb08aC#|P9ft&bmXsaeXeWYTP&GD$H5d*tr#GyuB=)yGIGMNUR` z_C|Io* zD%tq?-OhCLMFOM?Ywb{GJ%OBtiHl2vA;5%bf4MdAe1FbBL&H*NufPIuSz-pdIfd<~ z0a?wH|3*YQBTh}ToeKpZDRMjfA_pBBCD3y{5Oh_4O#7XwF9$A~2ux>khcs2I;HV zHE`epi-zxn&;^m4lr#c|?P$$yqat~~ZmL%tNZ|KCvghOF1(L4o{h8i&4>pULsDuP; zkb-W3RN-`)Miox{u=m^JJ|Y3H`|IrjPy%;8pS86PB++UqtEix&|J&3Uz5z7GKp6V# z({0%TDnT@d>&c=xYK$vAojuQoQ4*Pozsrj?4+^@W-}`9;(}-)*ipH7Kh0-YSm|IHB z8~!w5O?RKO^>3ZJ($uRLPRKav-etY)Gw*lK>s5NNMn5|2iasvcw6rONiJQH8A| zT172Jd%jImMPoB)7L3c&U3OCUwgoA*NJ85b5x)6CHn>!)4T8%MeJgPJ@5O_R%QcSA zCOamf-YH|NK=`}VT{*NzRa6VtnRM}fzeW~Qg(Vh^MRavS>+xF-ZW&($k9LwPeYWv# zjSl5f&rLM(K0s7Mv{Z_lDyF+tmQAL1r#-JL;j%Jkrq-?EySwtLI{|?+Ay?PUXg5bmW!K^Bpz^lqiVr`J@gg??Ac0+EK{hbXaM$b=n&((RlzssZ|3G@y@|Pv-{;% zs{$DX1%r0|LH|!wpQoG0-~V<4{Ac=A_$&_R_rE|TZ{V?;sGfOS@Bd>`+sctjXX0sQlo4-x*~uamzd~)B zH=ZJ-A=C)2@X_X{g3849SBG6U!YkoC+Qh0_uW9m)t&gIHHd(wn=!`4)#QlmU102Vh z2G7~1xWlDJrOvVf#S$7dRweV+8FgY-7}D-X+l9MOS$tJvp5tHH*k!WgNAD1NLyK>m z$ZO&plC57qH?&8OOT30oiUgbXxEBNl)r}loE0-MAuDPn{fA3zZ$f)TVoLUBX%k1sk z+qECETSVMg6~4p$G;Lcbp@O%#_BrbR82|RN_vvrXm)tTWyL0U{-?)92KcD*A4#zVf zAYh-!H=m(R|CnWj8ZGjOyx||At;(hfu*egPahmE6Wg%vxqB1t7LVhW{?`m%t>0cIq zg!8Jo|EeOLl#noM<~n87FbF+2H^-e>>FV{Q4HMMMiCeb`+Kd)>s7MrB|MXnLt`nh2YiCwv_ER)2J9}e!IGbJJFi0CS=T|*EmetCI z`vJ54QWF+gRksHnX)*`CmXd7f38P*7LIYkEQIrOv+KW^=@(kUa1xJC$_s9+FYUxtb zm1@qf7{VYDO(64>Qj_56(k@O;d7Gsn+O^{qN{Q>(A~kE84O4EU%9NI9@tt699Cab3 z)_!Vw#0o24ysccTEBo}C{ycmrC}1|ZO&M7c?GsLR+G1fWu$5>%TS!Ga(rIzTv+waL zPE(~?h1DbRD^?+5uj1e*^tzkD{(PT&N}TKXnt2>ePf!pVUKcpWYWxDudoPoz>ZRT}UR|#>==ii(0SF9Ci({ZEOMk}Bq+-v@g9a^Wf>_|I9Kt7V%i-k9_wTQc8X0`Q4~%RhQn99UWaNPAH_n{D=10snegT7IosG`W)j`QSEs<)n1psr( zFVTKhgb?F0_$ovubx$@ZACni&n)4ZAX?vVft=+{GOl`tV%U3pC+IWDGh*_^k)A{Et zq3h_<^n#06e7eSXx`w*2Pw@w&Q6q+@#V0Mh&j3C3BWX09!yX_L0N%3A{W6bg_x0rk zU{0K>qX5c;U8NbQiti)>h;Skij|nJ1d4CDV&Z`wQH4pap&84%m&5)3^#cn&8`Lkpe zm)V|ZiCqhJl16EaWA>^^JH<-(*awZh9-O>I5;dZAs@Lqqk{#@{S1SL{3y@5AIbhp= zMVrWZ;UM_?4qB4m=9kT#=r5O z3#5+Ki#PtkE>is6TZDEoLnw`=>HhE*y5&mR$*XWh-c#P=4Jm&{v-sh3UH+-ICU zLqbCQxc$q?Z$6$uqft2<#4P#(-gff`Upf9h;fC z{>KB@Z)EYfomp3PkjMXt@PfmE5(ZejU?VFiVF`&Lpxhwfa_o0M1K{Wpkp5hb=N}#( zT3xQ(+xtQg4cgru07=Br;}x4@@CPG6LjYoK!v`baDgfnXK9OZxlUx$mjU!BB7{i-= zhiH5CG+sMJBrM4=rZbd&uZ`u<8smHY`F6uUQo+=$?eRMlNn&y|KwCE0K)3P-Pm$}n z`Mx?Os*a%4ayCZ4J8-TGEiJ{LpnYx(wT&%`+GSDcxJ-)|SP~ToytY+U&XlM&RgS<} za=%9JD(Q2#XvQT-7h(8PJFG`6qQo9t2iP1Qx_=gCcYV#Oy(y8lP%RPJ4?B!ZP@gSB zuc|l&2l;xWA~>`WT3`gj*Yt7O`W&hnV<>Qsz4}u+Be>Ye@Ku4gI?f`~(k{a%PqDR% zhKXn6{1`JoiQts_E|X@}I(xM|?|IGET++IIP|u>o^tk5wrt;3Q4{f*-e`wnCy$tZ7 z&_)o2LO~<2@^%{b1hfj!>o$Mi>^}-y98MQT+R?xFKoinx)tbD$ zJYoe)k;aXsb8u+yr!W~0MqtkzsQi<*`T~Jz)$H(WsIVzPcvW;cWv$0Xf2_ir&ND8-1jlIrz5!Z^ zpY1&e;AX*oV~qs;hS74#IPqebLn@TOtzJT`9&u1ffp%^`Gq!02kobCf8q}WlA!{_t z;DasVDzE#XiNPRf%(g?C^4YK@-;q4y_V3aDu6Gq-nT)bmz3+0f8zTbgBolVW0G3K5t2_IN>Qr^+8&?q zq9wY~)wv!!Qf)Kz;*HEK+3{nASS!ZCjivB+8vPfHi?PrB4d{$!lXQ?ZlJ7QM^dAhj zjeCALD9l|D2_Fo>Jp~c16054(7f)hr^5&kG-s{dbog2_t$Us|s=JWGEI{m??qItI!x+Ia`a;xKvr(HB%?=|Zlg@-Mf&gm|kTY}O;9#7l zujTuIbHc{V&gwcKFfe`jrP>Jqs#hkK(v@c)M&`b?NwbQSia%HGG(S9Wz19uOeibaH zKzWxch&)7UPz%1|x$@Gf4P#KlVF2!eR#pEkex7nA*DF)65W$otCGYX1jYVt3YfBp{ ze?l!%e(N@Z3{x-XOoOl0${Ez8qG8OP`pJ$5e2GTWshuDvvspsT0i-YquD$

GOPWeTTlHDpFDi1Os9o-@}xQ}7P(i+>0ut?N~kMZacU6MoJ?U9;W@5m^KrNU_BCT-&fxY*k8gXRmeKF+V5d?9DrJm;Fq!`-OQ3v@$<_l1cdEd?LW~ z-w<9}q_NLV&CVlNwOr0~bW>4FC_{tV<#1rPgu#8sbzRyxZZF^idWsjZ+e)gdZdGw(zyJ(&@u4h>pWVUYE zhyGi$R4hboqwNFy5#nhhM|lvTpF`;OCxo>!7a zL^4g6&Y5Am)HH+o%BeHW+^|38{zAeK5Y?oCJwJ>zt*oq0V>JwXT;@vEK)C=6TVCYV z=FVL>HXlnv$H%Wwq-?ZX8{WROd7nBc?X5GPm}WgaJbYZSk0vj$S+1udB?S|OF6+TW z+O0NU0*;WMqF=$2>Gqvk9La}3uD!q56agy&I*_catV&n!XetX(a5KX3c-`5Y_8c7@ zdBVGh1Mne*R)oq~%mz~fti@;jDB)%aR`laeo-;)41wo%&aL(t27dTXLWsy*PYsj`v zSPQgwgxMOl9URrr=aMgL^$LE%$Yd}RZxMJSEcv7S6AH{346snQu@97A?mT&ekha`E zU$JS7oc~^4)D4T6Qu@`zmp>u3`4mD7o>k5?Rr#0VuGEz2M3|WL7k@$qSJF4xyrvbn z`#u#;yR6gYEs{ zq7M-_t9SD||NF}|qQFbFYg0F%TLXxp$!Kpvf&Xy_m=897c}Yo1Iyzg;bopWcmguUi zrL$Sj11=0w6sfg9U_zt9!$-!(YzNLCZ-8LbOMSi&s<&fvJb~FkY3f>}C?HWMX-S~7 zHB;Sfh-tGSIX}vIOKAs+94*ww!r#GLFuYPZ|yN?5Q(t zk1eW8W$HVT%Y-m7sFa^<$+la8fOy26G$DK2^Lq=gcN`gW`D>XRHd!<0gnxdVRo@9y z0I{h-Rm0!458_pG<`hm|cPnwC6EErBbXm2kV;IO9{cuH2OYDu{3K5+n2iQhBvwOeq zw^n82!|IGqdOeOSY*_0yQ4#9;5eu ztkwzYZr_6m0A~rm3G)(wvokX?-X69QRWSAd<>xe#V;zg%n=^aDyhao7-!0V`LknBH zJX{8ThA-6+0bT-tcTS*EK@tWyi!K1UKiwYx@)rJm1U4M`uX=#~p{a=# zC4kI_{E^9YIKja0b*_EmiR#0Oyk?4ueN7}3Zhl%D(aayXp#5Pev)1%A=@twisR6{` z2)c&U986N6PW}M7`!^kE)OdLnjUuE$T3B5k*F~7@+LhXjd?=eZhA$y%btfldXW|R$ zc|v43MbX;=8VPW5=4G$h9^N{?gCl)$q-5XI@pb~fcn9>)g@uWxF1TM8!w`-XbKHgO%Z)-jyb zb0m>KEs8X)h6_i{QalVIFuvv0(+hK;1 ziUXWPA|VK`0O5Kpt_wJe-XACYBBBjE56L8khGwja6tW4BkuTT1&X<;#hfQibyzT*p zmQC#)!1F-bvW!3hzFH{o_F%j_oCq(03`mB@`}=NyX+Yhj6A*-fTJ4`~RW|NfDkx}S zgpm6ctSxV1;L$aB@*_sb;!@1fh=_e1%9yh9wVe&rH*7c3|3SFY=hZpE>E#j)+w&Zu zgW>72t3xIs)2Di@kAa5SPx7Fp=<-y(JLsDy7&q$uTB)3V4w<)Izjwl)eo-d3KTc+r za9!xDnzU42{L%-bAPl}=-^8UDO?6QOY>_+MMzJ~VBFva1icZE{CC zC1xKKQ`4chHu8Rzn6_Bwa*Tj(rjGTXGv{M2;f*Z%nE3BH1$vY*$HXZ65gJUOG(p3Leplu z=ZJp48Abn^u476!p}wDKVWMoBkJl@@j=G${6KI5$DoYMX+L2vMa5Jj(*bEF+u_O|2 zz$z$HuUH03KtS4W??}(c(Ew-)tKMW6KIM`GBP?)CSs9HGE4F|PXD+_If^ro8I_p=#Cz9$6%NMbNDtx$F>C>OZBT%IZ;!B8Y^)F@~I)*UJb!t|kq zP#feCib0m`Cf$C<)9Te47H$etAOrfEqIp=g4bsDGMD+Z z#q%nlO&YHPZmQB+!mwgGiNOeFGc{9~*ruEZM>1iHgpXbX$IpJI2Jwkxv_pd-X*y(8 z%C|+QKf273e80jG&n|q?SqRtsp4G}4G;nla)GI?KODNH=>(!n4Y_(zyi@$w!&vmwz zO@QE&zk8lS$YR0vvk~qqlJF<j#YF0#?uf(%R13+vWwaf1sL!ykMJ-FW)lBxa78Q>l z9>DRlMdlK<(QoCHgyQiLpD6AjAzGumm-ZB(tz(}-68FeSU2A408#9BQ=IM98D*$g6 zMtI>2AA!rP1*`C8J`D|fx(`qt9voPN<^4;e%gli7;=JqKSH-1Lzr*t%sSnI&owg|oAm2GOmh_z?~dyX_e&iw>g;njyNL#?<5_|pfBRuxVMaHwKiZ(xPwekEgyodU%kVD>nA6uETbh4o zRX6m@TEZO;wh@)&ke3C?=~8~S?NoTD2qR)t^|=*as-QlmyH4MZCbX%ty^+M(^gvt_ z?oFe*7Gkxp$Tq(_ysFi)9cxup=pFmmVXhD{G9jSn>Zij#*!%p#!)WreNl#HHUkI%D z3xBU)M1y*X{q^(p$I>*LM6y;m2#7VzsBJ*E{PX8egG5|>JQO6PmEX__<=N&Blh)n0ku<`y4>0UUMsu~9r?7Ai|$uU?SH~^{DM%sOs01g z_FntG%N~?hHLvb?AD@*A4$NYuFg_14Q1uL?r`et}^zsw@mfL;=>6X%*4Ua8i=t|^v zg&#=iH`71oGIdc3hn|l*fNVXUYCIV6P+PAft~JS=l>Yz~~`vZvh-YDvI1O6`aWcdK?OC2@`>CSD$mN9m%^I|hP&|Gr_Kt!MY zOt&|HCj`Jh0OFbW_B)RKy5Et;p{>q&GXQ)_QTwGmU zot>Qpc5ZH*!IQu-SXkJy($WZ1ptMEA=XTy3O&uK_ZAAyH>C4N@b{n056JEZs)Q^Ud zo}QkaT|IwFx7C>n*m;|9?Fam+#)Hmh=$b${gv%n)&@djCJAqod(S3iSpmv=5YA?iM z-f}fXEAW!O^R!To;KSEInKPx*+Tt`Y>e;uE#v@lmP-*Ufq`$kkE$c}=K4^6{TVZ<^ zknp8xNcU0lT|pch93vyZgIkqUXOk+oL#Mb?hAfOqI!mvHWXy;KQ#V>kR~hQ@2I=9< zTb8Xt;r-uQEr26=xVVVHy1Kea^mSKYEl{VS!xv` z3(~1j`NtubVcwC)-55pP9oRn+pW?kq0;)@#5ZCBuYiOrN8^-lk#&jQ->j}ByyBJ>+ zrl10%Guu?~ncE+PgHB=BE7Iy+X|uDAB1yo`T2kyJX7!Ctdk)x!5~Wn&m@0Ub>+c?t ztncGoHN{*UpvpvMScaGyV@;@x^p}PqFT-o7YV^Vmw?tdA5g0A{tUb3iS_+tyKLinP z=cFCiC=vCGccHmc#{Db$%IMyTSwwDUGK`bBb0W-~1!(_wHPT6@Jr zT+HJ0;(t0IQ5k-Id;}uaZ$pcn^j11@g{)PJoW&MF!9^zbC_EImqFuEL?qflAK8Bn( zwx&kq=(=jp6=GH^JqB+X6x&~3J<-GtKNPdRJfdX9WF}(jd5oD`z4B;|8FNVsCs$>j zMZeFEsCZVC9_5zkXm6B#)8vGy8v>R!-Uc};yY?KZ!pQ;-qOM8RNc+aJ(|y5IeEUV~ z7x%Q@o~f$*(1uyg$1%>}`U?ujYe}5UIWBimo}yRf z-;)Zo>pTpmrOp;fgi%P-yrGy+Eq~d^3LhI29C{Ffwghdj2POE4D?<$zD>Z9l6l*U2H5D?PXiUFw8pkPpM%9FI~t zIi)`TxQ5rPlp`3aG+n7E6W*zB+5~RKtA2UMG+z8Oj;)vEJI(5>LY$z^$p#7ES?%lY z7Y*$Vx$A*srnj$fGHw2(P@2L4boD!xaN&?Oi+IZp%`CzBdDrMJ*-tn04fI!2c1eIH z{86ds?AwMoP%^#t#s-F(jmaVwX&auJ(5rmRB)egtTR&9N;lD?2`W%~1!Ov24Pjq*AFT4&;DG7B~$5IZ(eU zc|pl-1O|*0Y;<>bCufWJYt9On9x@_2S^)qtnu|b7(A0LMG9?<$*!HbD6%`eS-74ed zYB4|q*$zxbe65-rx%iGCkMudR9-RbS!*zqkkg@Q0LO-^uk;$XkSda8_<5>aDs9AKW z1>s=zI*U#w-4j|Z@ghW){oEOoKW*nH;k4sxQCs2bw`uyq23XMT5~4NBa6Jn`lz7`V zrk=P3fv)u&Z=VR4a}M3n>0(%H-agc2KY_~C)|-tF$Cz7dOcn*Tp=6-=v7z5O;GP$TL1n>h^jXU)wfXeUL5m_q)~Q_zmbhA_1eIpz!h$nqnxH&8Za0dYrZFOUA8s z`m_P&=XZg(=Z*KY=}AC*>+S2awXqS8!qd8M7S44CS~4OmZ4d}}9|ka^uSEgV`u1Xt z@!$}!%G=$}_4C>Od87FG`2m|9kR8kU4*veFwwU^AY_j4ZB)F)ah-h^spZFDw71;Sr zWBXVIcL4c-jjTd5!I3CE3wQGOv*{CvSlA+hhukDT-y<6Oi3)I$!CgQkJlWv~gwFS*auo(8_4+(6#cfx?m1WZCoDb)Fsk& zLjD?%%^dwIDb;bf-9oO;&Z3~*y}hD>0#@yn+vA0@vNBvB ztJz;lK%d8pJ-r zJ_ffKc|!tJF=r#)KIzK|K?g0!L-iy6|9Jt-w?h*WuRTS-mEYk!SP%ikhKl6%6JHwJ z^2?y7c(M#uDuJ9GV`R%GxGh4ucIzgh?OEjO)@5yU?F6m9=G~3ILGY?OC3I~+CM|*) ze2W996q&Ft4;U!K26Y+olRs^nm`Xh^*n^;>Fe5XqFJ04_h7dRGadT*UC^L88H=_5L zL~gBg-qpL}^o4DFNH2@5VgR9l#c_R=*4&vDXI=T}D=bV+pR!3P=4wcOCzOXN&?D(t zT3R|7g?|i?@<5kt-4eMTLSa!+6c$sSL^MHGR#rN@Ei(b!moM1tHYtjfAQ{jH)YDo$ZhCC?us4?dp}|Pg z`=rNp@v8pu9^-fcGhsAWshtnOD>sEGMFSZzYw#6nRPyhR9xoF4DMM9oA}sa(#LX4q z9{MLg?GTPm(!?kxzL9_zE7zk&I2v1Ll1Pw=2yst3SCG2;cq|*XHnSXK zIX2u%by&Pey;DW2zVtc3VHdQhs!=i6JNe1S@ohK9n;(lytG$O-0H=pduzZbs{#f|; zZoB4NgEYU&r_TP8uJljV^Dzej3G0eQ$k9%W+cyh+7un1wrcod6N}6Ket_ATEyzyO*du;imL^ZN6j-$h0pBm+@u&s*LgY?$ekqp#5fdPrk%R#Nso7+w zCoVn+;GrY*=ZEd+XhMNEpfVJbkVs#D1lnSO|4ri1nVUY@`bkRx9cY;@xDjt~GT_Mw zA`YJ7ZzslC31dC*#`LFNm|gJm!+2f#K~d=o_s<`z5WCTvbOXPM_0*;R07&^D4)^=) z9L~CIO!kA&dAFkTZ3V#a%&bHrpAXE+U2yOSkTJ{9ur&3UMt3g-mG*PbhC`B zxg&QO3%%@pqu#E7KP+zX;yM}lk_sJu=9h@x{yY49^*6L`R6vWW@Oiiy30PGl3RNEE z|IzeSVRWySux)ySr;}cXxM!yIXLF;O@Z#1b4UK4#Cgt?|%+gxe3hl^sKH` ztExr~TvQ>ej<}Bh*8Ov%Z!(3Dekb>J((%PL{ZkgVT<{wnV)mL^w9c8n}T2@!G*%#=ryMQeT{TtYv$mw z*=Qlih6K5x@W==OR=I-gm7;57ymNhD4z(ZLuktD*hDREgc!Jw>?H&FJ)pA#5n=d23 z*7Uj~p`HSVyYm-FWf~3Eu)~mZra0?f#Gn@^iCoW?7_#J#&d>3&up*I9m+Q9y&t?uR zw4AIgGd$Zg7Dt{sEytzc)%iI+CRgL)&!m``m;obdI=Z`C8#VQfU}AD+A~Cj7u4*x@ zf5c(;kSBmOOjlZkXPLWv(dm}D#ryB(Gn`)En#g2+ZOv}Q$^g_$6}Pq0 zHg3Cwits`c8gPBS--?|r^N*fvk3y(Ue^een?q<-iQ?_S0u;%So!r(xPPw$StOYP~$ zG7m7>(JMN2OusfqeK%3k8xw_>uu0y_GkmTYe!>e3rG)0;987 z>xc8E)=4R4~uq8pMN*e*N$lg?OJHQ#4-^M5Oh;NL;3a~?q~W4Jt#8@ ztYDyJRML613(o~qvxr?Z9N18DS0oVgX{BEt?$|uji~@e$s^#x-OVt~F%cP$MF}jSF zn3na%(*{HI+9V>#cAVd;{kwH#Yc*rUN%u|vkD3IWh4s2EHh@d6B{U2`B97fRlEoP5 z>FKQSXn1(GZ%ISDVUb)}SqVeC%IFd*>O(LEQ~%DJW&j~f5VCGx!23prLftE|OtNw2 zG#~$WBLw4bV{@taEI`{v64s1VcQ**7ar!3>wQQj|x7d$J3WA2U^uTfTcT=xdj|u|t zuo-SN4sx1^qvd`8wQYuozoGGaO=9}TmH98Xc^H*j)9n~Zf!9Aq$G?VbA|C)AQcjIG zEc2dov5EJ~CubZk%Fd~9(L*W`I#%AThn)K2Pr4qj^F_hB@*<< zDvT8O=+AkRny=x=qSOr`&O0Usu3B&}vFZo5b~Ra|C*g$ukZ{}@vd23DKeObB)@D9E zp(Fu6V!p?U`;#EIKA93tgL)pk=;+ ziFNrs-&ScjFe|YfU(TJ>Ss<)jxaHx`DFhXvuHYV2vWg{8LslT znM`Mh`rpr#IB=bBZ+;EhdVo_FM?~0)@@wHa-6Dp_qao!iUA;2We*F~v`S$*gUBl%{ z5-FKVm<~(tc+#&82)F4^ApS&!8DG{uYSTYz8l}?IEY#G&)jV9}n&CU;a3}b~`=4Ct zDPLG(1-BRMwL4KG*sW3=SK$jhfLMqsHq>vMjh$A($jBd*ELJWtBODBJPoq6vY(P=Od>kQG-j(7@Qn6u54z-q@Mt`qrlB?wwdmKdollkEWnxq zBn<(>pmsp@o6h&;%a^yubw?;9LcjZ2DZV(ENJIi&U>t}+r-?7%a}N+c|Ao<*URrs3 zKLZ^O(4S~)X|*|Qb^`1U7^q;T05G2eQwY2QJR+h%0B-*$WfLqd4GRkcFtsBvioQK; zJ!6~6 z!-Bt;0eLxBM+N#5zQpOeKSwLi?s+3Y37p!|w!B+(J;C#<#>s)z&mxxYFf&wR+7?f+ zC{Ofg@*|N@rj?%-&7F-&vH8}Df(t1_2u|_I_`QM9DA7piO>CjM^u+v|f0`)cmhR^t z@ID@_@ShzmUYFyqN?59kbQO?vZ7)Vtt7pCo_RRGx4I(#IhwVQ@`YPyebSI%Ivv^vG z9zW~9H2>t3xH8)Yga+i4iCvzB^4iW)OeQUw-*les`=USIQx9Ftr~7Z#Qd2yU05;G*c(V62 zkj6sG`wTx;FA04uXCGc8^hL zsszLcbSq%|;p7BDT!7gJ;H3Ziuxtp_5}*WtfkFoob93cY763pF3`uhMi0Xjn4-|;F z&wPMD1Qezo05@psJJAQ&QebfU1FYZG z%2gjbx{EuQzXPhF(fvfZ&EtXt^?TjdkXd)1P7J@tkX6vawV4&T&M0)-zK*q#BWE#a z@IL>Ee_TzTsrycBA0jB_ZQ5&9&s()gAjYsV)Xni>BTj=O&~)@JM4KV_Mcq){_OFm# zcvi^wFH~@SS}vbCOKvB2m908w7XsQq(Ai-7>`Tw~mip}-+geUjvtDka#*S99^-JR) zy2B;Sg5GGfhmU=A!W!y%s{rPQ73avf!tmv8NIxkWaCbgb zbnTV%V{P})ieI9YlT(F8*3$A=j@70}csjE9cLgx+^_tyTH3VP#zA`wUIYGJ_X!-s# z>1Rmc+e+Cr8Zviy!f*A+;c&865=`zvA)^|moE{1C`>+v8o36R)CW8}&F7#k9=mu;p z!}gpJk&*uq2veU3h=?BtDN4AX0sx(h7(cRqL+E?nFiL2fR)&s;_qu9Xpxz z^C)@-E(zQ3nSb2eZDsgq2-m81e|4e#C5F*)|9;Xg-a$#bF1I9Od3<%-Vf#AEM+^5X zf^sBVP2YWdh=7_ZJ`%~c$j~GiYL!;-a63#$MI*F)?4zk?PSqA?cmE$=V5 zf-g!T%+JXKNsqul*wLFgOlwvSB?lcR?-aOp&D^qPcU85#x%01L7`W{=a8z`Q6TF5j zYaMAS3*MC#oTZ)f0-l&nBC60#eP-d*h8ddj7qEhmCiYvC`b?(;UY!F7#Udbp!QM&qZ;-vfCW0$tm`Auzj<1G1#m-o()7? zlpn8II?|g;t?u}d5*{sa8lbZ0ZVde(HsG!$lh^boFaZf+Cv(Ab8qTB~dT^gl;D_Kg zevhbYPif}lXvJd%X;u9FPbZJj$5fZQ(45}GSPD$0wlwUEnIotaFm2l`X{@ZSY7tLD9&T?&P`X#2?x44Ea3Xr;U79f*(5%z1IiLxaewhQyC~J0Zf& zP)(11hiC`ZkI!OCu(k(nZMSSQIVkA%}S!EV^HQswGD>OB^-2-8!n#Tv})@wN23KaWQ~m)3Wh=rbSyE3#xi%$wgAw1hd zdbpzJ13pC#qR0BJdn<_!@S;1F)!W4AMk0j>ZbCv`ojWDc(; z(b$7o3SDG%XD4fBeeiN?cO_GgW5OPqe{mE(q!L%jPhb+w^lc$(V0y8IdwYW0PcV2e z%Wg-_F0aqmqNb7$G002-*2`GF^x-`OwNfoFIKK6kAPYZ-rw5xxmkyd8&XI0}+_eo)>( zuwh*#uS$Dj?<(}>i%>BgqJWdN^7Z|;D1ffvz+b8AevcX$+x+i?CO|_rKN|TZ{xq@}RxPeOa#=T8n=8k7#P1Eu9OLTNyT~rY_6iIEU)1znc z&-Nt1bF^c6;O=1DX%_SWXTk>UibwA|Te=d$wObcDMPj%0hz6VCj@5(8dHFBly*) zKfJZoT7I9ht&N%2(WCSDe%#m3sbcm8%qR(ux046lJJr*)T|*27BXdmR$koO@VZGEk z;dncOzb_kaPzW%*9QK9aOnM1w84_71Qr{F_8|0fVJ$cs9{=Wc|GlJAm3qORtIYr+&`eDhVuVu~mJM zym_IQ7nOZir@1%zYWht4UFov{e_^sCZHuhr3_Je6Ed?+V%O>WCufuy#HbUOBPe`9- zhqTvvy;jBa48YZwL2-IiH!*uGwS=m`khtCsov}J@b|Gkre->O+t|@Rai(j0z>~z@u&PGN#DG7qp&5g-7>wU>HZ!T^id}sJXim>yYEh&wlnJt zH?qlv!$HU-3uZu~6)-yLb~{NfhYIKIQ2GXw^Kc2`Ih@6#yq1OH5`TX0l z&FkyjCVWO&1<>R49A%i#d<31RIR1> zPI(5bK#C1kp55@K^QBdGNWI5MU+XTiw^a&8A;&hLYc2+JKzKT*MizY^2J%V(FtLB4 zLVSP=@p!u+Hl4xeTAZ`g;HGTYtREv9l^47X06p6lj)Di2f%6|8b!+mLk1(c^%Bor( zl8WjmEC@iyZdFBRO3tptZ&LN#{Y`d~n-=z;2nvWe$5qOd9UA}dZT&QIIze46x4~7s zT3dC0|GVy>V3IHx2pDIox&@f(Z!1x%NPO_y83k^1moYu)ym}g^cBvA8Q!q1SzHlyc zoHakDF{5A{1KJopmu9^F-^8cl7{`2*ZBVm2!@SeyVKN`T)GgG0wfExJ`Fv*|Fw-gU zZqc0TV`OCmAOF(Q^fs?_HtDxlkf%u3tsk)EAfudgG>wM8Z&usGP#1$N3jKfv@e12= zbz$-Av{Eqc6H^lDF55?Lxj+u|!Jq5HR%#zCSRP)ZB%Z&c#(FzJF~+Bx@T zETIu+(uegPks*P2{ZkLF5=b28$_sLU^vL8Y*ERuapZxG`+0+Ki{c}D1wXbXhue=7$Co1 zHqk%E8K-9}88Xn}5V}j1j4h|N_4`nY$gtvO8wh-Re9o@lT0Y9;=OYh879FEtCO*$6 z!`O(W>zRZ^f#JWpOe566kvYWMkylu^W!2Ar-VkEMdQ-Qyb$U}C^SLSP;5CtpuR_(W z!xSfPRK&s(HYAksHym>Y@v|^IqTog|41O11vhh$y?|c*oDI2O^Yr6k!&XaespI0ih z)i+cpWIXY=?P8?ma$Ub&El}IkWjvbVeG-Szzs;MtR4^#}dLV?5)|77nX9o}B!L z&YvURlQnmm9ZOYadId}PY{!n=eqFH9$WR(M->elv5JZH0`g*XAkQFhxo&M+re<7<1 zya&g)O_HW1oqA}u1#lEx>*Lch9H{Sq(nyo2YC?;>))LwRs%b&6{gmslSOkK*$ycU4c@|3$0mSAzH} zelIG&b|yA%jTE{t3d7&Xnyh^0*^RJjxeMEi@%*yw9>4Fido<$FQqyd>-MQN>UqqXJ8Lmtk>)CpX12s{jM$5mG5R~00 z$)hzbS;wa~gyJ)-{J@W}Dwy%K!*V==-+Bl>DB0)~RXDacc-LAz0*mLeVi{@hj!w>x zEqU`Z`Ue#Q0$Dk%teHs3ksngdrchwSv(g{)!A3yLmVyV>d=o%!IJ4;1ME$#rAE1H` zYiODd%Ven-+-Cj=V^U(~;Nu*|KY3dE`9IG@KUW`eZ621nK4^!aW;aO=I}b^yrZlWv z7^?k;U%LSOiV#Vc&5L#)5eAh&^~bT?pr_uB`yRrU6C4C}{p6PE5;K#T5%EP{Su4Lr z>9u|501oGP`}g>pq4NM!S{l`vdk3X{{^}$`9IQj%T%iF9L(5s-ku07Nb;vP6zm=_? zd$b8z+p%6gJ9qbuMDAZHM8*UE=dR)Y;~Vo@Sgnb{7gF2%w@<-tz6DJ30qCDZI_RQ{ zSXi<(P_zll4?8EmavijA@(SD3IZcBKt~wA{1tHeK3&EFWak{zJrYK#k$*kwww0SOY zDEB3i##+eH)WszU-)oy{Xo5XIRaiY*a}*cwU}%#I?O)oMeKJAO_x|l`I3!`nE@=OI z&W8Y6?78s*e=sHaW?|Dg|C?R?EI=0u#22H3xRcHtt^CU~mGoryx`Am_@t>vWxd2Ik zX{sNMJ#{PkRjmhh-mQ~Nq~+hJLL1VOT|ERTYT)hCaW4Y{`4xD@Xm-@x{X(N!@x`Es z{`38a!CCfp+vtv`;U9p(Co7e`+kb7ko8!8TTyKObB{(fZGM?h3As_4|1LmIp`$jDnuKS-G8*O|q1x5Wjm%7#^2e#NNnQW}aRB`iEm1b7WyD6*(k|4`7+Y8N+rNaR(Z z6i+RPYO{s;JgLt6`wSQP+VjvXo!`~#8v#|Ug$HbyY)&}oiP`&_emj$oU5qFJ`&|@X zX)pU|)1KWj?j=rRk=!=tl&XCU3DOSWaKR9o!2 znmf8Z6y<~nCu?rwVYH0srUNWRO1Osui)epz?}%bgLxM3m{vbDSAjp}Kme_&rn8VPg-Xu4W zVXb$|Cl+m3NSMXK1-s%T4nxM>0ZKZpmI4x|4`q~YU{-A#7znvgyJHUtBS#Pv>294# z6-YK&Zx$Er4@pWSB9=a@A+@x+d!lx3sb*EySP5fH7JqpEZ1IVGqU7og4vTr|Zi9D! z#P&)pNb!h;E4R@iIC>B^7#o}TPn?T@=wW1z`POh&Ugcuu;pA)N?CLWbAe9&&oIGB6 z@>jzy)@1e3oR_3CUFH+tT9GP|sR{Y>#m0Q#=uV1vvt#s-dc2Q3Cv8_8o|xQnfmmC?Cg+R1NB zhnDS+p=pg*0fMru?tyl(KDsKewR&GQyZ{XVPN!pdB#g$MR0y+m<2r%K4o z4jgHIygL(^S~=O?Ma{6T;>6eVw|o6}Ly|vJ7of;jrx2>F<{r3qBk(oJ!vC^uk2!Y2 zRg^h$nl=p6Y0LA!cAQ!s*^CL+H?*F^`LMj}8eQPeM&Xua zm}rKrOLpcK(VaZPlPSqleM56`XRPK6>cApuB?BL_>X$7-r9d@O4@yOjyfrd7S1n&3 zJcz4up5liL$X#sYM>RRpzfB}f=-qc|RJfhV$(H6jS3s@_-HeMzwb`%cql*#L82Voi z7@1$2d2k!66(u1l^u6e+_XW6)8mo)19mVNjXvdbgdMF1g3c>Fv#7G#)#Gy&pf9?{! zGIsp4ZQ0n3O-7q`ILxinNkFeAR)eUhXKVspzd#;kv9KOCM&kAQZflHQWgVg{w1US& z{0LWndoOIRXuCqDf(H{~v3PJ~{m^-C}Bq;c+>Fh1}5CYqyTxG?O1w70KkElaB(k#^Oa}FTY~HT>*xe z7yy4__qfk(|IZ{b%%a}q?{NxV-2gwqnQz=+I zS9DC2eYeqIc~BBNnQ1OW>=4ol$T#K5SsK3Lf`W4_Z%B}34d)hENua2bj${8*1$`U; zM+5(=q&apL%(0aDGclhSeX|Uwr*LI2oGq*tAboWeS;47fbFpXx>w64fmKuxdmepeo(~BHly$gdD{S=hQ>4%bgn9%79NDt-QJzhb~py z=BHbPjlj7~B}%SEaSRH@#Mr!fmq?Ys_+8(Ys=G?$ej?P9+K-sn(SW4Lj^5{AZ5?*a z`0Nilz{p~m5T|1)nc0Qcs;nZQpm4>c_R6Ydy>EUchy91(l84WqI#(xnD%Gd`#xz1! zB{2^ifAuZzGF4z!_I$y(w3%g|K(`d}`{v?x_rWrXHo3Cvg%C}WDk{9?@-hji`_LU4 z8Q`Mn=0MiXE8rFD@@0Ql^N-m5@yk|{n5967UKU#_tS;B--=x!;lDwwAPKDT{#_hLD z$CX>gpYR~;_;cjpc$eLiP7`P9mZlXB9TTNoqkJO8NN;`5=-|DUyFY3&3tbyuY|W#7 zjUKIaveH8Vy&hBCkBjiEI5=n>s*Goi1~{c)J#&B{023Gvc+S0YvObJDOHZ$C8I;2L zUHw)pPLDR6VEvp}xI#MQH~aV-q3kiuxe;YZ%r5{jyJ$?$F!@ejXELPj*tWyF)IHl- zHW>f4u{rq%`Kr&{+dFkE?nIlpsjm+J;~{i2zz6?JlA@up1_G}y2^9i=i70fE=O>oWjQSqM3)jW%vr9`8{`4|C37>nxgBl+vo|t`X^|&ls$oNFnrS4AHKC< z-Q9hPDk>8+A3-l8lTDanh52G@HZBv2yV` zhDOu3kJ+WW&KdD?k~7I(Ej{G!a5C6gZL&}Mmc4;5nOCP;WptQf&XE%xEm4E%cmx&# z8IN6NmlJjP!G}9tq#nooq)GQ?kQrZ$rm$6X6-<6ijVz+cw8I&E;e!*(V6ntfJ8;UU zW>q0g`l+Z`U>~K2Po4;W+RYum518hK;GrE8LfX_uelG@;WGNnBES${Ileqe$vncq> z#v*FF=lYwYM=7^Go$dFlIy}Xz+)#Ki%*8*GY|QGuOl!lMNR63DY0oSE^$e&}d9@tg z@V!}I<3aRo{|tyapix3<5{lMZyJZN;q0ka!f{}T{XDcr*#Z8hL4Ob2%M~7u07O$Yw z!|2e9DdJUHIy>N9acCprb|MB6*+JUrkRagm3#Oy-K$PLVg&As;86d3%@}V!LM0h1t z)U^UW6s?(ZJYW{Dz6Kq3i3ujW%~On?!>%?{_-zvxQZ_m&E{}8@U6#5k601*s+nQ@= zI_nEi6SRaZ#NDWk=a}I<}H=RjI_qjM;j_Hs<0qqhb+@ z^em?Odc`8w5=T`SzM}EYdj#o9WWhXTXqCLHHvJka^f*}`qu4!&L`0;mMODz=Jkxvm zHC>x0qqOVgNduijy&s<)V{}4{-{}sq@FTW!a2`U$3UqxQS(<_d_ay{~{s)3Wfgdud zc#yD<&&$Dh%Bz{(dq~4ZHW_M!x_-%_O@Oe~c3vj3%3ymhpT4cJfj9+uJO&SPg!NfrG4=8PlQ!9CCqPKjeS zz02fKGEd|=W}(a%0jKom4H40P--->(u%es7zFhND`wc3!I^WR&Yg1bN7O*| zQSMuOrsz6_4HpFi$(AP15YcmOUVJSNO=KbQyIX~@f1%j81~8$cx&5RUb-JJ#&|nr< zpZ)9bfjXx(zKT7)@Q;t&t8nzES}OmTo7@Kl&4P8wt*nz#1BAv5Ul6JccSN-k*FSim zV=?@OE6JHn`h8{6=Q*UQuF-iv0^bAhtncgP@4Ps&m^MgYMu6?QqX6{j>4mz-QT_C5 z0*h^gG7p^>(y$76lz78mgMyZNAD^Iit?rOXE31dizn+tJYNfWi4?vS3>R*qSaSllP zy}i9nZiqWa8r4^;C_+}ZFl|S0fKf?4p<+RHImzopoxxsawVg*^=rO@x;FQ>$F?4&| zsC_=SLpWqO_o|Ok;_ z_S;vAOqI_rW(#Zz0zEYuwvdYX#oR+#OIG{V1}jev(3r)xF`abVq2cLH#~D+Tt%=^9 zU!w+`#t6J zt^kwg7abyRU)Dg3TI=W6YJQc#$Ch)s0`zRUnmHqQXg(KP?lfmUM+NxdAxOc^)F0%) z*dI*zeEAH|2-r)BkvrkSQnYgRrKE-Db714zTuXf?1qXiEmkRM39QybF;?);QPjK+$ zzK9;~wX6{dg0;S*SLz95R3AIQIy@`^1EIFu!!sWuOEAb_Hix6>i$iS7V_!q5T8x1D zJhtKS-+F4}2 zd&u#zoNtU;q5=z5y+mP&8dzO+r(H-jsjA5u6hTTU^C)WLn)1;-FjtO+-np`h1g3qO zqLLOGUJ!CZrmReNER|==YYhU=`KeX(_Di1mO5bq0Ys1ZU3zqvcA8n^#?D}ZrVYKKB zk>FY=QQ_>8pN9(c;V{&a-H$Xu{sLnAc)*T?PRnBG2GYh7bIlWjOYgmDEL4Yc$LJQM{WlArxUYt%W!@s6wCj5x=mqb;%>%~ zi8(~d#=S(ddwHdVVYZQ%WK=XQ?^2HtUKNXFo;V6j&<<2YjFjU1#oC`Enn+r1M-q6o zwu!&{*yT-Su|&vUK@we63sI~(TzFG6*@BcQh*gu)Cj&|0A!F6I-dgBy4P&WBKo}Eqy7sB+!*0x5 z7awXkC?NZB0`X&v@C`lZu6>g^fNi&pm$gL z!+te^_JBVGur5X27b=@fpZj*0pntsO?~kGJ(WHumDvf=Vr;iQ`$<|`R1449ki0?~( zYAx-5n`=p;Rt^7f^R_6AW>SUo;YS6?oHEMtY5<1-_elm2*8VsM8(g!&V)>l~^-=ft z+WdBP5$Co^9JDuBvfvUNSnhG37-7Rv5wQ!OtsVXS=4b8UBp2Pqxfqb<)?2|TizeF! z4B&Si6wEvFEiKbq!|yynQ{H-}LN6BXG}?yfBn#i#Boc{Yv|Z08MqAE4*1SC70S*xt z*yMKGg|H5~$i3Vk1u*04Vc%@)twX7^>`%JB!+^Ui|E_q;Eu6*HcVf^_&87ilqe`-Y zCVyX^dKgruH8s8c8~+S-%T%|X z=~G<(u04i=jF=c}s3waXkV?FI`~_fwY>GPPWMm(g-ON7~yw6XU=0k;vkEV^1xQ=3g zhiR(--?Hmc9i)tVRL#`CRt!AYuh{U=>jPl;wPxi|Mu2|q2YSCU2G6WZ3w-d8%34Yo zCE8Ixl)G!_D-VN)WHAKQa21^W!{mVtj<6S7VWZ(2AF-s4eStiBfZE$ak>M^cKJ?JY zwUrD(#yv=nP#bU2i#j>=EH)7@nHsaS6R3=g1-evk*soz1(zVCk;o@Y&K|jY^bc#Rr zQ#<)nT6(Q{wj=N#KWx{Kz=JyGG&87XV;eec$YEqfeQ)fVAey++J^U71>SJS4lbob9 z7V(g}PS1e@QC@uLR{At2w;HUFn$-Yw_yXPoB?X9Nq1~~7KgAvUTvR&+R~A5L-(r`5 zstnM)X;i0R#HIPKrS10hLLj4ayJ^qTtqIrUF(WKQ3wQPhgd0_H8Q0}<=C!kbm~#M(w(Z3Sn|9I(_=&F&P(*GWA^D(v6#2 z>UhwBlgrH?8@YAZ$*Cqe59NFPZw-FfGAPy8$#11r(F@=`1zzv*FZNB|Z4%8s9r%)# zYk_bjxGD$yB)c~>Oj?=`@af6MHjU-Ddqm$W=@nSZ%34-~0R=C16Mby5!3tS4(SK7p zFOM)}o0Bb)g%`|HbH9;r-Immr*6K}XUL&T-`q%Ak-#~l-XjPbEKQ_BJ#KWZ`2Ra}7 zBGUd>4t1()W}lcE9O2ZF*4^jpDtl8Nw?(hWy%%al;-kR>66wmJ@M`1BI1im0p|iG~ z21*fL7M33|>|`qC=5@}_`v-Dp?9$_3oxrgZ-VZoTvnFTakwvF2qbY^Z4eX_*cMl>aA33y?f-bZWL1i6CIH$I=aS^l1-7T-{KH(i>)jbx_F@I_h-lE6H0%g788TRvbN;rg?Ayc^rg8-Iqru0B#rdf1Eyd= zx|WZ}Xnx?ASz8DQ8-j!AMG3lHBnRm{DFxUD9Ty~MUaxKjuhQ)D5APZ4Pq+oXBfE5Q zuq;I6R_hd3WvO|~oBR7b*~Ial(K1wyuG<|zN%2hF0?;lDxf5j(09$k(FV0}_(BGUJ zorKrK7SO#ng=`w*L|Q=&M;?2 zKeQOW<#FJx@ss}%2d+h*M-wQwR?Qw>N9d-uO#ZzuHLWDo7hJ#_Dvx7-=tqD>)w-sj zDiby`Z+hZ+WIc8Z@jE4I!57V{$~H^+Hs{hsYJwU>4_~-MXeukO_dOK^8XA}gogOYc z$S2_saxMyUzT~D6h1Qn?iUjm&j^1S{io$m6$GquWpxX*Az9>fD{_&DIt{PXGj85MC zP2yXKsHPzWT*}xWg&z$9$WNhU_m4;0CkS}`66_}}g{I8t7_Kj3TbB!>ttuIp57-9N zhT)*7a!KqCm3cg&m?jk=r8x}p3FZ0#GJcIW=flWEt5^htj8p)Qei1(aZQafhvX;B- zCil@X4^MJ^#NCz)M-s;Cah0fv0Mj!fpOzex)~Drm%Z{kpszr!~?k&R=@6V&jHlOjQ zWY0_ga;b4-^cnX*)fIxr_F@hppD+j8Im3TkMs=8^H@KqZCJs|Zio2sAeX$V}B}ISz)u2&+ z%9DP!qjPA9M_UuGaa6x#^H<3YT+ciSD2pfx68ui3Un}3_}atZLk+$DrMd!M+W0HGj{yH2=v9GU_|f3t9r zYkw#Gqf&X+g{xI*|2zaRF);CzXrpD=7jQ*Atg#>Kbns_g8aKbFc`WyYqSwYDIQlGT zemo<+=1Ag}0Y1so+5r61%)D-@8-!4XkQm2!a}}_cl=cyF5El2 zF!XD$`|?|*oBkv<=aVPmg*dOWvAGG)5Y2qFlNGvf;MB+>eC3>hKtKdJ3EA)L-C)MQ zm-;lXcu}kV1vdl5$0>~KD{v6-st?p2n6u4UIsX6vs)+ur7kG;`We@QeAiyXw5>nPE zglN^k%e`nO(B*sYn8R{g%H%;ab2yYODt-=xqwn`W-OxBXXktA+y?LZQ{{dgzW?A`- zU%8v~wW(jmaogavQa-0O>bZC19j#>XHFj768}ryDUGpvQZ6c+a#%@iRRl6OHuA0MO&Xy%dbJv_rJB0Y#`3KV)!*IsH3h!cB=s-frKCik9S<(FZ z2o@_H+x1Xlpu?%(JrL}&Nu}3YvUr`KJ{=dg*)=E|_$n-n5|t9x17OhRNLlJ22Z#L<^q|&9{^$;y>)N`~5V&oV!cobKOEI0TRJLCj*ZCXzu!F z(wvbBRFtn8gmg3h((%tm;krjBSt7)1$xtv7P(Oh9T9MOf##?z(O#+k3BmbLVgJM(? zO}XX`&6}9=?bAN3lV?$nM+4e~zAU(Z{!>IEkD|SGmQ-V=K|sxNX9c`MqdQZM2Oc#t zj&u_NH39ftdlK_ehPA850s^G$(rNFlWK<4GmA?ae{AMlc6ABIc`ejAET1MG;x@sLG zM%mSKW{56xTptkNp@Sj*k;eForw=_LH7xN`WU@vBN46)ss>?m*)`!bw!#=z(1vP)W zf7dV-wb#m6e8KAx_vw^6usK1*NEv_S?3yRGbu{*lNXWjVr*6l9OA%CI{N|w~^X&d} zeZd#oIx-(B8j5I(p0tkt|Fr-MkQn)~`CVhmCQ0s?$nkd+#r|Uk5TnxN$_=lO)k5(U0B+| zr)qJKmpT$Py4aU1#cCy+8!rekvVwLnNL$s{O6Jqsx{i=ZmRa?=UvL6XpPEj(iYl{k zZZ;0Soh^MrXs0(AOa(Ho>6_O!`8p;3jqvpTte5Jhii20dmZQ)6Zy5OiwXS zuraw>>p*~a{Bt?rqsr^A_{l%-k)icXpSs>KFcQD~VL^PURoD4`$4uq%axZODbf95| zllH#8<0k~suV200n@Ox)^Kp=f=zH%~7oQ;T*i}Xqdx@ixo4ixa${KPZVIp|M_73PJ zYvHo{)G&DmaJx&9cZ~lGQ^+1+nO;Z$QnIy@Z@8(2G>>PKitunJliB)kM;Y94^J3#L zD)|b^WmJ<^ajOQGCwJL~z0NJM;tx#-o&d##8OL(!-+{&l!@hw#7K~9>#8$qwpFt?%SE^J(=NtqXTB5jUnNm zJuV7N;z>Bmq#P_|-rvJ)Hui^dXlc56qkB1$v&#+jR3JP;)y~)5g3*~(^z&-WFP1NA zLzEqz!rlbVqn^oz0K%l+$QkR~z`H&B0~!_QBo#K&)s7ve7Q)fC^*LZ{*xkmNq8t_L zW5eR|`@Ldcm8Jwi(mbK$KLZzb)OD(t&jDOV^L1 zi0gmCnXlw&lP-`h?4LEYhMgEG2YiK>^r>3V|3K?7mBLu79^Q~Zf(eey(SBKG-)w66 zP!z)ulNK-``dXy^mGtcV%IK3oP(?YSYO8fCfhREu9QQRpb5Td)*$LmrDaaaFuWeyo z7ugL?YrFSjyxTDCSTM~JkOlhQn4c*#7S}}3xw5Yv6T>Y+1&H7HbM*0~qV`6sv_7N$ zh@(*4+yiV5^rjWGaD~>>64@`>F=Y-w7?>s@eIIVopYJr5hpnI2ROPktYu4@T>111S zzDYhJFsp=vLDK?KURfi*+j+wJM}WB;VEBjz4`O5_wtGBqn++u?d_1W}kn;GciM1iV z{%s=up7O&41p18KmPEfO__tweU476NmV5!Z(O!@Xd^f-W6v|7?uRoQQ$1ISD+#8fU z#?I!ae#5GS1PgTM;2~M7W=x(VwY1Zrz&25uX?|?9%uVw9vd%mb0*pmZKkQ)R^UqGFzCe5YDG##eU?~*z})W(3aGJXr` zsLRhmf*caG6wCHvxctih#>=4Q4QC8A?52!)Kgh4jx4EO{fr|r{&YwDd5SJBbH(v^K z#42Io$d_F*Iifde_s&%;_t=LyP8=U_zDmU2r!{o1la9S@DmI~kf|P#+=Au%;Bux@j zAH0b(i;J9pr8+hXuez-L;Jg3ek$yXlwHIiY^GKkV3^U{HRj?xdRhqKkI%6m3w;m zd|9@1cFICrOwPJ+8>{Inc~VS;=(jCC;ih=@)SXY2?*HOG<;`%`?rb5g9QbG7Z&otE z#EU!s#W$%B;It?XpSEJnJZbpWA~PQk%KcRs3_qkq{w8wriBFFEi&bPyZxUM@IT#c7J2E&m4XYJa{N?IWS zDWm>E&xg_!^-~^8fR zTBM5k%=!H%WhjWz*56>Cd?xF``P~YB8PBZhu1WP+O2@k9h;=^)?V|Zv@+gp1cZNW3^VEzPrsSiacJQB5dnIb@SXo$BJx7 zllGq*RkdeFW7}3^r?Ha;jh)7}ZQFL^@9q8W{RhwN zvwQZ;nb|oJz~VQDMtVi>WAMLqY#c@_Rczq4O2=-HXg3bPDdB(I+@=)__&gvI;@8+Ba}qy`C(l-hmY z$WN&{9o0$I@~kXJ{qs*Pnd?A12rxkp@1OrxwgG8CMN1J9D7^@A4Tb-W%vYhXmtttd zD)RB>{>WTHH284d6THj~#1cfvYqUIKn$F>IooEoNZ@5WoxX|6VEX!l|ZknFNQUCI2 z3Yeto@QAeX@J8k?Rb2L=8r8K|h23H5KizAfiX9H1K))s0#!3pQT(sqFT@T$H@=?sP zEBZ_R80_n^xaiq3F>pzL^pyP65D`F3&FS2HZPArEB&*c6Gq(|q1guYWQ{K7^9H-D~`>n=1!TmR#Ht7`M@RCF#=-1D*_e=f1Sqj)#nn(Fu*&lro60ipBWURJe3 zLVIV>84#e8v2@ji=00U*B&UAV#zd6lAJF`BUGR42a2d`+KY~|-waW2XZdh~v^ev7x zmtYrQ%-{M}pPCXr^zKwjCzfbPlYvf7jhJEB<@u+5`lB&D=V}s1#SH{a?Yr;T`hKYg z6N?UC$(x&>hvKp#{7_(RU3N@E*O-1XP?G;w!n9$@GohZXmh|E=;m%){*y{AzkB>zWP(&SVmaQscmLVkhQG@pYto5 zx#aLkC@$$b%HSSLal#3xAX#_64u7&JQkGS31*Sqqi58b_FKaTaPpfr&QC&VMa)%F# zhI`}LPFfJfI((_rUM1>p@*4bEtwLE~N}$7YX0=OWf|OHhXR%4%ukU_2L7Nn?xKhh& zW14VyBx+`OxrjCHo|%l>UC#mb9l2xr7&0mt7`or!vQi2nzYI0a#&4lC_w-?eYb&a= z`#$TxjMIfX_&%`ITnxt{-N5$=_G07G`hUL8uM7)itTpx7IXKc=*f{b784u-&bk%GX z#D)N3FsTf!l4~QJaY#&M?C;O9N%!PKzOlP@pP^5~8Hf-Zo$48AI5Fz}E{3KKSp~SH zu4-gQd!m2%@+8IYmdI2m8^%i)wc$-#oZt4ktq2=b2&Vro%If~q<(%Fy?se{OUO=SH z720)ATxf&Rt;D~_rbo!F{QdYe(DC`J3qIA+iH-;yu=DG|(C+eE&gM=Lv@ct5b5-D5 z84zvRwJXZ*8Z@__zdKF$vDgv9W?Y`1I|}xl?bmh z)pUO9F6p$-PmEO0L&pK$O%e|dd&19}{EA{w*8W`4GPoFRJ5W$Q)wLhdLF^2Mx8mNV zNtb^_|9$kh7s`{793AcNW*e?}eZ^Hsb3o;;Pn1BU03|U%J7n`2yAh(Wt}?L`Gnnmo zDfI2#^vHVwj)be>I^Ll-qEg|iUa!u*-%6zZA={6l8%%cD4bc!Z!n4YpG}^b?etX2u zYZ!oom%5J3ExlQl^l1j(SrW9&Y+kn8;$s3m$xB~0Oi@^Td|itC z1`E<4`7h-)AyHAmE3yBn>dsZ8T!&==R~Rm1v0c{?#Pvya+)$E^k+5)h*in*H3d~v{ zNDg{U>`DZao%Dx{qv!YPXc9L0kjPW>uy6lH3o8SZylaa&ziGPYdwf=9A8VwJcr!6_vC>w0MUUt*UyMqrwk}$k4E9sL2|eH1C6aE} z<|p|p7ToLIOi|)_!#cpgwzx+ZR~Guy#T9A=D4R9V%F0oWk=8G$9nPc z*85knpwf^-zCNtj`2MFyKQW6mB4+i>7x=XGoci^hw0BlZwaFVyqV~K{QC*PVX4BBGb6(I1LDg4qGnjSbduzd zYwh|NwM<`d4de6X1CxzK25#1t0bt8g6k zXLYEuMwV8Q11KKH>Mji^@scver`rm)*OZ7or;DH?pItBqG~WX|IYMI6laOE%&5u8n z2wg0g57#2Cfe1ZAvX8)~IkTjV-`&+pg5+=nL002!C zR^CB(+YlgOGl+k4QyGbbOnh{Uv=K|=jFALB7&Y)-yw0eJk~Ld42tw!Gj<2fo!?M+J z>e*@z)6(C$w)i#Abxc}-&Op!1*+OQj%t8| z_<5)LBzHL~U2%QxsR(-WDgJtBDsk<&ILepL#Hve^L(7;yFQCbQ?@%oM)w+OQx%N0! z`8ZhVQp==Lzpz4&xKjVg2OWVOusu_*`p607x?Y($TVbSZ>gHVnL9e9k70+<+h}@bN zN~zc%!*2Qt5}1t2RAUcb#nIP?6x|6)-G!oQW}Xi0FLW6;{Eb*GAWzYR^mRXbLExUa zhu;#ohG&69ZJgI27i*tOf&wYc)7$djem{opc~DkXO1R#Vjji9vhnWSQVZebc!@jiD zq-$Pk{4njv`u?e|P4N#kEAEa$r$S!k;&GPN_77n^{QZf)*EUcb_t!06D*LHHUl!M0 z`I?b5bJNglz zq(1TF!q9X+TW@b*vJ9-Ct7}O1E8sFm>>Ldlpk2|pe_PF5t^ZTx zhF7LnKWy2&7Vs%xeg4?waQQ<;>1&lRMe>X*tZ*C41oIr1Unf|=N(Hu{)ztji_Ez$u))hW%H(XQBV!5{vkW)L4MR1LN`x)~5jl42>)V5ZLxWX%|dl`}^-! znQDB$kC7Ec+vxF7&i$jHlaO9m&)*p{=HKh6YpTV!<7&;S7YwnkHm4JelP zldE7js33Nn|IX#CYlFOcRimWT8JwgxTAFWSKTg?F1XatUKkIPbDdBZ}y~JmNbvlgX z!ywlMic0f=OpHyB9+_X8UoufIqW+$pJYO~YjWhlu(yZQOqlx%nQztsx7B|73=pMOZ z;~fnVB9$Fe|JZqEL{vVO+hJQ`4|5y$N@mi>%E<9((c&>Zf%>>#F${%8rXyWL(p!SI z35(U_Q31T$27G-q9zd91c}A!5)yESD%1gImLR`(uBi=(qX`rHQGa6>jx~fgHu?CfB zbLMDv`qC5ty0YbZOa6R<03v-I8a`Jyexfqjm;?s1=2a;J?S#+7z%V&6VQWX=&Bgi0 zocTDJCn(&OVDmNsL~WT3FDpE}`l0FQ3JY8W85{u>AJ!5h)SyG(u;l4nMmAbYBob8I zsiJe&TK2%iU!bb|uQ~ha&$&YDm4YTe0}p(sXt$F}W&FUrv-C?gPRQ0@06;WI#R?Og z?x9%0<5HbAYT%f%^Zg#6m@4PyCv&Wdfg{7B-`xi9w;l54xI@#<`z#t(X}4=;_HbX! z3f3nSLKVg8gLCBiL>%%V7!S9=_FGjss8F-p>u)Qp^IaCU2xRm535#o+EhLKr6!Gv|jXC+#00L zE_USw6@vNbU7BtJ?0}LTzR0jwISh>wPFLSD2bM%j>I|dH@ft2@=X9(w-KN3nuiu^DG|(=2G=z6HAph-jXZZNtLYkN3OZEXJ9X%sV zh%y^D45%|QqQ^pKA9}>0{6GOT>2dgbSG&oz3l{*O+0tG%f6S+`Dk{HU3J!soyYNg*-T1a@&DF3%u{Fh5N=WK~{o~HQSUcOtU*&9jUuw#y^ znK))@+}K8n5Xr@=J6Hm|ihM}%)h%=k2)w-&t_@Xo?Nd%p^^)E+Gp(onZl}Frl>w2Q zVR>s8-Hf&>wM~t3`>rar4eRUoWtGyi^wJI**pKGzhDoX??1~Gwc5uKi_8+bkUga$T z^XFXz@@od679);;z-#t=a>(0g+zx;{iry;2w9lw@<#g_HA8%CEZ^IKZ+u z7>bUTmhpRAa%$>R9~=`q2amDRmb*8cmgCyRptwK2tms$UBsouF^lWI?yg)WC?tk{X z_`^uDrTT57b-S&FLn+(whdzh!YUV^Na5M;m(mo9ntT!)D5OLdJ%UuR0X5TnQLxNY~z z1BGbgpqO{@%u_Lb@o-i^&R<`_yZ{SMJ7Z%~fN;K2OMCk|7h@IUay}6=U=1kfQYBvn0PN0 zltFY|L62puL}F4FcXG%ziqGB0>{s8=xa)h>?6v{ucbI#TgU7nyjY#r<_Tcqfg;!8j zb$VxWT{{(s&ZU_)7hGh?@8Pt0$18Vzcvn-eE;j3BsdC5_uJ6y0Q?%1YXlyVK#ZQxO)CYj)Zma*DZCf$;OceU2&55 zHC1A|z=43BgkwJ8w#3>X&SUZ=*5OP-J&V8nvBc}5#+)yhox=>s>vR29lbtTGci7Uh zG*%NxRe)yArvalA6MyP@8Dk{wYxtrxw>zH9j~?-AEVkcwG#01m#vaI|wvf8)eZD8{ zMRel-I}|)}Jtr`I^>8``aLYM#4*N#D3j@Ycl~wyOfSY;lx#bBf`7{Mk065D=s_*Yh zKJcfjKj__a5#345H&>thLJu*^F-sMvEg7{RSHCUhn^-Nn81107&o}}JVEfX%DUDMr z-Ve(gpdw()s7_J!Ov#=4BXI~XZsgEk;g*X<`hcyrD#Z$+vH6i;@5kQc0mvvH$=#lb zeCuhmK6~PaiJil6D_!t_9<0$KjuU6J&@K0e5)jEbG&n>BsoK>pu!+4-jClXl@Ukcu zt!iA}Jksu$9t6}(H_XDdi&bwn<|Z3aXk=vO<-(&DJ+fJ}uA*_Df*zGZZSln~<<))S z-8dCnf_6}jvnzQGDDzeF>f|u>3zr#k$Mr`6(G?m2fscM9A%3?r^hncld8}5wPoS4* z9>13b6d@8)JkS7YYl!ojvcfvfK?zz9K@MapqHspswg)pm8#;LsjJkYj&CG!X8n@t& z4nvqx#Nzlf$%#nutY!A+a34%u#KPCJaFeT15!{bS^KDv8xObMaus*V~#ic7O88AZ? zXVbUbr>FXL@@W7nm>s>n`HNPT%2V1Dd~Tc62kUIi>0^_vRU7B*rF*2%vo|Dzd(5SB zBX#B@#>@SOW@}hNSy#lPP-pvKHI}@h3rSgoo zDx`RHfg{gb%YHxvD~q9pmQTma}G&?xY%V4@#f7 zDf|m`#3qV72mzXVU>!A!Tq&bCxf&@g4cp;xISN!sZzF#z<)NAMJ6fC%$AJFM1H;4X z_}Dkk&jE)in#Br@?qa*2u(3uyulGFo73LknGhm1!$dpN^4}y%~2r%4n4Xf^XsH=R1 za~oqTT6sC63OeFyS=flKiL@eyrR5lC675gtKEAA&zS%5pqm9uC6($?|o@>rY)P3a) z>X19z+NsKfh9c07*Q!2^)aV_=xj4Q&9L@{ycv*dpH|I|uB7KMUI{dB)NHREvB21ik z{HX(NE1X7Cldew}jhqsTX!rm#c>#np=ipdGoS zwts8mf}3@3keq8LDBmZ!U30q2PJ=5t2DcL<+F$$8wC^t9Peo)lDsG=KuUpexg!C%C z*V}-DN`V6jpDtF}>^Hc5p#DLMh!RsNK5Ha7wuY`+1*NUKxj7o4MJXycqzxVdd__r& z`>$Wbo_p-%*ZB6VZG(=V!MtnF-%H|hIJ*XZL| zNiU3U0~>k~&&g&S{=%&@5%eSQ;uW4r`@`iH*c-NCM@&M30LVf|@_#O79Q=SEvtt;@ zjU_d&jgf@7ru?bjD7SQ|NBlJG`3EzP?-xW!4k~y=4U_?G%;FaJKHFmFRWklC;jc@H zMbsP>&0+W}7TJ<^F%Kz630OHKJVz9j?NL~!}{4rKtRh7eHBH`=ntD&(3v~+(xEy>f+ z)La*0{znRf+JXVov!Xv{j|~;Tl;w*TjbCR>tqnV*P4e5HeBSM}vr8ig5?yvt$D$P9J@7(`2{)R% zt74g=GbfdBeHVlQI7aU_VWM?HLI+lbVh4kpH#VhxQj(NU8nKx>!%k(wO8|ri{j~%7 z88!Ff4gT2fMB*4b)UXW1FjOLZ3qWPGpW+5*h9g06PhjlV;$@|p7$=NnLKGfP`Bgru zm$nuEYPud(m(pt)V8ine6cVUuJe#LiY*mfV)szLjdU!Ie;~U2WLPwVv8ZpJyByYm3 zf%T$*wv>~)?t=!r-zpo@laC5|#J#7n%(Xmr?LeT2)}YsC1%1>Q2wn=F7wX*{{1Lb9yc-ifA&hH$YJ8ku5W$su``(9 zQ2&y>bq-{j{=3!^!cIeIA0AJDwrevrwWp=r zh{kx^G;*KB1aAh*PbwBrxD-5#bNAcLf?tLvl4sKdM?E)*}xLqAWU`Y2si5 zohrT~OCDS)1t&?Ar@2^VC(I+S7pt!a9m&A>jbQzTY#E#)K0|8qAP1i@7kpJF`)ntx zHb*P@&;TAHVrX1u<@)oWr>9FZKQ-N^p*)Viwg$-|fSe6OzsX3(5z~5JYvZZ1B%pFI zM$!T_O}#x*SHVr1!h7^GAI#e?gnhx3w> zGeUd$sD_n@za7d+MqN1|SkAhE7_z2qg)m#QxsEF7n*~GdiP&K`Yu0u7+>)VBjSp!> z-ViAHw?s7kF1UGK+RnwJGuHD9O_*TmKj{inI1A~kFY98_Ne6pX)tYOJ&fK@HuG~tp z2t!0f-EtVy{)k=*o~3P;tzImlVpEbmd0w9Wpj5#2)f+DcaxOYs73%(8NCpnqaAUAUK*n| z_<}wHgX>J_;f{d}Qg+x9dV7~vt9=K0f_!nVWC&Jom#=2$^4h*`QTS$!`FVvoC zP%YR83^N^B6nI6>{3Mrgm$y~BqOG$MXA}#gfJG(*IxRAzO(CzT?M(;V7EW@16ou5v z9eIOc&X?ZdUrLPFcG`z3=JHg%>|K#Eh>CVlL7%a{Vw2O`_E#(#TEo&kWe6wRrlBB# z2c{X%);MHE`&SRb;LiEEM2VEj2Z^N1)-;Oi)n)Y8CqsV-^1r(+jJypmsO*q zvhlIS-kPTS+rqKIrM!wh*CcHd-b{H#yFz8?$x!VmY@A z-Tau^CYvL$5tOxH-l%5aRV2baeJ)XEJJkAo`6rJS&=VedQxHbCzJ|k&!}U|!Lq;%A zVrqH6Fjgl_FdkFfRFu0Ht(7=e-Iq2+T&ytnfvVPw&d(R_e#?%sHr0wL8TC6vET^`d z9K>w?NvNf(3y8!!z2jcbf1{?IMqgfBd&)TkyRh5=;8*k?|3&4IXjmay%n-pvnI{-e z@zl!@M~*~pbg!WLoX46Uc?H z8?fa~BpIZ<{Sy-c1O8_*&C0kaPJ*L$1Y&#f$gXn7fBhMJ`ZnT6OS8D-a+)jGZeTehgGma?%Pq38 z0Mpm|ztEetu%_Mpthscuf8tAC#MY63ZdMu@n*RCixO2YE`+NN6Z@S@D z5S5)nxgsq{>lD0GDjV5L9k|2>&5OcaX1{*)*^=I)JK&rGOiyI^s- z#2sZ8R6*tM?75IJO8PK|9e*Bw&H8Ro$~-GiSxrF8r2uQFj}|-0>z{p->N9H$V2jH- zN1M@T1N>3uD)}rN@x-edAzCS zY3mgfOaT25A(D&I_Gk{`(OZ722&lBdIPTkmG2rmhGqHXD$y1LYq;krq9bMfCG+hn} zH&(LMC+yM*rmKY`hk#IVZ&in+R#6eb!zZi`6sm_TG~VRbZJ7Fcp8JTypqRQ2rn~}N zRK29_57i@P7e!-CANkD7f z!zUjGN}*gOGZc^@3exauc@gZFv>}c1QT~f$$doefIdgMeCc=D}MN7sm9ZrX%n*(7X z0H8YgYR_pd+kAXX-x{BK-OZd^TkAb2i+?_3WZP*64)Bb{8gXdKSor=nY2&h%}XnrYV`NiFo9=+sKgU;O{*qMQinl4c8xF3OL*ciRFqY>&pE2;Dh zd3dP(qDA}VJQBo>wHjKT(?ld&D=Dhv_j+yKI=~`=uut{_UvIo3Df`q(yO4v`^sgzC zq{oZIWFFSt-En+7S6AYv=Xu$-Nq{CL5zE(ku~`7dQ0d5?v(`eO)Uf!SGyJP|E(DE{ervnygQL{`UXpiIV#ME=iXZ|2d^E88Ve-(K!+^;kdgJoCq zh0Fz<@#{LDk zl^v~dTS6LfeSOq8XXY66i1LFYcO@|=QSF$${Ehvenu%lMV8IukGa96Os*z#@`dX#y z)I$nl^jRx5s(QWV_lmiZ*G>|d5_lZJ)pZz--ceAd?nb7!&cBDw)$|qbqt|sGJ-^B%0D)t{thn){xqqLzI3|*4^lvBbx0wEv*mD?sEIG7A zOU!w2DA47kq!)8!OPnIzq_PG?I)9U5ml&+tS3_*2$O{bZ1rPc!n%L>H8Ef;Vfi=G^ zhs#zC9{(k!l;-({ZyH~U`Bu2hLVGmav@U z=O?l|al6mGW+&;!Lu-7S`$ygIbYjz6sSWn+K0YP@0%BUSFmHPZ08nFG^$GfQX1NWf z5ngdCi4DnHm_aCK+8fDON?znY;5^!D;%@!bkAI;j;O|DrlN}BK;8r(LS2U6!MfM6A zAj*Qytf2HS4cPad(r*$m{gtP(-L*H9hL}QItBE_A*<*Dgp?eNFw!}L1${Koyf%-4g zT`MK^K-6U|E-jrq3krdR<0k7jk5W!5%C^o6`56;rQ8=?LZeI@v+fYrkZjMiFO;n;3 zjoRu?`?eLWOgfMP8z&1aNlcUfxDa(&C6tz|3c8N2!`iSx801<-OXFrGM+FTUQY>!D zv!&C}W~+9qaitL)g>%#4{fkwvG-2>jezQ7FKZZHAfB_wOF;XE!7?zu8NDx4*zYl?% z(KS6fVRd*Ec_>e>idlyNea&Ha^mjOfiTzpQ-8rxx<8P|y_|_;n2+%@MZE-CV?JmO2 ze=~K)m+HsClvxM4XCfwkMXP7>PrzDik9_JdTs%cl<6BQQ_pQ7}OZj0`-DYJug)R1y zJ2OcLkW&33nYPIur*^xqX0<`RjqR!J@k`l8x&yZJ+~?d-`R(K_tT>hcG_x4)w#)~nBL?4pjndi z)MtaTR!r+c;=?kL4$>hTt*);`}`M0|xLzDz!o(c6DapCy^-s|5|{DP_gFu7uORnsh92 z_Ynl`QQVhm*175TmtDk)+Zp!>Kc9Mb?JocJ|PPwzkgVY&{10sf&lXA29?i0lwn_0X`V7=NhoW~c=(e*0FE?0 z+3ev7M|EI}uw|^j904C2Ih%P^ZP1A#L5VWC9a) z-YxAVCyuZ3t?~Y5CugN#)&Z7<4YKGMqe&Cz^hPI@LL`tLsbhYT=|g=lVQ(z{;NcD( z69+#-#=CQ9d|*GHWQ8 z`;^SfF5IJENywm`rvh6SDKv-77|os`KzJ(c@MDs_vNxmN*X?m?(v5uCh+jHPy}2JQ zo`40yJ46Uo%9B~6puo@%yzMst4Db_&oHfUEsOJgQ)@juJYJvkX_hjXCR$K&N;qmfHPY`6jbZiZ>4VqLNlF$Oq8s{SRcDJpbS6Y_-z!&+6l-j1t^x6&dcrxGwI4E z{@x-+*kKdF>;(lcVlyRw4`>~HVxU%(z9r-Mdo&X^^+Ry`^h!`Q)K73WEf(0>@XF=-6m2%}8$EK_CzU^gTBQ63ME^KB^fzKQbP>U^ z#xL&9cO*28YqMj)M!x=fe$9;)_1M(NeB}MtRYBOm0%)~x`u#4U+yB_4Ij}WP@71C| z9)WY1zLFa)@ueA9$A79u_`6ZcPF9rx^5!qZ_!Ri>-S)J}s=K)04Pne$`@Nf2=m+2f z42)2lYQkm;_zX-WrGwUx-re46)Zy6KX4;M5HN2W;L_;)lAJ3U>+<&si$!B2w_mesk z?$xq0eG8ICoL*oeuewVO=%FtA6&36zFA)~#?J&LK4jnm>b9)okMv$jo&}X{bHh;G@ z{q?}mT&lW6vvcNP(7dM1gGyKs?Rk~B_mgt{gK1=ND}@r zcl=U-pySvH^Nc_0(6VMMtBS{@n+i#)e9YA#F;x`d`}XDv3oEEd**T?C&EJ5;h2*PX z5(b~Qj#vuP54q9zVeJoi(R_Z9*F?GzU5U-`+wOA#{1*uP`uy(t78$4z)gPJ+cBd&; zKX}K`8!{zOc%b^77dklXePoGM!TyWV|L;1`i6o zLpty!iSRBN=S4)xPho<|@?g7}}6D(ZE6gv~&)jGeq~=&NAWU+9^T+ z-&z|8z4AYozf$*e3;(*6v~M$unSmnZ)ODcB8mnGlNOcdilJLRmbLUcRDw}%NS#bqy z6;8zgn`l&q;uokfdR1c^OAaqF{M6(DfQz!8G{}PDGf=dfAhHkw%#ix0*6DJdrkWBo zcudCv#H{P^dWlKUQn9zu_|W{}vswwXv)mpV?3o_r9LNBc`8yxI2F^>1&vH#$?Yq}+ ztX6_w7&)GSK4A0U%KU3(@ML+7-evLq=Va2{rA>;3*V0U zhDL{^PSb9X1{4xn*@WwnfzCg_57DoQ0fFBofyUY~=?T7&qYY=yZ_Lf9pefa5=YZlZ z(4#!oct=V7NCNRq)XUnky9cpMILT7~UA1mUi*PUifG$W{2o|eRe~X|=MlWY=<@hB) z&3GJ4*+e~Gp+5-52nrS!+vM2fC5`@a^ZGb}q~GKv;^*#83vgI$D69r#{x+sIzr-CL zo9-K*W5}-IrPp}0a_Mj+6HijA3jc>43}smS#Ix8}jtL0hPfEFy>{n3hOrYZ8m{t&! zx5>IbxZ}^Do7VD)hhH!Ju){pM>YH}Ro%jD#B4krCcdZUM3{$;{%ct2%2#+u*5CD(~ zE>d9wekI{ueV6-24!%37{boJykTvdD<7D4R^~EA(In*O&K~E@maIQRXZEX_WvU)Gc znQfpQFypYRV=?Rul>@#ZA+I`qmcGztH2qkIV&hL&&He+udT6F#$O$!;i+e~P>W5_5 z?b9tK*KeYer`h1e714kaxA?qR(E#cpsVjEgyg8L$XUi@?R0Ed%^Dn7u(|OP^R|zNH zB8zg&v|3SXx;N&w&0;03YoSxND9{m+o-DmOZZgjuCo!_zuSj73U*kIw3?lyH1m~p< zb={d4&*40o@1l?t-rkr}W`>nTVS%A8 zi7VqF+x1d68?nnblyp&B7As%M=<8=0MPtmaP3`VZAK*h9^=i;tpSs`umT-1TiSDodWcOX(jP6Uy#D1Fpf_O58vr4X zq?8!kj8Qkl#q;UH5gFe~YYbv`S#lSKY7C>QNn zu9P?%l2J*U=~1+XT5RkI9JV+Z4K=xMbdprr=-n3G0QTem^RZ2jJ&P%f6IB}p4tGS< zPoT$1A`xH6!5rA$50CaCy^7`qz8&hULg(JUO zB}2DT<`$)LVbk9G@LDKBJf)XPr_`l2AK=8wA))p8R7pLIxDw>IW-obxL+v21%!@+QXF9%XQ2@hnDaG}P(1)o0u!{6*Yt%aA3$8^G1@t5WlBFTv8r9;M8g8q7 z#9KiFxp5Ppg+g~Pjo^~E)M^1EDj-{X{bzfy&Fre4Fmwgp&qUP^(N|l1W>=!O50XK9Tv$s3+E(qP*IWBrZl{`>S7EayK$WYf3?|xm!9Ub$ zMLpc8Hd8iqimvY8zaOs5FAB{J3+emGU^ES-$x%56P=W_CB}qGM4{T7j$WGI~$|+T- z|MiTV5LkfE{tCti1(GhPetDMvUH=hmPWh;l)v{^(*#4!E_s4;rT;PDfpEU2`2KzPM z5Wm@eeAp!DJ4}2Bi!U zgOAH#^Uo<*e)#V9ubAWgQ$FtA0P6vKsDSoWBy=Gj zVp>|uUF-1g51(RWKip7~r;WFSslP*Eo%mWKMzWVbrjDBEJm$$$bW7_6X)C}u-}umi z`lU7e`IrFNFmC$8k-$jc_zK#mFfEbqaH~N|!KcRIXUovgj{l}PkC?JV|?vtVG1=t1zpzQb0TJ2}nwBkcm;Hs!oaRkW z_4KtzV?2n1x~n~Mo&){Ww;dPyg?zWaGd`?+LWd|y-`e3PA$RCzp{8J(49I^9z^CGo z{7fM?voa#feT2DU*YXsdf`|db3@jy}ubJ@xWfhH2Ps8^sohlZCVlT~0r|DFMg zQaSMC+mB08E>!8w`6X7b5`~=y7II42bj#-*FE!%48*ZJu=r)Clgwu8bN$<`{^f5Q# z@2U}6H&~p>?Bn&8av)h)I~T&0k8>FTjb~MB`Pjf;UmqTuaMEGKuAFF-HfIWZ$`SbM zZtWi4BOMu0oklc75zNXh011^A_=*m1l&o0M#aK;jszLcAsjDV{T#IAML%rF-CJ zPr~gh^!`X9Os@G5ahL?Ea|7~$CvB}0`VqVa8rTskI?1yDWB->=30->)^lb8RA zd_B?8v|-lN_S*>!%~p^13R~p#ovV^I3M0f%N+CJxmF>)J|7#7dWBbw(^Z`EXDPufu z$ZZ>{JoVgzzwl8auV%Knqv79+C%De1x%BK< z&l!LX$dD7N<+v>Vj#d33mEhYPVKD_k0?pDf^XkX^s|D-wp;L$@4z01xC6F;h$82-J zk5y1gcysCf9S^#{w1i3I>`spi4gvrKk%HXwm&bALU|0Xt!-!DLCO{F7iA57rzq)%BI9Ja$q)H4s6wTGVQ zAx-5XUdGq!SJek^u!fWQGd%ZtfRYy@?1#*eNECjVV8Ah9g|yv~URr~NC$~9M2BRf8 zv-#Z#rcMTXAtBqgR~df74#};f!+Jg}Wk~S%Z@Q0RNi_$W+0GWQnm`*b6!tX%QUm3K zi- zV$5Uva@7>QMxjl`!3O=}13mK6$n8}4eSca>c&;ZVrZBw3TJjs1Ht4>&&E1()#Wp8L zp^AbAL+?(C7DvsJi6E6ReMDL%0|M8f@D%R97Z0-KV9XWfpI~)GQy-zax$yx2Tv<~Z zrAKcFb5_ktc|e@=#94lZSDm5G<@l3<8aNMXxL( z7=SkZN?$9$6`KgSZx(0He+dyknD?6u=T@l7_-A}PZtR@S)w5sk@Ig>nl3NExJ6Or` z0De`K^^_SsQ5&Sfjj8Ta`cXd+P(2VFW3cy=8P+!h<3=P_GBkdJ!uR?H&t{h6+0^b%5oS}Si0wLQf_a%g^O?)Ohr#}xWYX2wKFp|io{x&UXc^!4J2dV) zeFtbIiRiYit2;4rLYE9lXOeJz9ZGOhStpGU{b{Q?5YJhG!DFFi#|8umm{*fFe@Gh4 zMoCdQKsC~0e=J$ZpZ_*FI)c2PbS3wWaoPW23xd`sLaXVYrRedooUW;N%6KUc!ENu3 zG3YLcdr6pELp{WDAL7)+?6+g{UQ8C1SVHM0W zMN2`aEOD=qWlh(8EZdQxg67IQZ6C8}-hQkjP&?S#2L3OuGYLQYdJp5_uWLfW3uLCK z6lybQ8BEU-c8xqYiNMa$YHpmO6v;U6$<-gOW}M}0@m0&T6iY(ic2X*T@}5YPiBz=I zI>02I=deCYqGl+NvIXrE(v7YGhgSa|O;;V%M)$S*R)Ch`?i7l}2=uo}BZX=g7Txof_DGVS`~MkH+?whEwE!^(9FntTj(KB)nxtyg+l&N-Sv-A zynVr7%|fNcBqr)Z#G7ZE5KN2F3uDX0<-d|sKTJs@DgT+2XdK^MFeDHzWff#8XIbeJ ze)u7Y;A1pV{o7r3myl1uTe^*$zT`ds8T2uB+OcedazxO%x)uOwhcYbq82r)4S zoVZ?ZFKXk|^(UQ5Mxh?(!j9VM(Q=nNNx~+T@;b0RP$3}a$zKtH(SFtFOM&9-Og85i zw0T~q9vWEYcGo+_%nun_6*C7;Gl$xP|?UYblG z*}+{wJ-6p^G?9ydRpR)zGbsrG}~N zvO;ExnNd8=Ja^!&4*B9z!L14UcZSlVF+?|PI{b$1VWeAoe0~2l$>OBsh}s+O{LwuV z|5E7s%1k$X^=@cg7yM?0kI{FY-&$^}_#2-1uZ-*abn*Y$6E7pkA>)* zd`IVZM;w3={;j`%jLxQLXsfO~D-!geJShD8K9|l6{)7s3`kFDA0=lU+0)KI?TU=`J z(Dpb*@2MboAD`5~PrMduT*CJ^__fw4^jBT58|( z2{s{8Ndov7tcaKE(F|f#Vr_os>3d1mkBeCaM{^jXd($cH5~=%7FHql7IJ*KV2I(r%Px^jWn zM7VkS+mA|v(bC=Fep%6#i&E9a;JcB0;QVOT(vj1;yo!;Ds`?+?WecGG{aMNO7-B@S=vLp5!eSwRw6zgprbn&B}hP(qt@MN2O*1A-v z%l(B=a`(NdZq|X3L|>M*q0vYOZnL;;QWqAlMQ~IG+E#UXz-MC+ehRr753plcx4=yc zOA;%(Q-kK$Ts2$*I?pC`IR@zO%InnfQ;KlD_Z@oxM$;8-UKC}pV|_r&(z!^WuJj0O z;+^?M_k76#BIbXxWnL?VN9z8K#o=i+LcpiWIuyGl(ivjs8SPJ-v+avzpPzT3EB=n6 z9(UnKPiwNEPO+ChpIq*GX{{U}X*U)aWSF^K48TPHLS1qStu|>EE0!LFQa=9yXybM5nZN+bUMe3`zT5KF2^E6aGe*Xc!7#?2b@#2#z z6IHav9p!}=snG+wb%ZpX|IO90TWwLfdj`34eZe6?y9AEEt^Q!tosWc$Atz!a3p+x6{ zXGf#s4;q#Qa!XhY@syiX+n&1$O#Q`yYOOvDI!t4G+L8|gdZL%pviscD6SkdJbZq)| zV9g=b6})lBKn2`jamo7Z=ZHPu8s@Nh#o|x zBmx&w3H~~r*EHP^0VbN8=<>%Rkem&Xqt9!6!=PS8$j(G;NH6 zi1M9OiRq&ubR2Duk=2Y&oKGJv#I}anAG%vzf&ho$FDwTv%%XI~{h53Nw)ga8u}VrB z)gkC`mh5Vurx?W3Q`xqXEL11C_1Cv5&8?`8okc>W&`qfBzmQ+?yD$EXs{SQ;33vlg z9*NlAHDF&Mm*yzJ$%IeXgY6pXhl@2UD}6>sSGa}sx2zvvs@dXKAH z@}Pr@m(6P*Y`o983SJk#r4ngP+aCuP%12wX*aQNfzOEj#zH8c!%-9|*{1uH~dh@o4 zYIU$!i>(yJxT)#o&r~V_(v<(Wx|J280Nk~E8h)*=n;0UCCSs%90sL*ywVtE(H~#Er z>O53EQ|%egCIQd^eqZqhO$?qY4n0nXMr2z&NBLbs5NOBU+4znV-0I1_`7$i^uqN;%8VxJglT#l2$@5X>TLuv)Xyt zo$9Zzi|tusxpD*F;2Sklj|tiPE?7wUFkK122fmtO9UB$CaQHOduO(bhbDNGQ!BBdh zmE(WIW~*N%xw3O|K>ZS6mX4RAfGKuj4JkkUGUd5D!RS}gXUNkAYbO{tg59Ow<^OtP z1pXJyk}oL0|5;S;?T7H~g=%O%tcO?d*%f(k)xjQX8Jc_!;Jkp-nRR?)xBIHS1p4TIkwI=3U>YVfB^wn%rhb*wO4YW}9`? zE79(Ur>xoXmG`5s)gA17d&(D*m{>6-+Dbowp*+eN`augCBYDKEL+9?^;>mY{Zn~0* z7WD%OLp`!wEp~^+o){AUcvz!OXFrV2Wavxy z_10UwJ3iaKNS3H%5jq*@K8U(}K^ICt{xoub>s&78J7soX)^d|j)W62QRK+5clzd^3 z9wM=i;8!9RWBY2BzHJW5$-!`(}a=@ZFbTD zG-%7x(p3L!y{P|!_1lZm;}z2qYTiNnHok_XqFOEvyDR$_)cDN9JYN++_b*Ui*L`W4 zFB1=W72tZeiWt=4n^wzBRK4nMZp?;-e-sU)o`+;N7(ERX!WA1^vB_jrl?Z1H_a#Va z(N+dLkq<|@QoMy7A4dXC?%;>o`>^)A5o`oufzx1=*-PI*R0T~D$VW}R&-q-9ZgTkA zja0V!N1JT_T`tE=Vp^!#%z@XEh|~`2)Qe5Wgy6!&uaAu$!X|MWj9-cLNUJqgGqQhl zMO65%?ALH$N6M`WUibZcEF&MX&}!k|VAxj;eExUtk4?jISE*=Wc!EIUdJr{HHW>4wlno=FL3^&p?Pe_^Ui3nHzEx>S zx!<(uKfqy=RY4E<;=Cn5GCN!Qay32RCG3Sy%u&llw0mdx;oDdgzD01AT0Sp=6EPiE z(ia;zocbo-wm+To1(opEEJFw8`s2sY=42=K$RxTlE^hFV7qE#t8Vz78542s>cAoom zI-OH&_l7gOeG6uR`j24*+J5z4npQJ|7bYRFF~M(5b)KddQ;DRNee#wUeM$VD@#Xh2 zZ0Tu~C(h`O;Wr6TNayvQs&jncMQKSK3oTK8ZTqbMMJ(oeZ__c03a;R$$(q5EQBbid zux9OxzU2IRraP(fBpd=+RhREU0oN=7C=zwGvGWF8wKqybnF|r~ey?)%k@qbVB!|db zr^^}OX27PeK3TJ^O7-|*^RE@`$~c)jp_XIxslJ(2dCuSm zGBurltdV;ruOrZ*7$MamAx6-1a~m9z8`J}!J)g{@>+x9@hRXT}_aWA0cf{RL+C%na z{NTuV#_j~1s@wliB3q@W&LiQCph+&Wvnhn;eQ?2)`8u!7&aRMzun6IPKbO0`xry<} z=GJ(jQ?X|&7O8@w^(LRY*7jaU`;N6+6>_>xn~w(G&2J8eJL%l`Skmty57puzzO zp>9Pic-ZzCoJV<%H3YJ_;FCgz`(fjs5__zz*x%*4SIkz;8Fiv# z)x;XCUIhK{)=&iLoadGh8dqy+BQHY1uY3cYP3|hnxl<+99z4B%OP8|F&=w4XlqrVR ztYak?R_hoWpP9<5p^kzb;w4`fpiKh9Z;StXQRk8F3ZYF%xfZMXWc}8+=-X?jXu~vw z@z)bl+{~$Z>nZ)d--~=QnWngaK0u&LOC|P8#G<8@XVZ&xk5*ziXGPjM%Un9Z?AR}> z)9hL)bx8N(3Kys}Q37#-Ah&{__jt8n{0awy7FZ|E8tDSaTC*pn-Os~OQL6Q?_v&3K z>b@f@nYek3?gnp+zNuj|a&&V}t~I;_aB2|y>9}NQr*B+j{-rI)gh5TlAH?s=T|d=J zs!qgBUOb0bNZAK8H&>(v>MBe}~9UHxJ{U_0=uvjN zs2jrB_~9Th%RH(mr9>Y_Uj?1ioR6{w;CtLE_frl)+vAw9 z%ArAJ0hj%U=7eWn3R*fx-OD$>KPo*Z$m*wG99!5s?XIwU^*v(DS(DjM3T+tN1RH)3 z5%GV1x*r)CaqhYZH>n5jF?DAPdmdG4mOD6?6DgE7Zc8Xxl7fxKpokY z*Z9ZH_?Ou_&K#jDO@O@$#)ElRHNMmv!c&&LMjE9OJfBR9Q%ao3=U zRkf7`;N!IX!2PXq!FWT?F%I8O0DZdmQ(ClGflC^%4(_{S9-dXmY4%qi!IM4q6PdD2 z7cEWaVp*++qjMZQGxIQn8sKF5UfIX$Jk4qCA_I31I{q7aP!*1Q`Ztg5YhSwV&~`h; z5Aye$yT_`3643O6ugk@ul$P+eKoyDE$~sM7A>7)o7W?G{n#od#Za8Y&TAJW(U1thI z&NGuw;)Wl_j&=_%*-~FYnoq|w?$f*0s&84vucZ2F;pb)9&vP#}?}uG?&y)e44!ly^|JSU+o;_`1|Mz2kh8vL~Hf zjcr}sj?MC|Yt{Vd^MH$~kWS+Iy}U(p24*_tAP3jVg$6)heQ3q(up0U(F^ zdesy^B|tyvaQ_l{vgU1sw~u`BZ;bi}_RYFsYcMr)bVY^de3hVGi%zX$t>fIhoxNc# zY`FvY0w!;CtCL3-urB$ZE90Vl3_bDfk(j13g~Vc0f2hd6rGktn@1KbixwSv8iuFU> zi#`{{tGkZYt3awz9zx|BOlRUjBCbu@uIE9nz9w}3R?_M#@k*Td zuLen73ll+7J!}8eUiW@;$$#Tu^GDQfzd;W+&<$s!bqrB5pp2$AmS`|JBwgGeL~Mxq zDMMTDUU^>Y__V(lQW-&%|J%ENVgW1C(lS%Z>Bve{#>dt8_=zK{)R?cD{=IFaR6OBA zr^A#x0dKQt{(Y98)x9015+YvIPi8~KH+0h+8aaXYKo?nTCmpMNh&ka4lL@-Iu*s=? zG1mB>@Fy}9zLh^_O8Y-8bL-MqSAb5fN&9RYyvW1L0RKgcX*cwk^YB)Sgv_hj$2Mq3 zpnwbU3I5~8;__X|P&3mFUW3Bzx>k5QC^B{CJu^y#&Ee0t9bzoM!cNY&f~;Z|&1;`L zJlMYY@goAo^;p;YT)`;$ zZGO|30)YZ!H6@xY&TKd*F{?>TNdW4elUin|xoUJs@n6rqo6c`mSU1@+#Jtq6=0! zFHJ;$ItNIE&*ebBTxuY`+TXWuWBKC5UB?1lV0%62V~l}fTr-9%i0Y&RA&>o<$y`e|MdI1-Y2TQ`OXj7Op=MRw@u~??;-8WpOL8R5KiXUf z^jN>SD>OXCQIgEvtTiF8!@6YWRL|HC6x&({gp~oTD8~*5)C8{YaBuD+PS3sKY-${R z04V`u;3Lnr|4H*VRh4Zd<$v1z@&CO5l@p;qC^L)^hybEO@iW96bm5^k5N5sfC_V=B z$`+g9;vI0>5@bPAA2;NqI%I4TAAQ@J=ONRQjfg~8j$_SGd`@fQ_)B}>Wlv&~bt7kf z9|9poq_t?D$qTnRA7QD4-^|@3+hXs(KlS9Zp@eYp!o4UF;t|@}2#4&v2Kxmpq*?EE z`5eb{R*OU{`-gTWP~)jj4sH)h6oaV=+w=7Iw_k-`y->StjVx}d6Z#5% zh5$Vh5a+2)1?ZQ&bM1w^0kElUp>E7My?~`sGf8==w9a?xNdA%WNpn}3y|;Fr%`Ic( zmTpmyiklqeUEYO8QdW-%6mZ)on%IQ3#OssltCJZhPl5zv(D?7<6AXt=(0*8e?B#Y` zlyrZlSh(!*j?;-BKQg+y!F?Y?grYI5__mYH(=|-~QK{yYM+$^gvD_+%46GYI8i={p zz6c8J{OMV}^E?=QT-(L}$`PbVv7Hz5$71VBF8@!-Rumk1**;-;7^G#9i~BZ1*iYxR zBW+nhx71>9u@yZm2sVe5${&F-A&Gc-Z)Gf}yYALn&z!fBLGu+qqH7fcbnu95=6nUP zm7|`1)gAb0uZI<-Ke}Bz(KGt-&V!hA{kh8ayTI!y@l5jIU zu~6foqfz-bZBi6pS(vE{CD+?UGx#V5B8w^e7z;YM*n$0hLeCRFXZ|yHpHl`rZ(AI~ z27856?QaR)rdjbj z*l#sni9n*{G{-~Yn?@#g)#=_(EI}dc<<9u2rK0O!wt3|a^h}sK(p4tdt##fQ+%w%D z^Ge^p_1C*9l8<5cUN;{!zp&~k0}Px&%3rZDtg!V5ze#82N|Gu^RAo$$LBPJl^V~re zk$jx(?l?1%l-%^!gct}QQ9dSf({LHkYg6}{@D;J!bArsTdaYUH}Hh@S`%QqUf zLu(`z`P=jXv)=KP+Yq|QCSpa_S-U#x75o%pw>ObOd5?1t7Pj47xO%YQ@HtX)D)6DfVYxZ#%g5)N6=$HEhf(1pF8aH7 zt7~fn9Homj`c07MhvPyCTdfV5o86(3^NH@XZocgeYC<{nr5W_(;5~Al)|2P*RE0Y| za>)yP^bl-aBzKjt7joA4O_an3v@NpBkR)^yHc0;t*!i6vOux^Ljh~ZZ-Z~pCII`5t z(odp{*K(b?8)>+xnoIX4%D)B8k8)d}nmMVfjViQjzM!1}U)NuQfM>+1E0F3o)|-Ly z9~a!{=)!B^b3^3Xl)>`C$^KIF6OS)4$EO;)bc*wOGul^_>wg^-AD;w4yT4__9CusZ zmV7o8JN}QY^gVm}ijil1skl>LK(WEutFXYJj!f2MHbp8+KXE%3bfM+?azABrw zvNEZ{BbV*pPAu%ziSZ#(o+U#&>}nc#m230$eb zrw^~iKt=04NZjkIw|;)FFA>oU7!IRgJb_L!8pNM|U z_h0vb^T4NpHpbn}ZH>DKkFc15eD{^l7xbHZp`h6gx0CaUJ%Jp7wIIAke)=up%7 zKD>RQCdt%P6lr3xF!hUJCmZ7SG4cD{dXlx1giLsmd|c&1^m(I94nf{|*Dh~&y<&`k zj+BYwH;~-6(r_guy%SpSFA{hRa%E8~#vdyqP)N-1uj?Ckz$ zN>E?0dqYajOgr-A{W`7%UmDxiN8S>x9?|dHybVJ&`DeUrzo%7clAlsN=>bY}yHjuc zXwS_fO=sJq$xNxN@8|tVqWyDaMW&+j=5$jwoR%d&Jlmg*w9_PL0}AugUe<9HI{dD! zSQm6~wxN!0(*kYE2l1V*F^t00k7kFgpEG?ss=B=l|CR&K{HXD4vkOMxU!HErp8bpz zd?PO*pd-GQTuWlqAx*t9J&*|TOW9x{K`;< zKbG0?DDl>aW#oe@S~|P&(eZJo{Q~>FqPsg>#QQ8XH1xe?wTg<$%O9T%A7RI2_V&jW z6%~awzsM8}ZTAp#^O7sCK=beY=sd%S^sa)ZW-z^(q?ibBb`K+-tSEVSZ>jupj1igs zLnFVxyoehee2e$i(04M2X(O`Y~0Y8@FgW8pPxJyHz(-{L7Vb-_C*q% z{Er^{)M68S>a(M$fjkMfEof4IDYb7`^;TS3`>z6NZ5@>uRh9|51aT!o=Oyvk9sQ^C znt0-`Iz^0g**ZS=9d{i=+F)6wOcHp_aXAQ7envBO!$Zipg!k)!y+`Cypy%XU_Xy5L zSBX(94Qh8;MHgEX1Mo73;`AibL{-BN*5Q%$Gdow-hFuyTUD`~rKzt9g>$ z^rK4SKcBG&el8-IO4XPjxULJjA*T!wdq2>!e0`8fviCB>)hEB5&On}cQiE8~)E#b2 z?*^wJD~f;R)qKEkCOiklr9TGhG#>a+m?^c0?g+=V8dSxD9Ci^V7B+6*?^o-4`qMj{ zgI&{^3&Ji$LZA41NP;&1Az=K3@-h zd4LI`yelJX>$onq1SCBjs*Cb}&vx%AgQ?9jKNcNbbXN_d=UB11=Bge%Le+zq43ba4YS`IZQ}QDI9HxR^|g`eI(>}J zyF8+?YhAH&OG&lWdM$LZm!mhNEXL>@c;2e!VEHsjv8KqRoqWOAr0+uezuJ)NhLvV> zCQRL$GwR^kQ%5PHY}|-2;x|bzmtzjy)dq zaxkm0--xIGVDdk>VT}7>m=N3jX%QwCtpFCSE|sRLDIV117`<&`N&T2DXTR;v`G}R( zj-^}kz9LCm4CXp-R8C^SX8c-`bW!<@Bi;W#wRFpZMG2MVVe$Gh{?~OErX%TQY8qcq zCYL+9!HW(=UOTOX#5nK8V*QIw) zXZD+56Gn*10Hfh9C8ZV7wC`9M{kfK+qtZs#*l19-`s=tVP+;lF4f*h|(mH26m)EZ) znNqQ~N~aGV+RlSpJ4gjFJXFbqQtT~nNtu`=AH2@WDC5J~_13m{6i4+zH+vwKVH#5_U|lh^9?>>0S7!A! zlUu1i2#a&RR@r4ZgP{Ow;EDN-GnTxGoYZPun7e?*ZH@k{fnPamV;8$`&2i0pyUBO; zGU#i2jCxH!dBoY^ixL(0Qf#*Qwt5 z*yiiL%~vW5vH6KVnPa<2UrJ&tpyLh~B?pd5sr`6}7w+YgXb0WU5zOa06buIwu&Lo>Q9iK-y|1 zEQg@=Xo>nv&znFOd6^$fHVhLkS=(i$OOy8+I_I0_f3oVca-hOU)1a(r@yOfUf#*G~ zTOUNr5sl_^zCOjxl#W&ajf?8~VBWQteus9sdwPZafG?m!y;eZ@lF%I!zoiT>pNAkN z)b&oQPw#Mp?20WyS=$Q(z$S@W`1&N>1E9c#&zV{ucUs(*?G-ezVnQhbXKu2Vl@8i# zKG7)Id!WpI|B>uXfu;LVB z<*Po&`ib~8c0wBoE%ausOi?Iays+(5uXd)A;OPujzXa&^4Ut3#v2Y;azrrr* z@FF1EL}F zr)RMVNq=w&DFp(|{M2`?+E;Et%Dub3z{(iE?yT4mYRglYA0D%#vU4#yVF`7A#3yX) zFY+N+l0V17zGzxXa?=)k4~=goLE|C)@{xbk>ifd5_d++Og*e+I2=A15QnMG^bspm&rd0x2>( zg9vO+xIkBF(1-5X#@Z6`^S;?#9BB=XUNymHs$@)qLxU&c#_oDk;`qpHnKAR2#nka- z1uJDw|Jpjjk-0x3OMj*&{`khWgVi}InS!amfJRP>c3u^Z(S-X@ro_ZNbd`y7P1*Hr zW}?PEoQ)>V7`e0`=ulKAvg|D%ul!FC2f%UJ@W?<~dsw{6kMIogwS8Y?d2OYsz&1g= z*FN#3)pek1G|OHoza`2F$_QECY$Iu)vPd}ff$p||r+AyJy8g*-rqh4SygTzsP(bP;133-*PBEU^LEsfs)*FuYq%6<~=93@N-guc2Kc@=-e zcPX2f=7PFM$zo{GH2SMxB;ecSzL~e+w6?q27T0VTlG``{x8-!E!CtQVl*y}JO^X@F zb+;D(EJduwsUG3?WIf92!+Km(*xKvAzL`shrRoROLv$Upb$|9d%-1g$qB%1IvGB;s zA8e6nslfL#a*t(u1XkMX_d^fHBIm;QAnUyd(L9ZsRH)wLKR5unvkaIUk5Zd|#bef8 ztuMl=PI{J3wV!7mbNsuzOQ}z%7@TWCLT&%5R*qYH7U41*;Y?n5IIrb>f9XIMC#)}3 zb{D9Bq8;hQ@%;}mK^_w^wwTGf9c*0lJh*R(E0n6%Ogmf3qUHGBq|)Czv7l=nn0rH!Q(dpS$}op2XI>BV6(?tgSER7 z-A~t2>e=0JCGdBXG8Bpm5R;q*_owVc^}gQ#YPUbY zW(+VJHdlf58}gpHUjKXNLxyO>F`awXTr;B81-9>XDBfn z3xnP392=Ax?o``Xt+PZzZ`G zF2@2R+GappS&OsY-DygVr|YsE%;%!asd}9g+9Q0&e+#+gb;kJ(%oU=p2kpuIstj@+7xN-+QxkmkUj*sc6 zIDRYX)1^712!eBkPkvhtj~6sngh+={N9xfNehJmkN>d(Fbok=Q`3v10?QKi`?CCob z=1mFVQvrWtW=X>-b&gat{o28yG$g-#GT^RagUx4d4XiU+%`g$iO0qWiP@eGpWD>f*4H1~kX!G91F!r+xi%loOjhH-xdH2*7ltsnaoVqK zwdIDcy}rZv4;F0G#Z}h!a`i?V!ksHv+%YC8KHh^@sp`CyAA3p=rji`>L2S;DnwLqm>rJ=s!MA#`fWwfRna?;Ezcwk- zrQmbA$zS7!kLL7{jnb5{$NYX@OLjYwgN~b70%vzF=NHFI7`*lj^8mPGwEkm*z1~*t zt_tMb7d2>R;UOj&OQDno_VXN-;+s&h-D3?l?0|8nWymOx>)UfC#E*ZpAyeDp zRYYFCQbZ(3^w@}yE$FySHQ4bn$nQJ#mxpBKGJZTiuN=+r_o=4}tMwrZOC(*TD@!;) zqH(Ewj3@pfG~oPTZNEvMBw8nZwPr#bua(;_GRQ`#Q0wY&1~91ZmcNei?`3XFpVmL@ zoM5a~e&zfQU`|cz^lyDRVRKdgE3Ui(B2KuAX$&L%Ipd#nw7{&(Q?)!edTG%^ylh%Q z2%VWXnuu_ygNYnPTGEK*U%^npe%n!iqTq{a{De8@bv*sR)E_+M!+xEpaA!#(SM3Hh ze5_-h^A0p3D-RoldcDow71Y*-x6z;_sZ5Bc!m<7opBAEDuZ$yxgWTe)qt=8R;HQRq{vHBu?N>%h*mRxwas zXv=o1)h4B=@YfxA7Uq)KCkm&quKBJug5qw?oLw`%XuOAIRo=y#ywc;5K)lf(~;AS>|H_2H}$^1NG5hI9K z^NL;%6~*9w&9Ajsi)Iyhb0}HU#KFj{9Mq*wpRAPO-BCYN{awnwv;@pwN@Do1;var% zP|nd6A5OHek2)dt&1&T_xm(9%rN7FCG#&D7{K!NOUkbZ~b-O<8Vc;j7zypG=#$w)x z1ybFo^{5nl_~{9Hc*xwjjUAG!)Yiq{{30Kx$;tewms_I-XaeAQX)f_FKGNI zyy##otJ(WJ=*oPnH_&<`Q6Us7z7sAq5rX~*zQQv!hY-mRg0v58SP~$DeDK5hx}d8% z>6i2UGl7n?CVK?r&Gh`9o2PR!SB*edgkxZ9(*hGlr$SqI^9paF8P4sJ#0;}L6v$@s zs=${c@`H$wF~JFz1$Q}n(I-66`pG!a!)$l}LySq^1~~tZxCC;36u6JN|07)8-i#`b zbZx3EIRDlpsx)aJe0EJ0OeMbQk7$!q7-|R}=ssHfsYM@C=i4B<)n9r$528dUYr;(Z z@nu#j^b;9C#LeXQV>x@lr_ftgNYkF(RIUjFPAb^|u$}c09H`~JWB$lr;uP4bDfy-$ z63=&9u2;S0MGJjvskkjRdUT1IFj$+FVtm|c0!YKD#%*%itKp}Pd}Oqvg_y~|6%#x?2QSo!^@RFp*b!A1+R==isTMY`nOeR~H zu(Q?ZK}M>k!7M7AaO+<4N{ zJG#)(?U;MjYSZ_2lD#KnW5Pb;fAH23c@BOu`>ha={hZ6>H#S1oGb%DVT(1JgEXk4k zgOT)C1_8Q#&viYPS3@Z#czs(brtW#(Jztm|tMy#X54-V9u7-Ghqoi5?r~Y(Jy(Y|U z?Hu=C>YcT@?RBIb4zAfC84~+LmpKFZN#{WYJ_rY^IY5;Wlf|{MGeSfH5-UtSI%AO! zG$LMdP+?rI1OtlX%df`E#c}U+1~*;q%zA-ZB)W6GpB@RDlqEUNt=l(_e1;Zb`m>>x z5cE5@&05a{ewMb$G`yI$!vu-AcG2R68Eep?*dWn-2)vQYasK+BYEdhb`{lv)R&0Mw zl;~mg)1W28a{>?6|MvnUN_%wjYS8g?#k{V`>a%|fP8SnA%fq>TQ+p!=mXFpCj_+~j z;Ap#Ehonf5iZC)pd!a2w%*2B=cmRNCR_BhOl&S}cBqkpF2xxInR8{nD%o{*yxzerQ zpY5e5No%;$^XXO%yp1tHoNOY2c~OHkYmb-zo(x%3txOND8v_d%(gC0x4nmEVA%Ei; zio3a*&5{u;Zq3WCj8wc(7cKf_pa=}*)#=RrQk}V&GWX{A`eY{V%Wpq7{)&dJDNboV zX|qCR)S<6~oy`2<{=%M2-ao$p`tNfFRnx@UvaTrNXoHnK z-LZPLRV`5;X)2lPX#4;S+;(PH0o|$3H`V7Mc*M3i_K6nu_JWkG7ij!x;&*vCpDB8jbG!X^8Ks>Af_ITA>HbJwt|kAu z(q<5W(Q_+CJvt3!4|5^q*5_?N^OUvFesD!4kIvxLa#NS4@1CoZTz4>K_-JzBf%k=k z;X#%o$!&w)B96O|!%3_ZA*Lo!H*VIQvCEsWGh3<1l-(<4%PkY}VPm*i(@_(zc#jfN zX)*tl~Zw>K)>fn_zzh!W4v4M_1$e}3a!R;Ezf7V#=_!u z#7|is%AW(_TFGevNv(OoDAmz?3xn3O&Y90==AOLmTHhxsO6En2wTGL*_&^zP(U-Lq z-~(Sd1>z(9%ULg-mWrwEk+S@jHFfQt7pdR%dklqdB%;qZx*U|i3t*B~)AAoxY+VLv zt{z91kH%Q*R!(DaNsmywt+GYcCztW6x^3b22Rk&WXy)vyRAQFi3-lM=%gG*$zum?I z7EG$-2UaWG@ybJC^8zH(Uu^rO{uKALiNpM-1-#DeGI3>Fgsnx?jM(_xy7`wzotM`) zqwE+NwbfIFtbuDZPVEej@PPbZ1be4ML8*@@W#X5C&5new-^Vt;H$CxlQfDQZam+Xu z1BbubSH^Hag@t@C_z0W~=m~(#*{)DvOzmTzxY>4-fujCZk(VD%jLFC3cc{W#sqf^a zbCQ~2@(-;;Y33N?T`0>@m8O}h0*cZ(Y2hUh+45su&-KBMEi%n?i35k_tjn*p?foge zEn^hqq~P6emRBATKl4I3nWR|Fcq*41n;lU2Vq`cl{m+>aEy|YYi~G53_w4H-JFU5o zA{_=LQ+p;%DdU_GKa2;<)Eh%;hUf90w&z!{4HYiA;EWDz+Abq>xWB@=-}(roj55r# zyJNpT#BSiJ5Hfv(;ehhSvU!#P+f&KUDg-U~F2lDb+jZjt*j6P$eBLuplC87H#qshl z_^yO`Xv`udc$14^IaaaI;zkK=hEzjNbLOcGQ6xwvjUB3SKj6OAS{M;cjYb%9A2^+! zFOCpyygYol0DftW$h+`pY8i7dICamIwmIZov%NaHfUDYLSUh0p(v|~S*JXH9k)+@4 z>TpY?L)jT+a6Rk(^c{6!v}hM-ZSl4kf{rF+a2YhkqK=L#;NKD^ zRgsO1V8WUYV~-);`gzd}bmj?YivxLrZ+1K;^aL|xnl^k~vsuJi%&i{p$Ozh|#+|rT zqMUFog3m}{1d3vW>uf<5VGITYM*lGHB|%Hn!PH{Iq$KL(ARVAxh=W!qF4uMO_qgV| z(9-9HC!p>RWPt_KKsV=IV+!#ZbDH`?`6%?1i2un?sUiEWO?W6TX^Y3!8f-s*)P-*4 z)mtyk&zOpqbYAcJ&*VbE0{9(vGseRN3J{)LF2*4y9YsF#rphg2x)=#t5*xk&Y-zNl zs4zBfP98+d&G=XAzJl}6I$vJoRE&t_;D=7m#&LNdChTAr695m{)(7G))ms@XgmC(9XI@ ze+mwrGZ?p-#K@|i{d8MpR%!pdnGq;!srxCW!1@f^?yO+;FIoR9+|L9RY+cd)$BS(f z*=9sJYWbpnLpejT;BnAtKb`J5><8_~3_rqY#XZ4@YwZumOFHO}YWL#{QXi9}Y+In9 z@{`ZlJNn8`(%GN5CA|--Ps_?SqKl#apl*?Qw`QB0#J)%SD^e4Kh*PRn)1v|zNh2?wjv%-qITbhnDSF;|KQx7kJB zK+ZJ2HT#6?3_U7?$F)~K1essqg8hrwp=~&bAv;MSv{t!t!jmJ*-W1K((JL=T{^3;y zC$=OuN%V7)n}zBh%r}`gXy3jb**XbSa_`3m@CQp06WrO#8IrUJcPxxlM*Nxeq5*fa zGu)6>hH~IGA7{523QZ7SS!zv>Fy(Ip^J&%Sf0Y6txZePg}5 z`ykz|`m|6Nzk1hzBt`sCbsV+Q(%CmgGbE^1+I`FaBVszf5iPWFyx7>e^UFZjWsRn0 zpL0~{R^j^r;rD7u>yTGG{V*SU>` zyN12?hesrxTsG}x{In0x@h@*EV@6OgeO)EA_D!$yA@vI@6BC}UW;oUbwB0QIi*6@| zR3GK(g7cieaq3YtrYeNX`_paw8vwe&0L1!G^9qmi_;!(nr#8omIO{R33@K!HGJMpA z^=LKqMQU!L2J4%Yt@Kl^3&6wQ)U*reUWqWu=mJUEB9ZfbQDoi0?vKI&wRxR(dbi}@ zcNDRs0PSP8eYtK#gxp#VxJNFCJ)@2kS9YT|b{iZqBw zcXxM#2#Au>Atl{NH%KYn-3=n$-Q5jR0@B?LXYl*J^ZYN*xj1)cE_`tBz1GZ{`Q`h2 zXVzTskKy+6!L@>yLLwi}?t5iv%o9({@CZS9jko7TpX?RQ!v<;0Wy^SNMAN(S9;0Wx zuzMMb0wE2@p^4Sec$aTYZqld&`}HHifcnp<4yV6alZS&B#9qgNC~Kqn>J7P$z3XLH z)itugB?lTdcK%HyABb({H4wn})YvMA7@2c|zR%-fG0(bwSuiH4^%*K+qnjmo*qjMa?f>GoT**qE_V;oaVPP&pC;;TyB%FXl2_|kQy{I@}Res^!mNnOweJ`*@4j#iUt4J%pjdl zqJoND7VjY`DE+_UV{KVzdt`hPSc!g)ihg$YVI`Ld*i55v{RX*_?r7&ExjyiBd6drRd9HbNt+i!rIqYy-e@n}!a=19o6BinYJw;CBNG+6FKpgon|rGLi+T$p zcwi*;YQMF~jCb=BtYLnP;-P$Nms)hq6Eo2VKEk7%*e)6iDxp1BOlBuc@U;wyDA2*^ zsgzkrRp$ycIQ>i~D*X|;gKK(5_&c1MKR!FrgLmd(wb-M*YAC+q^d_Ei#*+T&b0#gI zHAx{&q+{f}qPxO8^~>O5;JZ>+-#72&I?*lG8x(9p!|FD04;O%kfTTuXub%_pd2Enc-bCcD=EtzebsfjqyTKj(0m>7y%|YR`4V@IAE4tr>svj7v)@3NLOdWi>UDvPY~s~*~wf|qYi(&<~sbs zX|xCO!z!+%jlqm<{`)6cj>$Xj{U-7dH zh=MXhBEJ%UUrm@+8WyQZJJ$IF!0lZ5^5CD{EXH$Saa{DuBbzv!_9$J$D4ZCk9IK<} zF)QK4MrC`7YbH5VCMcIsdG#e>57%?HX`N1xwD7?8j~0y!iN1cdN`85R?81?g=G+Vw zB%d}AUF0*HFr`V;jPP#r=+XtIGwnp>@<|F3?46;7fm^rNcT>`B)P&T0=ScbzPv@#tz`3>*)@o&0s z=@#tH$5mWM!&SV(BKf#rXlxCA=M;{BsGKybxQ>M{Sxp>R7c1kA0+Yp$vB&E-tnZ@&aXPK+1xWdI=$iwf~nriZ?Mla-SCEfuSijXMOHb zVARNmm=a|QpnLwJ_v#)=D08fAJ3*~A4|1$MY|Q6pNe@9c&nDVU?g^_MVGSr_~5d!_xVa{}r6Y4ibd6|@W90pI4fWh56{P}XxeIBWzVekbo} z>ttbemA4mJEjBNTi=U}q$7?F4=7*h7juRK_Gmjb9lNw7sA^Bb9MoP;GHV36$N`D*} zA6uLX2f*JDCCD06aA;e5bJXo!(%cV8<8m;@;lotPrMQ_kRyVY z)#*d!65Q)6vO^LRfQIuq^-xo6G^HyFlpTy~DXy;sh?$!zMK{gJ$CRikQO-gGeN32_ z{es){YtpbWw*%_OyGa%Y!is9{^U|m1^TU)e8_TcTj^6Vy)9P!%998G`=q`C{j`AC$ zF(qAZk7q>^`VCMj8KQzP*tXskRzn8<-?;dseUn0a>8wpc5T_^O!fIFz%9HCHo3E^W z9iSxpa_9;2Ze<>1ioTwE!6%=)s&#+l%tCvEsxB?n?^E@)B9xl#jQ^V&1EvGE#?42b zp{c=o9lWWU9dqgs<_bg-@H%I=p&zVml+1pSEQUL>rYZTb#<3c$J(Y=@=Hf5BiAkXf zXZo^QlipHdNVoOY5BH82A{d?zWG02mOvEHO$+0xX9t10~z~pMNqPuIQu@4cVfz!7k zJI~-V5OkA!eijTj=wum9bt+fmk-V9gdpDw9q-zgY4o|dSH?z9Fczc|W+MsUI=Tgn! zv?3H}6&wIP*m$MMS`aUP-q~-!>8(Sk(luz4ntSrTOg(8FlvlWsEn1cAPdQGr%ad^2 za>3l1W{Zv5zPziXzJ_=cBj?mO6NDs&!Wm=cGMfpa-JvkhpbmuS`X2Gzm z4c9W4m~_NGo^X0PyU`xZ>j#unNst!e!|5X!K^Eb@MZM@71O(ck#7nNM>hvbc?XF_d zxa*O4d$1=24tKBSgX@G+OWt5y=W?;-!%>F^_h5hilcGXNxLcvai zZ`urnG+xA7(9`HFesd7Cn!S)Ep08)x`#nhqXiV`5ky1hzC7+M`-CS}Gl8MLLR9 z9Jxv?X1&lS)OtoBw+i4~TWGMu@6oY-V=J4>f8{mwlf4QN5F*N_Y8+TgRh*r~G4zox)A|GK`)w|4P?I6qRz~I+vvQcapO@WJxxR{CNuER$ ztqHP_cZbEmvaEAGev#2HHEucjeTC1UNLwZHm~h8zDj){%9>5P9+TYnQ3CmfMiUUeA-; zggen%6&R3R*E(Y*!1&Dd(QiJm*qP+5!N@M!yS+0X(5n_+IO>mhlsU98GP}wdQ{Hfr zvWXg=Tuu^BG{GpQ=C%xlCsdKZtG zc5`(P`L{b*Uujbx_hsffq|_}xzoiXkLV!So7l}y}1r!Q}1+);gNk{F7-)72A^6}pb zLF4O64$9=FYfh{LbGLD>@k=eR6TE=vaO)mTs6judQz}9c8Zyx8w>m>-Q(##WjQT=-xmjS=!&~BzX0M7 zvZScbw>QjYZYp=Y?qNWSA&?<5W4w5t!F;;r0AdMR3bqEG$BDAt$ubhK3F5lABE5+k z0`by?WCep!bzwi({nnC@w`wX@lruKyikqJV3_}k7dBqrX z=2sz26h?0K3H?*x2}5^Gjw=iC@l|opjHWf+1n>lS~FXxR4;ftMsPKflHh})5YnyfUm=bJ>-o2oDawu z_yjbkEMWOwQKzZBXLXpd!~W+(FD_hiU)-lk#YzCCe<+aie?C7F_wki`u6jnA8k&GH zC-QfgPv0yVgVhZ}5^D*1tedI%wJlcUq>23*{hy1{)xejCm_8=P9}4N4W=kpVh&!57Rym;qJ1&(9>+d{yMgbYgLR#E#8P%C=um1hmmykpG=YNM+dThm&Gdrh|iC>s#JrZSgo3`;{W!kL+<4(*JR$S zj4WTK+KPUH^H*K}_VfTt?z>|kU2Xh_9WOCVSETUcKLcomdk&xBq87nml59vO>A5BT z?;2s7029Mx!5<+t+J#rw`dZ}QpG$zB|5A%8s;!SjQs?we{~tXdqKQ;hOjnpkz#XgC zFI@2cBfwABJ-z@J&F!dF9sLTXzsDKkK}TW8<E(Z+4B;BPR{}?|MRjOr>#Z;eov5@tn1QyWl96V^02m+(I~NOxLH&bfroH9cAdl z%fAr`=)3hh1b(G7(K|J-_?hpLZh|oim!~O_fh}zU^>2DzSdXPqMvAJIf!@6 z{wmVbH^QhCuraz7bKs-}ddz{DnVE?Rg+-R8;zVvmv+|f+ppbu?m*@GTZ)t9B_w@9| z?>3*y!{wLo@N>=Xx6Hoh>fR{-%8u8ooJT5ON=nMEt}aeaPLPU6M>{z?TP!uIJ)j}M z*%AM{yus99L+#B|dvtKEC@X7Qv33*G9{SjnnxAY4HsSqmU4}g3&UT*NULL+gL2>x< z1!q-xetw=v&`niIiNe#w*tphidz_@W0NbgHbB$%vi zVTjX<;MOQa2-$0VdI+_wdk-RJ(EcUv;j-`1TA0vqU*Gn{(qICc=fm~pa9kXdcC+2K zyogBqC=Q z`fh&h7(lOG4oD*;e8$(WZQ7pqQ&qmAqy-GAGqEjxOt0Qe+Wl)AAxGL^Z8tVHh}_S{ zn0-%NPMN=)GJov>ZxR37-z(_C?SK9R{~E)P|0_9=BYzix*X`ruIT$H0vnpCu+Hg3Z>s+td&zj=iNOK3duj6CZ)A&?!^3-5j3Mfs`1D^y)C<;^IDq z10^sBej<4jPadQMf*GWwp;7qvO1Xl`*jP*;T&;9qbC;5`vMICI3>!F${hv01pLM)t|XOUDMOk?d>982#^9ZcV??UE96S)GGqVx^~+SfMS|Sa z#H6gMN@?N-$|*&T8l8-cjDUbZ8unSM1XY9tHF{uEQxgaweq)R-Ec`4il%$M$a=2tE zQj~=yC60D>iaq@u9UU##8+cvz>{0(&e#j{I*4uxr9K;H^qW}F&FW^c3ebmMb;{P7o ziwpgKEP}W1lZSn3OL9P-|M{~O58*#+195u$=07+0e|B@N38;K6Y3ZSomWK~{6CLgC zf;U@aPn!81G71q)OA8MVPe~d2Tz0WPKjTcCPVKVN?nfn?8Xq6;1{A^4((>e_ySv*5 z_N9EmJdp_r+gn?; zdOau#3JODeNRXY*&C|!LwJ<=bD^uNDTdOdcpako5t?~Z-d!ymx2nlkt>7NN4X0eTO z#He>*-!2ai&+zatpTizACueM&k&zJ*pF?oZ8iPi)`BX4uW{MXU7M{bR*f9t>?9DQ@+?Cs`e_&&)2oFca z4DuuXEsxHUsYy7K|x@)8JXxA89jE3YP`L@f#s+{5J4mV zj|<>(zB4U<48ClYX}G#tX^O%Vi!4PA_*f(?@YI&H+t%q$7)2n0tdXf?a>xL%k$ zJ8NkzE!5fi`1lx&q&B%-pLBMLI$w8(;OTw-EO_!%krd3O+Y6D%>B6Zzu#erz1itMe1UdQF&4c?VG0&%@y$# zMk5}N_m{xv)l^gxYuV3o)m}Z>h5OxU->yrfvVT1yKnOi_0`2_^l{kFHaf#Y)%BoZ6@veuo#=P08^NJ!Z1 zdU>E5O60XN<{X?(jf;ut@VgZXU99lOkME+SK5fDuqyKJB0VV=njLUMN_RE^M^Ewdr z;Uun?Vq?IHSXk@>1A{I`ffnHBC-&*n!qFidq~pCuTxnGmhS=Eo?u-@iu38Vk$TMg) zVvBvm4G||s1%^-#9V0*#Xby1f)PV=HWou2BOHnF<&L{d365kCSAdvH@K7HV48tt~x zyopa<2ddJ8lPz2x?&=!b!7zr?gu*UTx`6jyto`y%P!Q00Mfk|%%}h?(5t5ORkbv2M^Ulu8bHs#!fjMz%?C<{&AR3vHB4E%T zZ5adQbZ^Hw0OTGWp{u_i;Z6A9pcE4mld~;1kTg_OVj<}IRAUhl5#SC03_LQz#laE7 zbqk_|wzf9wMz0yXxB(y=}kJrl~#>!xOi4Ve0=X? zNluP|j*f8F7&{&sgbX%BykqS+A3? zt)ED(W_ut&0_B<|-pbuC0Co)s2)IK{A2Zer3#zW>jF6Z--}7lbex~K<;o;%$?+*?k z5_G>|#|#p4!N&r3r4FR!{?0ofEiLUQLK4-7e~|(a-Ut5g0T`kC+e=4=>@i~(uvhxo zn}_mKw=pwJGFkmecb1EK3SVAcUXhH_(;Q*q(W$8^9ezkKH96XQQedOdt|bN2WGSN} z2w_puMrNj_C?X`_yzOEgm0^C{+XIWc))OY=bR_JNda&y|UX?tu`5F$Ifq?-nV6uo6 zpXoP8Y*Ny|<|zpKgr2lCEVuX@By9vZDQqP1wl|Y=34tS; zJV%lE0irv14`iCdSWSdX9kzc5>EPf1Vw#gjE-o%a=x2C%cp>7@t#F?$EJ8X~0KsaV zX&3y%;9O70O^;dF)U*g3XltvmwsuQ#v5c0MiV9T;nBr|1k=A2}_Nl8h`%FHyku;}{y#R#vvxJPn?zI$OI zS(rHg_Vb>-BpmR+L_!`5$8%PlD2nr zyn=>*`7$gZAmZgq>+SIzU?%!T=2li#Hb>Ilq5Af$EjBtUXyJH0>KzI`&#bM7fh;G? z^_NQ?Ho=j4lftQf+-vGY<6trU>8zJX)BN5|p_x6(ICCuC_{V$mS&lN@!x!k=#7#B( z=4lCsJv%V3bk!URHm|D&mzr#82KEwM4|x_xfVY_Wsb;$~S+LaPiiZ-4%_5Q^w-xn$ zsnNOO=TE7$_nyEf0Jjn+cyW7wxeSbO2DTA5s3LQ7bHEZL@YvR^B5%3BNNQ$*EXrzXYHB^TC16fbMS#u95)ZMlw*DR#Hsgt1SWs|%d)R_Z z)SVjq85^lP7>DgF#DH}UjEMe3cW}?dly_lgs&H{}acy-KIKarrNM09ih#gXZ=<4BN zN!ae){XHxSe!fs@Z0yF$3X9v7H4{?_mbTm2=tGL*(if0e@YrMnhbD-KFFoPs=lAgN z0F2$m)u!kL( zm&8Qe`(uzyyjz|f8#~@DX*q~LgoYr_gQ%pb={}s~Eer}in3D$kUFG{Pb)N+7wm?ub z`u%SMb9jGD_AV5A2`h=qYMN-$m>pPH1SBL7fg&Ry&@wRW$6LX8UC3)`g%TRzH15rSo!gP1zH_e+O@V!o7$}1;%6- zu>nJvixMrMyu2LPL>(RCv=J`+Jd>M;`&-@=M&Py6OvGiW(G3j^Z*FgQPcLzS(->Gk zfqD+ZoG^HSCjcS%nn@iX`WZNU3DY7u>Vu`G-Gc+m*}U`_ee^8lLJ%wwfTehSVmKr4 z{NE%V0%6#(bp0>xg-JKn@xJ{NQdD7d+P*^c)*x;kE~tEV*O`fwO!U_RNk29JV<-Yj;MS2!SGjXkyb~ybrz4rs=IrIYkhC%A196 zoj}CvakT==nY1|e97;1lB;#s3FD=#epe~e9LJt-7*(k?Y0P7>GN)V z`!g?atyiiDW1Q#d5EqC&54XO075~YJ(~9iVClCmv6c&aPp2;erM&DobU8!C3oMzK( z;sb{4sihZsd!c$UiaQvF?XBu2^#wVz=)Ll{KePV(tuPkM(@+t_KD@rHZ@zu4yEZ!Z z_Mf~@lQ233l1?|Kj2_FJ9Gf$1D7h6%i1_!atrMUP>2wACeIGVpu20HVdhBh7BOP~% z>HkTIbA3RU#o6>!?>1kZwZQRvGTMGeQ_gT=lrfQ|{D8{Oz!E?__Bt2JEN?> zA&yr+{O{9?kDFEzxgC9#ApcQRWN%}m-t6Z5E-atw?>v(Uk!ft;-&GpDH7_%AJC;3+ zgd-`0B17-nod06{_wpgNTI-d?2FLR-4&0$=8ioFWfwi?YDyjHZ!wMe!VUTpB#l}vT z`Rpa6qkyIH&*kpnWY0~2AreE&xUHgldzAhgZmbx&K9SWw>RkgeU{FIK$Tap6Q_mf` z)mTuIjO!9gN)D?n=BuriLs5Bw&$73#YG`onfC0Pv2{_H;{b1k|p`KR#xfoeoy?I!v zpR8a`zP!;M^-jfLPoLktGWYQ?!_FwS_q=EP>H$UDtn9LMDr0X!m=Y1JU(2+U)Cd0s&Atf~51QR++|lOl^To z&Y3^;;rI4LUL1pl1Lz01GyAMz(vNWRdwIOsh~C4Z)X}&-52}YL|?3bm5l?6ZP65Pv0dmvm%@%-Yggc@WYYvK z;*mhwO~|U>+ZBYxq}BKxwVl}XF^9#MLNN+wyg$)#$g*BfNx^s1v@-#&wj4SqICkzAPmPC%V0 z@!S=@t^IA>tsn#L-d3J?$(}=WD1$Z{_PRYCvOTJ zTG}ZB4(xAog3{x2p3$S|iy!r#y8CsI=J^1?kuK)FIis}wtun8kCp(E{U7Q@~*z-yx zIyRC&|7G&-*s5Cu>`T|Wmu0D;3b~)k9E|!Uqn|nwRw~rBhCe(WzG1o+{G|5f+x;2y zv)y}dtemWhM|!__0C)+{0CcEIuP2mFrIOBM>gApf%9Bv1h4T9yu-ISy=r3|B z(Fb1xJ=m&GPDuf|!VoqxEqY*?UJs$5TkXo5m=8IMoXsJHinJhCnA4|nz1U;f-$NJE zY<8QgoN?fMQn)$IqRd-99ex-QxW1qmH>=_ZrpnLhvYAKAwO@8BE0E|!)FyOy2^-j( zxm1)Vm)Lx57*3Xo?s;x?dGvx?MKGNe)Z?juJs+h2ZaJyPVzC~BQ?#lWIeA^YYU89E|p*bUJ66rIUd|Ak#aPO3`_uQg&jcc6k z_8!^!xE%J*!f?9K-L{*R^ORC*0jx$U+XwtRQ*w8m+^bc)f0ij;!uqov3raS|OzrIG ze>qKg(u)+-xPf(ncAYzoJz_RC+pD9Mr*jROuT~K|-e3k97zeL~b${K-% zjqP-RsfFKuM^RC65}ZMZi_FK(?bH`Z(d2q*X~!=pCcp~^=%(BfGD;af zgF^PoXh3bL(M-v%ojRGJn0q46a^r<;;TR{`BC{{*aJxHYEjoUY9idK8Itqvp?JT23 z#A()Zn__hj14}m^#wKtvXkI5w^N?7##{b;lrLxbi?e1N&PDLIrW6fO$#VR1aXJJ&* ziGNmBzM}T`_F}Vq?gTQ4#h^Y}TBiFg6=Y}te8dw3*5Djuzc2APkx1(%DYlguCNyZB6=SlZgT-&(2~g#5`qRxcFS*xw?7>Z_MYCv3F| z0-J{A4EpWn(&y`QliaU&;}JKzRMNZ2LZ+NnN1cYa`4y3!u%682T$U{)oC%**u01b-2wX?0 zKU;$A$)~K90vy177Bw3jhSG%6GV?*2E&{wk1CNRflgb}ffn4Hy7?CWt zes*@M@Tv*VrAc0?j|Cgf)`J4wjIs*hZSaJ`3X1ntoo>-T*6`%5U<00ae6yW6%VB8;6^lTPlgu z0_@2LAJhTO1kn((EP;T_*_4X5fc*~Gm>c&1=dUYmiEA$Y`E#a+3@bVL9}rdyRc2Eo zm;tuFq%jY1qxB(G4&`f}WBG^N`P*T&gn?84*BPt^pkNwN#6aQOA&BI3m(OLS_#RG`md zhry^|A>obnH2Lr1db*GLCHTHu61%SQ`7nlfGCpm9{p8dgE;UPk(|~p(6o|T< zkGrr;5($Mo+_K_JaSD}-TtGopjC2g>6LOFch*_S%e4rE@QX*@+yBf;Mxt`|n*lsqO z)NfGz;X7FLy0_Tks`G#TGzXTfyK-+(U53{7?&=sE_#Yb+1ES#l@f^v0W}qorIcRe; z8|4e`EZ$#H%P)Q-Jd>L1?(Q68Yj#4&yJyX^V@ULts@8^^7>Xm9m5s5_>*IXBv~93$ zj7ma29APwfVtBg}O!dGua?v3a(B6|wZ1&tgoI{N9mDAj{x@1^h(lt#|U`zno#UcZ0 z1c3l1@ZJH8+RbjO5kG(a^p|DOtUm(=5nsroQMbV86u3iBA$o%D-L7r!BR~N0w7>w1 zK?@)U*f0yrN21>$_&g_|gmJ?OuuOoI02eFs;e$LiAsy@9;i2c{!6LBBz@u>S#>p2* zNlAg_t(M7?1b;Z}Cq8h$j|9Q8e^rU5$^e`1ix)4z{{YB_1I!M%C&1J0hPak1kAKF* z#DH3|5Rjn<$*;mk7xRXx@+t+2hV*W84&(d=?q&TJ*_!WOLfcW~1(niJe_O%HmoGpS zk?FWXA1_ekeO>R;jd;r#hNG;Rcld)O=7Zmw6PN0d4z7CEj~`o6w3k~H%6uapFG$Y* zgu#*cGG{B8Byn3RXPVCuzKg4AwEK}e%rSxok1@NYaCO~VhTm6klKe3eA;IGUty1D` zMv>!~Y~2)6O8%dyGhA5Ck&vNN9b3&gen-xZU$e$76`G$QTa}8m7}68no10te5@-i> zRiVu`9Ux;sdS^HoKL#ePw3OM=(eXYaM>1}e`vD|a!1AErux9IywNMJ&?p46U!vh<1 z!vv%bR}M!YTb6C=oi_(Y6XI|IPHI@;O-x5+F*&B9Wq-Qt1FXA+@YXmO(Fzs|@g zMOo2RqdNdaB0cdT=LB#Gq$q6xybA>dWz~G0D@Y@!A>O@tdcLjwN(8LF;iKmpRMET} zB1Kn?A2B=p@Aw?fgoRaX$`BYP{**StR^5j=*W#&*TSr&%2De*p=uODpa7l(C!%gM9 z)VCYVBoF0%;mL>8G>ON;myaK&oT~t5KbM-^RxEpO(1;c&-?jC!yVH+LnMX{zxQ_BX zVP~N@Yp>j4Gm8edK$DosTKUmTgKILXIu!~rTBQCaFuVDa-z#dT0IZRwb@b+x{ncl} zd1CzIW6#UJ6S|JE+Df7VdsM80gT{4!~SMc%fbb~M3^ZpBGdq#WX>~EB?|;e${vta^OH~D@K11D9k?lw;3spw z(K81Zx+dLBLw{+=vSC%V?ls!cK}Jq4N>l+jA_&ml0FUH^@kK#F0rUhsHbW^5UK7Ho zzCC`fFEk7keZ^F>PMbJrTWG^7JA$a|Huu{4@oP**4ovc&I>#r&-O_pl&v%yT1ulM3 zeqhR&OKlqtws`xU%QBMBW|XU}Q?vx-%H%uZE?x4^)P1qi_#sWS2fQ~u1U2quj_h%c zLbo|!;N<_?ycc>ycMrNj# z66TxLZYH~mSXdBVw)>=<1{mLv{?)IbLbUApc-it;RbH+RpjnoEZP)!OAliwJNaXLE zA0KXS#<9A|;4=GyBzm+ysXv&dvKo9)S5FkrdIKi_>NAXSj_2}t`?B#go42al(daoD z>Xyj$a0WXZn)U_jH%yTe%CsbJv-G*+^E`exLihvPB1D{TdfuN<7)*D5@@$Mlb}*;c z+tpbeO8OH$QSYX<%NkjgLY?;j-Ijzk+TOCRgJx&O&9&np^`VvsT%G9r)M8wu=@k|-V9d6b>UM+@3V`ab z5@unYX&{U_Cm$#0Mc*2C=;NX1Bbx;h^qWdf+`US56u56lIB2h5vzgD9axFRO0bBq` z4I6qiwD=Fn2=0rTm030=k)Xpj&-TR?qKj(H+SnzH`nR0-_+uUAPVG%XxLRM)Rc&Cd ziwMs`q-SPWWy(@=Zw2p+xPLvDOz6Yj4}C{8-Q|z!FVVEEeOB$K)9!^y-c~8rbMgc?0g+%PbrhiU!ctOr7Ji%m_1tDya=S`fnA>` zwB`%2IhIqx!;b(&= z#hO8=fni}*v)rKU)1?6C*RI>)50Z$k&Q5MVzDJN2`sWpEw>(@2vW5Y)lo;|}^o`_Wa`8-yd=*P)q9$QeNVL@Uerx$}WFf`n`q;RkocW3YX zi)w&*JOCxA9N5YG@8y4{wLVdXm6{7nOxU-$ix=pg^sM@Ny5}&shkMqFsP5-5^i_|l z8T$f!$72;gwua|<`}Y0p;T(6A_44mm2FkgZ$L}sINRdu|>w1QeFYSl5*etFV{IP5Q z@hf|E*KOVzN_+@L53Xq%>(LiKlVPN0tA71prNVX6_1?PA$K_kIx43N4{Vmdmr*-~9P<)46|!h|Zqn_>y9mw&gv zV&;%5ptb;{=>7XXz{F^FI$r(pgZBOyq>;u$i5xdQAU-s+`5?y_$0gDLLORZ~M`qb5Q*vFu) zR?#OEL&L!=;ZHA0#Cf=lqpNIc*?6ppf}gi=bMx~ffP#~jXaF2Cpa#{}Vv{I-{P+b#QO9dNWWFFv4^K?I0kjTrF|qr* z(-CC8PaxA*qy@A#&`i-;R=Jza=gNC~d&S8B%?{KXEm@&VX2xw|KaOHXhhiG^-{m!s z`p#ZReFNx{OI8;0r@5rH~KFx={i|3OD zRYlsC9gaXxHJY9+Tyuh%$}nPUVdw+p;jXbjWx(X1KuD#c%36Dkr%MqO{@XOsSC387 zGH31Z1NwwYLK0Kae+qVtE{Jq2?h0q2)yI-%mAO{Vg9SG*0}#I*r3wlKu86M-BI~D=jvhu`-!XVwxp#SHkGuM zAIj7}t8ZT5YoKJ+Nh7GsYh4efm$eM^9MW_wQGr+6vxulA4gvw{C-sj6%Sx z531=kR@#4|AdoTV$qH3~Hzxr;LJ3IdK!_C5eF18n-JP8v-tXx>RA-{3+*s`jdJ3`% zwWj8Tg^krR=@Y7`;!K8w;nZBMDNw+H$q~i%(JOzhD~)KXG7V3YhONw5Rhs(=B@;ZN zUgMJWDF7rA)jxizEiu#F@(LBKgd)v3RD{{md8Ui)eVIXA$GfGg7tcgQCq(E+t4hq+ zq`{I!HTg6*hB<7=2l-fwk_Bde@xRVwO2j0(`5LID<&ePB6!x)T97);lH_7e(lGf>K zQ6JgyDW&gd)tJNAjmmz8*Hy{2=P`1tl@51{AgfM3n^|fRx8^s@qAayJe-H8+R zYzV^O_X&Jqzsxpy?%I5q8~~M-WD@?#{&9X@2zPE?A}wR!mWe$VyiqELq#`Iout9=c zzHrL_lnEmsPTceB$H72l7`!K()9#!_GEFwC(KF^XE2>^K>;>mswO6G}n zXImfN_Br{E0^|#Dzoztsz*>Nlk#Ek};4(%><=%FW0iFQBVJ(4$2Fq|m#vRHT{ipRNWQH62!HCQQj?SB-u+ZIDsZ_UCM)i&cCrm!s%UG^S<6S*fpKyKdkD z`So_KQp(Pbg0o*M7uYKBg1RhZlrYu(Vvfl3?h9aoU@_sIm$i+IFp-je)_x9BR=5lh zZv%Epkw(oy-DaxUY;EP)GPF7L8+IHbPJS6w(LS=FnRz+}hV#=?0AZ!zK>Nn}sTt3V zy{_a~AAks|jsM8m8%v^BKQkN#}M4>tiak?Q{Qp0&BeO<7NSNH**MUiv&NJ2#ip zZ3mPb7As9AKt9Q+XY%*gG74r#Bs3mq%5NaeAUC|IO>aVhhq>`{` z3OS)#t8PoYj|Nny{xW0eMp3L0>%*T}BXC)0W7X^*G{)RsVfDFWil& z_-8Nwxn?DX-}l^$e78r!m4OP@3j z;K0t;+2#TF9v1cz3CT^}Dm68g3sgt|nho5Gw(~khnd+cn#k!5NogI5vkED|*5h^b? zcQBFA1DNES84mzGfm{)AXqr9lT{;9oIX2_%H%6_-TJYb1>@U@X?!w$(RyzSV6X%&o zfg(s%rsgV)k`6Z~S#)0NI;Ou?UU8d8tQv$u>CK(nSFfH>QM7PMz~TrjwY4l6vwt1^ z>1QFM!HcsP!jds7;>n4)yc*ouh2cGAn%D_@(_bp_MW@Jb;Ks;{@)b2)v6V^|oKBw| zy?#N4MUhhT2?5#Op?ql4K(R^G`LO)Fv;dPgs1F5Q{(030SRq(FT#c70QiT{L%b&Q~ z_bad#>dHU+O+b=jwWrb6@6D1++Zs;uAA?v0eiLm5G&#RcVai)uB&kA*yt~Jn7#cBc z{XQ}rVdej7L0M~6`KJ+GUfhn67P;9=7UyF04EOvR0vn{99QmW^w^n9Bt z&X2ZNJ2sXn7WQe_EGvA-n7v7WpT~vvl>$=xB@{>2u0EJ>?W^rGk#jZS-2o;1cgl3r zO*lqBxE@{$)(W1(n67i0tsQ^vF1r)?Nh(gwyZ&SBEf242PVAG^VY1Y8E}?SLN+YejGooxD(ONuy(*!^OZnYXRQW zSzx$wi&^TSpJyL-4hoKGz)BUSIJ2r?TcY>i->R>jv-{22Q{Agdoy{sK5fpsElUpna z@*~S7Ts^Li|QSc6<1OfuI(*kT3y{J95Yu>OD7!T;Dd*or4Z4tZr?%RPCp`S zA(nyTXqd{F)8nEeH6omw#3Ul2ocYH!$+jtL=t3Sxh+TP3b4AjIV4$UoNI z)IIWIwZ?1@eBLRG;KA_|J7>Rsusx7X;P#Fvoj%+eHD z7qSXP-L*1uxMhNo+K?5<Jk#TijM8CwHFcf!wOiwR&s zmKz*P($iZj-=y-||0pjX2Q^$mRMfh`T240i18wSIXL#4Y6KGD&^jT7JVWW^}Lo zGp6QXSfy5A!y+U!PL6S`TB)WJ6Q_7=wwWZcoL>SN8L|aasm|c9tEQ&rPX>^0tvVYD zk*(<>jp^x^T#{z&iE0&wA%K@k83p!@C3LL75t`Vjtbp022|PJFTc|L4DI$@k(mg-# zI-dO=0IHxo%Tn10HZJ8#CtbM-ifnKXkWwJVM%-Sdk!YUIeJQbcf)X z2px>s%g$JxYl`b+udCUV`-cz6DC}bib>nhJGuU5g-s7KY4if}u4`z_w3@_eL_$51U z_A%f@AB}}j4KCHt&+)(4mWdhH6L?5rBISry&t9pkF4w7hb*1%5Ga+(iHHY-4ox#h& zCC|6!kIjlrQW|RJV-?sXpWfubo4iZLyh=bbsYs|bwEihU8lED_?2P0((TUQ2Hf2)uA6LYA&qoUuJl%# z6)>=DG8%wVNG0HCgMAd4%7wDY+!F9R<^hE(;k&BjAYV*2LntQd&x#>N?;s5;jLCIN>Kec1KnW~=SJpEG*9NKq7v|lt@YVc&o0E1`TdB_mt9I576m}Wy)@Op~`cU7>L)LOR6}c9L9XTh^|@ zBchxyYF5|uE>XHf>~{VaP3IV0XBTbZ*iK_Rjcqh)oHVv=n{8}cjcwajW81cM-|vol z&#&_%7|A~G-gB?@%(<@2G-93xrjlpirvx)SYKXSW6>1hpS=R>zb$&)!)#x^KDO(&Y zw)xoptb5!YlTI>PuXS$jUA@mRz4~ItHf1N4OY`2WGh@~i7Wm+JbKSziR|i9%ql+P= zE*bVNucAnQyk$f6IXp*nt^NcnR~@FAOg#uWNSv?3kjy)G-S|ljoTXZM^Yf`jf83m% zHk$zn&E!hR=!sA~{o^cd`uLQFPG>OJ^r^@QDPIa-Bs$uJZJkryP49GhI?=eM{{8wJ ziO%1Cn*jGlH#{>!J2N_J0Z@=*oB_j|iILG0D31T#@`z140ObEb91>q)$c`727qsJyI5TqvgD5W!f$t&}lC zAL;jyHO{5)RvxZ1a3A1q`fygGInnXB-ym6-w=oMuN6bk-h*&aRx>}=)jvKr9<6aOv zwxMRaHonTNz5Q<*%1j?1@j_eLvU2iI#@7VmFHfZ?_~#+#R59kr0ac8CG*Zdm+IfDX z`)Do%g6l5&Gz@W6Tqgy*ED= zp1LJb`F{R24_%8OtJG-$`e~>Ly)8!tU+2!6A4x$|x;_^&whDtEwO8l3kM6dFxC@&p z!Iih{x$+#pF`;(^O%<+?8fYae90-ig!Yf>lvU@9qpf+)#riRPhVdjPz3&hg#ZKmazL40al%4LtOxM@Mc)a%U`zfFX;Cgk%T!H8u<7JQy%Alag5}V{kCE zylTL$a2et@-MYWYh{h_?CxAU)Hw06Uw43P9U7^W?Tz2ptO>WU^Q_E>G^-wt1ndO~M z>Ua*i23N4NlwvAnxolkBg~n@=qYSd2rb=~rxiMEulMmm<>;lbcA&PdAZv-B06bitI zaem9x-##uj7${I`b0BPCO)=P0R`XI@9`e7o#$lhpFyegvqGMED4Z2>NHDi6=)J85m zO|a#Y{!J>-|R!Wg$uuptmvn|6L= z>BK@(y>;JB zT+gc_6?50~!H4Z@_j0)YtsVdS2S-pf-r@TYNKpnxT{!-C+4b@v4P6d}P^KQpkV^rz}}*+s-^rLLbqm8+@yWE*6u<)qP*ha??9p;Nr`a$%i1W z?&~A=)+NHWfn!?)0-{+?Ui(wm(6BJiU*mGJ7^hkiO>K+Wp}hW$3Hs=F(>@3@Nl^FB2-}p28LISVM>4pPfAQ|Xu6XFN_b9y6t{aj z$8$L<5J<>=$kSW4HT3J@XfqYBZN&Ih@w`lobIFvkn&^MxAr}!TWq5?;XpnlkFt% z1a;S-Z_f*S3M9{TiWpeB%I)S#gt7Zk*q z{&)Qb{Zi|jJ@nHK5`8mkn2w!Q`{ttQc`PvuRKN_=U9n>6{tcmSS*pw-&~X15i7gbr z4>-FJY=BP9e~?S@L#yRNStDRM)oyhJTEvJ}lShY#(FDAY<<(v3Y!>mKFaf>9qpDZS zxV)|v|1~hP1bkM9hmR~K0r{6;@jBc+1@efJj;O*&A;u0Dl##^Rp61~c4KA&+w21F- zHhz*Xc3&g}AuOS$RMwr9=~lCD;eXMC?D;lrU;nsG9H`F4!%M?@8W#PBpvIv9wv1IY_j>AO<$iIEG?qlkc7+;e1ggIfqD#YyU9Q?3cFIJoUTSi zB{AU;Wwv`pNJ>QV_S8y=9BGG=0d`RfL)dz}0RL@ezVX7xhR+eMN(3XLkkgnfL%V0yN>->ZXAL-}i6fvKbtb5q?$ z7WS1Opt#R*`p%ZDm(w42DRk+t*cwSd3glK{4;in~s|PS^z>q904+-irfL~z$ z>~Ky>w2U+Q;(!d)FvKPKW_`B|C2YlrRJY8+T*TgQ7jD(9h0)GNk|jWcz9`J zw7OI}Q-3s~7tHEi!5sK&kUjT|xSb<PK6o2c5L49~sLUW49r<_aOe4`oP)xpIaMfp#dxN zuoFUbxW7MmS6=pKn*_=;&u>cv$#y0EQ$X z@rx!2U=^h#Bw{59eNWo~T&+Yw$E%zZxH9GY#*QH&V404bi)5_b2eCRp#pEWZe%3xm z;qAN2Ph68k;&G(bxFx5QRq(gSLLnz~-oR0`DXk5NGiOq52O}4quCY@Ys5vx-6Yl;o zK%nHbwr8FE*u!F%f%u`cU zR@H?bV9Y;mYQMo+5)jx*?nYX?`#`Zzp=WFdkpw0#SehiQ=GtW(R%e^0BWLfU^<#vt z7MHx1vXqVbqmTr$-qdhkBKVy(T)|^^DPaGk29AQg(x?3yk#}wQC$+6luD4B24|X>S zI=rGSw&rDd;n&X7tw*tJu3(@R7l9rFgMYTl^d zJq{88Cp)080G+L+qvLZlMIbIN9vBNSlmK*dZ`0A)2{i3!Q^o<$n}~=A;+?NNtI-fb z;J*mQu97ds{Fz8R&Z)UM)*Dox1$SE7a^O6^Tx*u!I`2moJYTBb0_auTgWO(+cc94! z*al^Rb(JcNnsNckdIJLkz^xld#K0x}86+H+nz~F~cj2gyoV!wTcgY&kHBn<(b&gRv zXNW*K{JXGhp~gm5!$!MY7#gl**CR@g_P@p9=)6nq`RDh#y;Z2xJ$UY`ziENyEBojr@`3Z}qBubU9y`Gv{sURt> zDi<=_7r7!?r>WP(E9ui%?9tKBG?J{7IH%D>Z8u|tfVpiun?zoYUUaWJ%2p$FC)ml= z-WNwtsJMRTrv>1mp0)Q4`TWUSENOMDu=R(UNG=geDJwdW?_1K6*wl4EW433CcUU|~}W!z+^tSOzdj~%+>vi7pwJNzvATI-I;L=wJ<8{tD# zqc$y7|L2~Wa4j%_3U(+(kFY_(q4TmU;z@nnmQ1-wdnXv#Hjz;?X6IbeV!ogyxrSZD z(-OEp{{a5mKw(-pKcK6t3wXofeR6d41gy|8Q49`i(F+m)R!yg|nzgkHu9u(e@8AE2 ztFQbg&$D=3P5}lI2O${1lz|5AmT~>@|Gp@5JOQ>nn-4IE3o_`m%}-735-rognZis4 zD2|P;!f9kxifkPgL6>t@P!2ZYLl=#%!Ng!G<@4KrqSqF5C|g`S%s(hFLhTHPms+CF zX+MZUvZNQq32v3hS8>qYZ|Hlkm?)yy?v^RAhgB)h=JVOh8c>cu85E(m4qD2w4Kx`o zJ~UHJEf_>L`4$K$OC)W{<8qn%f1vlys4)+uvAjB`ajPMuZ+k=X|4JKuv^w)t2vF#) z&|Alczieh2?&8cjwF-G%HiRLO5?7-N(=noVIe@9_m9hbcWzkBsxRIf=KD@>|zAzLY9lzjeg z^4Dg2g&w2SNw#~2KK5F7OcB#u9ykC%SBcSK0tDfI(FnkE$6VBzld}c5Qva*%>ZGw* zC?@UN}X=M%?PyxAdnoz1q8{b)2(c$6eW_jE((8@3g@}x zGZ!rzVw##Abe0Vm(^{Ff=bmq7szGgEzLc#BD2uSh;{HvOpFRev)uIeKKiJkyVk28u zP(3bAK8`rg0tbR~2dyIJHxhBDiQWCmw}1-z}n z@Pl0sQurg>N;!F)xc2TrQ*2>8qp$^B-Xn!e3XDCKMjP3B8L|f2nC!FPnfW$pi^&_$ zOpEASgE$ik8&$Hk5@f#Hmp3W1&eH67hX5nrz>bJf0c`AVXP@_T% z!(H?RQh?xsz(@+_P6l@U1bO4gzoUgUXjcBrk7N5+V+;up@l1f@nsOXms&E#F#ZpsY zugZ4^+A-(nl#T%aNzdugAqg-BrSDG(PNt^7R&ywyzcEEj%!d3BpbUv&O*CdFKt(=Y z++4&ozK_$VRHz(@Zn`!dYoZ#A*EdNVRf$XUL9FRDSq7fVbRX6-@YPkm%pXc1+6FeOo8v@q55qr(>K_Qtv{M!r zM^07QCwqPsaQ6GPX^mH|1y75P`BN)OZ^78T@LV(L3@cA5N zd&w2g`2fi=0KxhhqNZQ@ljokN)7|ueF@Zq zK@k9!adBm7U-AFdBf1uXHeMB57p>0aS(O=$Nl}UeItgHApucl9e4jVpi?)Qs9AAYY zAB6w)H`^Sr=SoKs1Z!0!!wAEW;EU|}s0+*ES^SQtq<>fxQ299=&L7uVJ6D;5JOE${ zZCy=8COVep@&fFPe?J&>jeJ^LiJK>C@U8f6nw+P zEGjJgxChATz3%s0X>aciV8*L35YNEGT7MF?0?_&>Vd-62JV0;*uqO1{Ej2qrSXe1S z0Z<<=M>&=6y1ZCGfy%!~LU-NUqjZ%cbje#f(`c~9>1UmylsFy{)3L?(dwE#)$>IB$ zcqO0fSq6&xN# zk$`g%76EYI@X!!Px(zcblWnaKzJ!dqj4f84zLO+qqW+mHkozD`LjN}7z2}g<*espIO`)XLtD1tz?iuqZ8dfcs*n_MX&1YSi%2N zlKNXTA^+;!96;rN8M8!<<;Er@v3oyX14o00r>8Gq4tWhgr;?k8P5}G;7a-9vFp$UT z{$oXfDdplYz?IVq*u;Q-JR%HCDu<0`KhhR}iUNL%m%Afq2#9x}?G`1+3H-e4YkR2t z8?Y)sAziMw)<0}HP=T3HO@JI}TIme0LP*)0jx$62x4ltE7!g&J&0X_pDsa9iQV^I2 zv}&b&GKcp3llHm3VkyxJ5p3FAt>V;6q-aL0v$hRp*tf*s9~eyZqF9~f>)z|O&lI4E zaH*A~rfyfanlKK{ZTN4`bbXaVpIUQ`#{Wj#!{VXc?M_vhX>1==i5y3kJ12IJ0La`_ zA+ENaMfz&jH=bY^!IE}WF=X2VhRG%_VAFGmExV*m^QP?OxQnV0Vo24Fm=$%_Yai|+ zYsLIXmflGFyxy|jY3{z!32v6p`#W>_49BMb{RK8*X$$QmflXM$1jw(RiedRwxe7$@ zd^)?FpH+x1`Z}FXnak#@NRfT}xPgGHd7GMXzm1_W%~Unr6K4+W^p_LCG1qAkGd9Zts&Iotvii{s#Fqv(HG+nkwET(j7adump? z0&FL+-tPdjSp&5YM#$%0<9ea_vBz$;$i>Z#lRazB_J8x~fins?`T&{+aG2sQ(gVI` z0RRjEZb8u~W!2U4a&pn(;leOt;^N(RQ@lXY5J*-tXNv?3ruP8N2v}`!nGFMP0{(N@ z0k#>(sbRWwUgb+MKs%5L39ga!&u8%(UTBbj};27>YL9a@3UQ>lITBIeP80B8S7e!6uPIy=Mbbc|}- z62l&hLK?Kt$3yfrin(=HG;H!0TVA&_Fo5Qgv>6p>Jh>wBYwPyAS#O;Fw4!|FLi5{$ z^025oNy*;umFS7&kKI&ok+BLM^BzBtOZ;VJMN?7xO=urJIDqlK&kMF@ z#cY(b@0#6!OL&BPtm(E51x)xKjy}X8nw6S^%CTU6)@O!`3#5ggl%-4s&Yat^mn*~0 zBpda#pic5zvqje1W7ZJ{UuPOrUYXZQb2IKrM*UOG_HV`v4m4o0_7b%Xf^g`l@u}Mf zNg(b)Oe?TX>U6G-j#4r*qA+4Ve*(?&F%%R)&;T2FB_JO;I50_+H8g-^8sE;68yXs# z`-P*d%uH+RY|rtvl@*Qh1ywaQFOSCWG?zdAJ1S*o^Q>FrP7u`vI!&;Uon9Llsu808 z#gV?=2M&V?+h_l)*W_Wx{i7T2O(B9PgLd>bK9HK0Haf{kspp2vl0Ps0+n9;3?1 zV2YH5riIN>Q#4Cv2JO-G6{>q?z{+Xi2!?q+)sQ_V@U3N#jCY?hz<8)*pC%bSgq|fr z0qZ$6-#y73O~gUjn&-EAZHIlSA%#GCr ztFyq5?bWYQrz?M`JI!9P#tidpYE!3M1USyaiL`p4i0QWF)66M}jf#4+pCFIK^;ffU z2$&N!$+^*8w{kuYK&Cmelyd-=4CEL52jxG0CXq|VlUFl5cR+nT4+}=)bAy5Wx3$+#amT?!e zS{4z)spcP|80seV-E4~s@;96AvhR6(XP0$LzK&U}4zAK>T!I59ysrnVEDfI4gtN|S zHbFMAqT0kSlr^jGl9Bon2@Ol(BO!_~AT>)VQMNx)2?F8RmbXE)!~}jZJUrV}7gE0F zo1^AU{0u4Ebnz1`YZx!dRBXM1Mn2?47;{b?1~HY*4uCsnn8?q9{iGgM*LeCU?u=13 zffQtBWj;&Vzki?}dC6IZoQf1Ibk~wAVwCO+Yc7>syyZJD=mx*A?@X}Rlb(Za!fu6v z__I{Rl08;vZQB@kXL9z?qy2#cMC3z)4LuBr?tf6g0W3NL1FtCu%vbRtpY(sK+K-6?qftZ{#jbU42*T1E7 z+RvqLX0pkPS@|-$H?C*HxtJZvT7xK~bebsC9q}X({yngBp{L%~XE&6dovGezNi``) zrvhFA*NZ^nNY)L$Ti@Ywud!(0BlE82Dnxt^jSl}IB_)Oros znqIl^?0ZS!Dk|K}J099gO3W&}ii&MV&nv%_>Xm*ydHR$22#wcpoA0GkA#e(5gM&WY z!qLUH_=(NP=lOVWKTu2FUN@tqRI;-2ZCh-12gKi3S8B|<^|W9}Y=@0Vz|#YuL2^6} z(*RwB!>43vJ)GvN(Y63xNN~R6qb+EJdh{=I=^6BJJh)R$Y>Iw!^y+ z0VMU!rFdO6i^KsWGU9#t*4~vFmg+lY53H(1>M*cg4DX`0&Qx09@Q_QF@%K!|13VmJK#k{&W z!S#1P4IiGGLwu1Yo2zbYGYyX_d4v;W>0#d-$gkNjX`Y>;NAN7Y?vtE}o!}eCa(CeyZN*KVsL*oMka&sbdAEPCvWw|46{J>js-s0CN!8Oq ziukc>?@JJTSKtOKhC*-!`MtdonN3b27}^iNZ7zl2oV5`W)62Ci!;V|4KH|fCQB5^} zye2zM|2}1Z`H(I@UOKCHZ%4rlCQ7W6H0{?ne7y_=hyrF>!1@0K2tcqOzP?>Dl;Hk7 zJw2EEgdl;z!9e^8HiuJg78t6d+r0L?v9S}VOxOx*aGQ1j#fd?Q12*1Zg5{Hh)SNkg8jY_*s%f1yTwpi@`ZTn8c>a8cQQe_D0 z-&y+y1OKFfb>gAOU@+&Ng%f+jEAsUzs{Y}v%h^&h%{SZ%|K0YxiyoLE8VL5<*li%I zwjxE@^5T9D$&EAySs+h$y1C#RE}aIqeg>S5zCRhw>4Qnc@=x9)MfBeL#n$-3WB$QN zShMH>vnh}IK+mPFNyqD7J^f$CukCjfg+YZo=2Nz(l_x*0zB;O5t65XUNG`3wCXt2Q zi24z8x~oPsMv&YVMz7m7Et}%~-y<>?0O@Ag+{&Do3Z|r*;yb1-ECOpQNtL~7v5ndo zZ&6?6uzZTWd-XD}fH9>&I>@GR_MKkgy2^d0P2v65OUvcTM(EN2ik}1-2p7{4&ch<7 zB17jKxsJn+pfC66ceapLCIlh3`0GGb+@m?FCuTmNsnzCe@dYVjY`mXg*R}FyWo~{9 z6lUf=?#@^0tC?{VM!m0lp@9sq-Y#U@)dq{603hkG3Ewd>5U;>|u z8T;?9h2?JdS7$eMp`X&Gic50WfgI@li10#`pvdG8@@P`%K}a{sxbS(tIVU(Buiumt95n@_m$bWeFzPsB-{L`E>&>+N78fl~r?#u)WLu(ehX@gM zo}Gkns5!^-N76~BfyrxuDXu4dYG!&`>Z!lC)AZs4eNWJoA{H*ctl`Hg7zPm$ zs)G}W&0lSQJ1He&vT*)nyKuaN$w!3^>aSsPrweYt$w_q`6Tz~o=S3bcQ{}y{BFvS3 zWy&c{_7C|X+q3tnumD|L!v?{6f4JRJQjoZL7;Q_7Y9ZT+y+KK9TN^sthG9N`C6t@T zt!i**AkE(*I^F=HHo&22{m{-~WG+ONxP?EsguO?Soidf0Ny*aQc-c~#FULOywP+?# zsoQ0?i&umxbN5fz6P-0Sd-evE4x^dH$>A7nrZ5- z{(XJRYP+!081EoWJlNy>qfA5akKYhT4+0F^PF^yl&i8gtguC!C8~ag)H2Z#2$JO}L z*;Ek?TsqOZnFA%QQ43Ac7_>j12#E5Yy4SKdlh8{ier*PseSfp#<66x~1tl5!8NoD> z#a<k74vt!l#C8;X`jq@WF?t}wpBSP`iF-q z{4WWg@$dnD#b1=me6oXuV)t{)18N-~L$w$a+)l%Rf}6p|&W zG)o-eHVfS@+{b!kU-ZTM`05SQt?dpn!+~lA(0;xD^kKC<1MFXSA31Zp*{d#oux@Te zg8ty%koRdyaP<5TWXam3)%!^Oy5e9i_Pwut!G+^;4BbeqV8)q(R2i#mzs3e)GZMdtOGl4?XuBo3qlE1|7?!O$;(}xn&!38>Cr^kJHtDmfy=PRnvZd$nZ0mu-kEi zPy(#k3a!lnR@EnM3MlU(>lS1FYp~XbJ--Oo-yH}LuC)vy{GY4TRqL|3-8gW{GeKJP zDMWD;FqIW-XU8g0O<7APR?u>#9vEIe+_a>*GlBHv(JA*Gs{~jNz9)n$q0k$SU$<38 zZ&Qi7H`KvK)v8qJ(H6hE3rHVurKUo!J}3p!Zm)- z#v>q_8gO-cVf~D4l;E>->3b|zlhpchPKNN`w)Pl@jd>Ig9?10i%R~Bh15a0pIF0!8 zO3o~?>dEgc7g9Rsv%4gvd2leWrunPioG5^?7@4S>(i=3FH`BI14Rl07X&_7z?-~RW z*>%E<&pv))3BfzgFl3lp(=tRG;*7w)4RH&br)O>7+OCNQEHL-dF1a2?9YyNgvIW0U z3O#U0ZiV`EtRZ{WRr~%@ch7$rZ)^oMj7sz7{x9L4{g~XzSk&c0#G^3GK${0%-(#om zAYPPyjQYE%3hTkK#{u_DX{;v}a1Dry3Tv2M*S~jyhXVP0#y@vf50`ThoZ3eDjz^09 znVAXh;x+=v85m~cOWFwM1W%_5oRDUsi3j^k(3486#)g#^Uu!j*d%nQmKe#A2hsM`Y z!jaN&F0k78I1zbQ!<_=<#(s-Q#%0UXNrp2(h^I&T7UbToiUSv^4IJ_1F*q9((kLQX zmHt74flbUmj=O)p=DFxEzeOAR+wizf43!x0pJlu6=0Pzy>vt>11thv<(c16LcYkjS z-Z|TM*<{QoG)SZAwyauS{YD>{z{!kUe*H>T;1g*AC++InF1k3_Sw}bY%MLY2k3sY_ z8kUIvO-88kR3AQ>B0Ljw_SaQomUiTW*`r{{p$~7&P0VOy`)=3-$h=pSn2hTCDs&>< z+m5{8?IMKt^Ro?8uxp*4Sf-+qhR}#>mqcu%dyUc1TW)hb_Be8^Sqd|T8iorghgxDi zm;@U3k|(??=P%Z8$EObzlvxE;8&y~^{ZO9is2qix zlXn8ofpwj>bjqC7^4T~A4y$~Vt}XF=GEUGAUviI+!G~?pM8?O%D47s%^B~=sg{r`2 zxEsXCWzuq4mu*;gr?^5sy*w5Z)Tvl|8qptJhQCG7xi`KNb^C-HPgl2!#bCW4AfkUo z!h~#ox(ld5ebpyUTLNRO=e9 zN=1bn|L~{3r8@nYISnX@5Cy72!-EWiY%liW)U$>R;Jf7gZxv41*Tc@cK@szAci2Ko z`{{dzK?|bx;*)u%k@+kl=S$Ju(Pn(?w)bwG88Xj_>96gocy$~F7adjacSV6Nxq^(w zpT2f$-2z;9J#{i^!rZG)0KX84Vb(OM!(YDDKLjN`a!xz;141JLWP99adi~{2T4^zm zrg&V1sv!@ii<8o%{JZK}+TJh)r8M-*7)s>wTh7YO<=ewgd=mT<%Ud8Rz1(Kf=eY$6 zs6Sa)fKw&>#M1k5j8r`Te8N_OWrw2wIo?_8ZDpJPUTUK zhF58WI*626NGb%pY>&pEU1Uv13zsd+2ZB@i_xhX&5bX6tnGHv%!-;8hVq75a?V+B0 zNud#l4Da$b;Gz{6j)7VDmoG!wWA#(6;N)JI!v-}S8#0A6ue#>4%qcUFLtw+NSeZ(&_hR13Ma@+?q-FLs`{URoY=&7H z1^JKr2rB)o?yMI+%I?A|5}}qXjQO)GNRLhJ05b!QcaK9v!q8e)l9_46mv|$ z8)b$@o9JS%mVQ#e{{--PKnm97+uz0DH9G!DEP-_>@cBm9AeKoa#i_Vj?EV#K^2)@@ z@tGyUj=G3jqj<;Oe^@2)a`*<#ERtlLsli@|VY!7W=mTIOvOQ{!D8E7cM~$Na*zc~_ zVi*er36Bc$i1%7lJW7dB;yPp`mX9~PrJ(Xr2IDQ&ln~wHclM?@CSGik zZ8JVhpOZZ(r3m`VrtPjW@gh?zaiJ91qfouGvizP^(MK~yg7Yhci6SVJUydp3uJ}|! zEJz^!tqZtp8b6mtx_KNEOA2%2T%tqOvG*T|7d+Q3`tj)@7&63{281C>G;vb3#r4|} zYoR4}FwJj(c8M;>_@<&2rO`WO)MwWy7)5J&T&roa{%rk?&5=uz9(%pm#J^V1Tk<&C z@0S}<^K*OaFLigR*P^&LyJDy1+;q8MuS52Ro7wVbU zzBn$1u&nC-i-eR|7f!ycDc>JF->!RNu?1*~yXu^2ipEiYqkx8;^^bL1x7{1~-16^4 z5c-}+k;Xsm9Uee;BWpVjAIscemBGP{8C$SIs(FV_+HfR?_TrbQ|ED>2ddA%ZohWzp z#$eHWDp&d`Bg%V01l_`hr*mj=PA|Mzq9oQY&&$yTz$$>;x{p^{*GEn)rHqIY?%t9q z|0gxku`d3vcUWh8%qI)I)|w0G@H>O8ry z609AJq_S(aVVrzf z;WH9|+T&-&MALpfz64~;#){B$$p(W#jamLDNYNy@*VPhF4vMa6l}`@7=RLP45Xdeh zT9_9?d(JGSiN$#9zSgJ@a^&HxlHU|cm;SDxuTon zC*UuO3WLaj1?h>a-CYVw@|!8)sY1jDcVzk4X4&5PmS>5TF0WqA~a|Z>a2YRa9sd z;IPi1J*-C~W-Qpkn9hgE_0MwA&i78g;1l;Ze})hIV2U#=v)-L^=w*FBeJZ*8(pm7$ zJzEvK(s6Am!Rh%qB6cZH8eLi<&4bUvs9mn8pJ8%*GQu8bVCgKRc(F_=X)xb@zCnB-jM@G&Fci;c}T_>A;LtZl58GqJuOU9PNDw?8bpkKqe}=gP*7f=O4}eSQGbPe=Mg;N`YZ7MBVp?ZR$h z*<_TBZO;Ro0h~~Z(ssjsDKGfya&_%NhoDj5^VTe0Kks=>{f zlS9BUOc;f)<8>lq7?M50Dy}MgXq3o;(vJIq)Z`ziKkzB&k-gl4;g;HE_2NTTv1Du` za1Ode)Yx{N7k#(^!VMIVdA+#Da;d#~pY8b21lo}JM)E2OZA}uIcs!!T% zsK4J?$-mQD8?4AINXl-GCsh_V25{FCR5S}%ZH+rUeW5Vz)G7}}yd?7R#~O|_Qb9%M zbs_~H_7jNNEz#8N1L}Txm-(j4IRJE%I+swM41aP#t}-3e{Z4u4Dk1DVXN1*;tP}HU z^&zaN$r1eInuzMMy+jNmT#KL&dG}kl)>%U=Uj3h^&|(W@KhD0ncCg3~WeV86YB(6Y zs$Yq%=@oc~P-4UHFPY*~nc#VDJvq|~Uui?c+U=VaVI-+AT_w1XxrBJIe(zo0v$d0Y zSeuM&CETd6ex)0EEPH|n@xW9JCd>|njhg1kyrxDyY{-=kJ+iV{#SFG(+XDyib&Jmw z3OIt`aYJ7jC`ED810sIk3$qKGzPUynP;|cdl&j%BCc|bfX`dV8^Rn2o3wk3D@gCqn z%}B7!#0YF#eTVUAiI7*g-MQ0;(324?)8;EsGP*$V3kl($KV_xt@`{FNNN$*Ycw15(yS z&WrYLf!Qt@7If=JS|-t-E|?LLv#uNGs&0K?!h>@Ep(Bo?yvwg@@I>#}TlESME%EFO zP=ij?B^>)`v>Dwg`aROd$a30~V-Bv9@to;6zYK{QSdefwbCXY{km89G{^Y>?tf-Ww ztmTt`UmcS#cU$kLL=W}86`LtJPr?>=GtuQ@COtcIbdO_B z*$4+vxOnR9kA3v)tJ1*^F=Dhu(XA}!AF`=o`fc@PKI2Lkb^MFKfm5FGT;;CzK;*rEyRQ!uH)Vxce_oP9jYupz1J7L@~Vu`eci|p{A7Ry z#!6kbuHM;!8eDMODi#$^9%gGO@1uzc&a@YtpZlLCEInJtVmspD8zv1hCQTg>MS!Tj zB1rGRTF~Xtnz<#%IFj_RUqc4=A130;n>DX~7Zkc@!c1qykeK?t5v8UL+v51BkJCqV zT1t%?j){nd(!{CN_S^sw2vWla_AzfiXcM2ox1y@yf5D+S z%w{^bf>Ns51~m}F?NNQ!Eg1)bMB6iCZ;(zMO|C;n>Vw3_-wt1kNPE+d1GsC`e<}87s`JH9na^TqYZz zAo=iuIpM`hV=j?Mt1iiM^RgfB@u& z1QYDVaupsve1nF5{G;~Bvy5~|7M4T|pS!uGXG{LY@SnwAq!F88_(@8Qyx7OnC$WS) z9?9g&+F8F$W97^RZJ;QN6!R0kNr6j3B@8u&b;9MH?E8S9R8@1%$E+E{WS>4 zvTeSM4kf#oG%)Fz4w1^&x`kAc;#pYLy`zyYCizAuw_Ug4?Py08&l9ZoaBNAizVO>+ zI2nWt2uM{XLFKcBZh2d>FmLW45 z>PvCfWsxHjx7X*i`Joq$sVJcBpIp1F}clj43Uo3H=6SNq!G zv#W&$`iQ@rVZW@kgidX;s9Y5eXTmV?7lL*JKgU9bOlkFc9SZ$TeDGh3g6saJqhTrPkLh6DJcVoNetuN0Kp6RR z@^C~y4QRfA7ndq^E2oA`JlYBH+3Tdn=-yh+!zm6&Nz^p7r;*@;{MnI6RrPrt@b{zp zw|jIu0tuCV29#;`W8|Jq)N*((Ipr!kjj=0o_2+MZJ!LNu*9;Qv_4a4{%|2&m@Hh35kqE3XA5sLUk+v88J#G;1HQ7ywqSEljg$IZ>~ zqTqB8sa)y8d1K(X;qFC>bNrW<9jg9^rfXo2tZTNNOpHk~v6G2y+fF97ZJQHLJh5%t zw$rg~+nU?&eV*?Rbf2@&-n(j5ty;^n6==)8%Z#6mdr?Ish%tUhlwG}3zxtMt5$mv&623qBt|1)Q%O|D8I0 zccD?&&$z+;W^DJ}k4UCYB6HEz0*xE?Ql45znVISQXs`PLI|Ba|wxeo)_1DD21UlR1p#q4lJ2txr`oY4plKB*U znR^s$S)f+dgO9Hr>9-{46BU0$;nH1=tCOVtmBYv}iA)7SY`aRe=r{2GT}SEYhQPmV ziWD$7ZWxgR0o!ChwCQ!bjebHIMQS!re}P0m>GKI>$e>W|490^}6Rv-R&LxYJ{8vc# zvpT^k;Zm?qA5R-qA^`W&`sGRwu3<-g2m0V$ZOu4q z>;Bt|48(mhYpSv<;l90sVaVR113gl6;xAw(NmfwJ?^VUI-~JxT%(msZclJz?ipRbHTC$z;TFVR zffEk6Fb%9fr$`r5v}2ney2vMiYacFKF-C<`y3gHxco{Br3jXM+|Kp@%}Pjz<# z{w>fSU0?fg8I_d{p-$3C`(oz36JB^$CM`=Yedm z!R(6V1Ty%|59Yngsec_a-vR7DK;LGr$CW=zW(!3|CtZZT+V)-n-CJtLa5r%!Cs^6` zyA`c^bWD}@#mX@#1$lPXaQQ=cD$g-7Ogh|bRbBzS%s3x8Q)kmM?v+qo*t`wuX8SYH z5C_)|Di60&;eC3Tq9cmXrc`+a4=X8M~JYLF!&V4rM9$)kf9w2vI`l{!;o0EjK59=Ql*`~RAsTl~! z##iY4dtJrOVtwkVH$16E!@VF}6^^}?b@7?V#NSkNwGME zY*)1GyZR~Lr{qV)-}IeWuX7Z}aGDmjbLuG6FEm_t?LYeM9-|lxV5oYTqP$f`B*wlI zdBmAe8^QTlW^oRI6`N%4BdF*5;YIIRXrZ}d_0>2HMVmbDoIQScXb|qIWU}cd^IWMq zfx|KUg9c8@#Tsx5HsdAv-A+EbB3;>{SBY-L|1^}JQX?vZ5tF@*O=IS&4uXcbYj( zuUO>CC>H-mTzmaqi5myM&=XM_u4LYYvhA99fw6N)!%2l};p~fzA;9*_PbU@QLPuR4(hf5VJ&u+AlQ~c7h;7X3BbmO=9mzVfv11ve(Dh$fAL5^ULXEWkx)QE5c z+g;6|Z+hL5Zjn+87Z!&!Z9>Y!nTe(xU^**J0d2H_qZ_*yB@>G&@c169j#uErzH8pw zJ2Q=+yllv>Yk9I^p4coFH8`%#9PU0hnT+Ob+awvwsv~3*GZE?Rrp<)Q*LP~4dyEfj zD#QI<2PZG@x*=JCEewiCEk5+A&3{iz9I&!5^()9zE%uZhXD5l!^1KY{skr5k4&AgDg@p`1)jhf*3|G3jv_NrztjBbC}_6i$IdlFozP25@<`hicHfxEik@#~y*mhb~tMUMSXDq~#_ z@S9ON1Md#uwY z&EaFeZ4-MHiB+4^opU(o$z2`|5l6Ee2hCMe$&BEHTeD1!6*WddS!9s&C5VUNAd>bC z@@^BI--|TF<9zNA4<_t-MxS!mfP42MDoEsW%aK$8#LuAyv zUly{iW%m5edW!tR47RQ9qGo#}sf^BJGtL@aCmN6uSvI2VyB){`YFiu_vMocKF5q7< zv&W7gz~ou0EkkojyOc%~f3LHq|87iIUl5~(CGCI}kad-@h7``2I#Hx?Ep6vr^(UQB zxNr;wfGmsFF&AlDksSp1N|nDz1^OJYK8CS;+LFUHy&UC?6+w?e=7|nTA35BMEe8lX z$dJAjW56>X!xnD{F4u0ZoJ+TbqrRe=3;3kh$GznI#xPD`bFmZb8CV)b2AUw>KmVn^ zM~~&1BFVd5iLJ2$5w5893`Ye zIl6~VTD^-2tnL=~Bj#3#iA3fU8RtxQt9P{Fkb;!0c==#fttRlZzD}{I~sqI2TvnPcCzTG+mYISej^X-3ukgs@0l5$ zgK-I2q6`IT=kn<1@JsOh1&GQNG18ue;ih`==sBml$Ux;l-LbVU0a_4#ZtWYZXkdw7 zSUUatW=OIN>Y9J169%)`!V=!!MULiy88B`y*ZKFVXxuq1i{AdjAsE!`;@T*?pxZEZF5bG(6Ou=h`3JbHH z3idP;`=s)`D^X&!4x55C49*}HS87swg10!Wlt+2)T>rB%j3u(VY<#{pU5SFP|7;gM z6%S;NsuHedNO~;0=9(=i$sJV|tE&+H8#(=;UQZ77xz4R;v^lGoi)$D6@%M!0;rm#v zOgZQ(a*He}kG(X7O#|B}qZ?s+m_B<0rS{nv!GPX5y8=bUV%#1V%el<6lbwH%weHTe zn00libzHKhq#Uj|415`&T_G|WctP~w%yO7Qe}$KzTF?{deYvumm_80Ce58f0-G5Vf z`>@OZh3Z4LEDmX@1um$J-7M>AuBG!aT>3{$2xOH<8JN<_e{uGRtlTTPiFNw43T-UK zSyyvfFNQ6)R}aLg{w~3{D~rpY->(2sf%TKB58VO#W|Ox#D^L}>hTVYxmK{?OiOhRK zYbwm!1UkxN4^;{nEz9ebECOdsugL3pj@%q=XTl|uuoJcI0Q{qXZ3ooXsdvbf@ z1}K4h{mvVC&Pebcm%_hU;SAryV{pRwYNaRn{;Ht9$F)m-p4r7(ManzHf`|58O`i(ywt(QF_GHPrFdjswVlFCPs!o&AvSw=ruO@jP7Hx>PhWUfUIghV+PG zD0AwKUHkT?TGv+y@T>sKyOT5ju(?_swDm~Axo|Manj(#AF@YT6QCWU-DxPiCs(#J= zt$XG-h5qDa?}V}+rc@;U23_1B&oqLBjNBk%;2NR!DfJwWu4Myr@STNw;gKm`ZFEnc z!xP|_%88A?Yc&H=XW(Wur^KrA&x;&l!#n?~_n>b-7=&cO=}&9*(_0%BB%{?j7KlL9 zJ$0_xh!SXGc^e$Ktm%7NB8UL!cr5Ljha67wG#^fbrPgmXPinPMyc{6~_>U<-dO75? z@lz?QjI5iK`-L8I7UY1gQ>V~cTyik|X)}nsnSNjSeFmBIC6=ryi7v7MQ^$VqqLir< zu-*c355h(#W6HH{*;l#0E@*CTe()uXomzsnfjMor``B~YAD~|PuzFNX&*2KGQt%4I zS%e&XVwR`~qzCtZv^2vcobE$Lf99!iGJakP9+)z^)=qd5D7Z`_eA!?d4Ne^D@nA>i zz%bMg60~-QMcXPKKbu?-VZroI0mPaNi3)O4(Ttn@JJOx$GdRGsL@UNp_!u#Z;NoZ) zauqzXc*lqe;9x>)hy_gGjc=k=z-Qhyi6#*@{Y&A62He1t>cn@ncU@aZ-p9G-ItA+u z>8B1G%|ZTSiO1serc>>vAmO)MYxcDbcjgXfJ^^XjFHNkQ?)iiLAlNCrpS%I_7_x5z zBV7&ckgRz6?^kwowX?UH3Sa!G%zcPqXJc5tMcSO}Ku6I66w-Lr2>+&(aPnU&gnifK z7`m{x^Ha!5 zMle+u?%(Y5xxEnt+RJ54bJ)F3b@)SNN&%4fikscQ7r(;hmBq(Zch|&VDM-vO%1O=H z_uRHc>R&JQz3PlI;V};Lp6xkQ>&WPB0t?CBW5W$Xb+q%Hq_oFh-gwT!3)OYkC1Tc0jfd1$}7I%rqz;E=3ZY1{LTpPt0Fx zh6^NYUQGP+(<2lL-owxy?OUgw?Bo7WBn6os&YYGYt?d!QDoTssfIF4CvZ1pr0?O4@vxU>NJ4s8+<3$X7yIS(} zQkFnA&AqPj{&;zxetWM6x^qhcOk%k^9sFvS+cQLfH;!W~@=pjJ5e)G;o)p}HKQ-Y9 z8RgkStPpZZ%a?a5y2A$$A;a;>SBm!9M;oj8?eK-3lVcH4^!EDs?BwlaRPX18@{Eqf zh}xORj6!?iX7L=Lo*4bCVTc;Md>nB{UpUsE`Q)$wU#g;fnZmWOM8Qfu z9oeTFZ|TYvP=I=w`P<$5dezvd)Pgm+-ND#L^=6c0Y`Tz=$`q$fg8SIEg#xOmUtr(> z31xH|Qny+Xl3)uztaH&joX;(wCP++2O&enE3|)5L7(6lOk?D z6@`SPi6!kbIBwK*!Mc!kNuSDgY1NAsIv9_i&wnZeV63S0DPj=ufCRx=4Kc?Aa?p;~ z-)9W^CSOkJso9~T2K*k0TX*`3g#qgBnGUOZAppQoN%2DnsLTyIlIEI2heX?NbqtR- zWSvhb%+tXF$P8cxJXo7^k^V#n(~&I@&U+^_*&cI;ABPX^R-cNEusAdmkE-YAE);D2mb#qzNuVGxlQ2;9PC2a_pSW$R0zgQVy` zf;<_ICKzYPDtD*O{O*}5@gCJsAa-nu%0R$?N;>MnEh{h7NnEcfrp%~ z^=3Z#FH?xuFzs}q)Rv75#LVpW^WaXXu5J7CAtT5}!wJWf3NWy!W%PuIwd=qo%x2_+ zIb1u)MTiSsU1LD#;`c5J@Zl;PE>pc9*1a{oeMHuiYlNwTDU2C23;W*A_6-2KFx{Ey zXr*a#_?(sr2?s(1YeCbL%^2STc*Qm}&29><7PeFtX(L8qT`97KY+^{yhfnqh%O9}- zAH(5%QSxC2`*2qI0%sUKU;slH2CufcXvg|wIvHzjr?NJ9Kw$Cc!ZG(|sjO!a35J}W z<&?A3&Vra-^v`B?6i|yY1AbYMqqM`MovEgcPNAfNF?~_3B*f?rR!faD;#ZL#Ws|f` z`(9p$u8J9FQSlM`C5miztj5DS!Ulne&)^vQF`==;A5bl7kw+z4g&+wnP4`qeY0Lh`!fu>1 zZ|k8&1O`ZE&p3`??%KeRL$kOcDJgTU3)at33}H!O`V7+6Z;!?QL6hDQQ9a)V9vOfu z9Io4A5nUfFTTQr5EZMZImtQ#$GewDjl=Jf+(`)@ldskZo`rN#rB$wl^ztvk=8>y6{ zIMKcE+kXdC424&Ok5B8YOJ{C3Uq17))Fh0;MIfJQ?tL!E7?B*zIWYXLHVu5#8n^uF zApw%h4d-zk1Ra<1p((S{hC?ir=b9xTFo#a}V6%e4G?mm?wg;0a8>@VHZ z8Hy5m-|BZ2jQX=p2S3Tx?N}awOxZ?@;@sLch5xvKg2%Q@RY=3PGR4Vdgff#vWO*;Y zSeiF9E`vg`iBHhO&U%!*GfF0u=L`-`-p-IRhxruT26Yd4Ih3bA7E4{qh9dv|`YrHO zk4i45T985vTg{cE>>MVYbU^+hd@rtUnl}1r)T1&3k_&Yuxq3VT2N>4=J(n`m$>e^s z&v-h#4|fB3n3p=sh@O{e4fQm(0&KT02-^K(~kAt^=u@VC0SaXPjk0>m^EZ~7k{Dj?(b2?- zRrS#fCRz?d4*<>d#=xH~ZO&^rMcicdyr!X#C6AJsH**D;NwJYNIWS$)1q-L_%_YK2|>5iO9i&I z((o)q!h&Af7i^8V;$l`4pm-{UYbc@WnZ;S%(YcL?^+N!}z#wtAFF{=SNv=P(sOnK+ z_3+M39RR-y=Ym8sSahsZ zI#iMAa}>8@)2XdWgCgLv~M*(e?U6PGe%I(&t!m7|0T-33~szssv=#j zBO6?Kw>3yT>pC-7(aXLuTPL~M4A;f&=2UHHdU~FfKvTRM;5JpJV?v4U9J_WRNMUZ|w$byf=YIw{ChBn{6;iZQKc6StG%@hk0X&RmG7fY%ZGH;O90I0>lp@ zNO-f9-6uDsd$+pq`M#Z&T!Wm>PEIWBfo3-G+rRe*B?rL)2C!)e>>xIj5U&TPsg0`> z_3I8$tm_DMkFs0L)_h2|Ir+%&n6WxfLWMIG3H6g&0RCD~ff+!&Q}>DjSU&VfM7Qc61LbmVV zntq$!Z3$YnDW;65zJ`yUgg5dzAKm!%$wadQwK(+M(dVD<>inhX@6g9pmHPnu+`Ls% z`QxwQ?Tx`u?D6q7vh|%m0He8gdVEJK63?)RPzw^wETUSm%7OQR0utJc&<3G zyO14V`mt~;#ozH-jKFB~m~(dM^Jn8Gr7h$^~i8tB9%Z)hel z)681|-oN4J+1ES7hTeCB5l9_1XEKdN3Nw0F%^yP5$3qh=Ar?GQWNZ9N>^V$YW;pBN z5>Qn9S+CZb5t|C~(;~+hA;TEC-QzT4SY7Y;=4#E-?ws4j+Z;+>Hg}j_oJ!8#V#xHb zF=}3!J;5FxtLj=Kmc|Uesie$kO602RFdkFUbBTrzUR?4$j3jmX8GZfL$9=|&kn(4K z#P&DP2hvlG)BdUr$?zy5dtKssLW~m4?O5j%`@k~UwC8QH=Id>_#||VTV`m2y0D9kx z3!69#(c@>3)QEYurx{2HG7IU|r(2XcUrg6dj4DZ5q#^zeTgJhb9ObQY1432uJJzR~ zNiE^h>~WFqCTDzPXAD%V*IU2fqvvTmYMG*ue_})yT;gB?mJVjFlWw!6fHLxR%|6nvnTdsE9Q4jp1TSl2y*ZeS;kUk@ zMannn;NhB1IsV)?F#p-SgtI?}RUdh5iM>vi5WVrEqhR(k zq#$cmAo|&%39uN~bs2?qQPX%g9l6Ci49m`w3bF0BjCnA7Zrq4a>6L#zY}e#e{ChhP zR&@+4*vMdJOB6B3T(bzFds+M`BpK-n0Gv@&?xf(SGrdY##x;;>s0K! zYrRO|+HfZ1F7_2rCqi`WvM33=KTUYY-%eiCU_dXNf}QF&6@p{$B9kY+u`<*N-a`Z0Wo=cSNZRRa4zKtJg{e%*o#N|M~``aAr_C);7gP7ORX}7cD z8k878C`pdCUXrYQ&Rp42{pFAwkW36rQdi420dm!D#vTZHc~|%5^FBnAlyRz z*49hs^tJ@X=2vgvq!7o;N43w}lu8yE%*j6Icxev4an=W4UB-PnVIKtJAVB%@Z#x6| zTAU8YM+m$T09RelTOetgm%-FhV;wjkGb>aI%QW3BD#loJp(3B-M%N4a{`~OzPDOH+hgvmO&i;30O zl;7UWoGd{U>;;F0M?0!nx0wuWXvl*dYwCzvsw(R(5+mI9{f0Rq|APFdgCaDHwpFLz!`$q?uoPONaDMabE9W9S5tw@0#eB3MK=pF9v!AV z8sJvT&7!=~aXaPp8?jZ8<(`pFvHUY~flei{B>u-RKBY=?x!zVEUM`#7zQf4)GfyYa z@Azu}dgTl6&ITF4j8P+9!z~yDMwFXgHIsv9v6j91O@I&A$Ckh3vDTB-49P7cNmi#f zY~20w@p}#(>-|)<%M6uJ4zKHign`nPUm>a7M^^>I^x7F$aS4D(4c2MNx_+q?Y=1i4B)uN0f!;J+ii&*V%D5g5XZ7Cj!W8vkN5Y^qAmnXz*hwl#);qu(w- zj;*Z-l{1WCKaRYpr^n~o=DTw$Xp>WVR)0MTP1wi0^9sETP5RyQrEEpwn?n61RQRB+ zYEcHXt_fYQ;=j!8?zmGh)$qfVJ=il-CNXGYoMO$|Y7`SMvacPG=SvOEL1@1>tzWTu z)h6kd6Wb*yq_WNl;N51bI@@A?d1?Vu9E(o#<5>AGi>Bqx^*#N^H#GCO4HV|@mCi#f zRVgL_f?P6&-6p2*_LfiUGJWq2X+Obuq#K~UwGxK9(zz6p4VbfG<*d_~NwW5Bkqjpu z{FtKlW{>apcTmp>2{w-3ABS)`(qm7kFjod6bE2(y(y|FMd*74JZVh`rYGblcOR+s( zmkcR2nyupOwuju(S;dyzxQ>4GCyW4pm~u-v&d;>0pP-XR-=ANqT25lz`aBO&p0Ro1 za;&!M*txm6p)Dmvm+y;nD-6Ay(Y&OglHki|JmLucJ(i(M`o3B&kyY{p#RH|OFpnFI zAAM1L0s2Z`M>u*`ZqKPfzO})~fNr&3JXYlDbmKL?xgKmn_#C!6>!v|_3!}o@DA6N# zh|DSi&#l%fDJ;S(S&DTz$B#*$<+RVQx}W8@U(-dSSBI2c;;Ki2dVjD(g;%wk&G%@vxO#Q%e3dcm9xLRoU$Q%bT!T zFjoq216r*`wKp!njj4`iacd6>t~=n%HOtrS$2{}+Ku{LD8B+~>O1Q0e=rY`)8U>cg@PORMoqvUfcG|-yFk@vg2O7Z+5WqpRlJf`1%nZq}K&9rtWXdezVzcg0 z;z_VD%W7>qT7Yhb>6x_3Q?VHl?%2$2K7+ca;L6IgEnd=sCq<<>=WIMP0M&K%s>}I5 zE2Oe*D-3TFZnoAYo0T!g>kbl_+al`^w~w<$Ar zXRnh{=DKzFC*x%T1SCSc7qMhmhb1_!e$32VVXQ>!sCtclL*;!apriAN2?z%!BN*HG zUwG};o0nZSy1dEhbJ#Vgrw$T6cWt*JOe&z`u$YM|ELtFNu;Zjplb!lLF2Af{;S#GP zkhJ4|_U}_j>Tn|gBvWkf^mz7{7m;q(kgQI>t#%1$bvEiaI;x|jclD9Up>DR5epYp> z4%*zp^6ia1bzN^>`RA2XJzjXxeFJ=jR+F8s)33)D8+2JT%Af?X$LL6E=KAf@E#B8m zfGmlj6LOw6J|`39VwvK9`}wv~f97^)jx6wvdOKoB@K0Mi8x1KTI*S6KxO@~r#IvJ1 zwM}t`!JsM^O*k+>3l#)Oa8@?8K{H2fC=u0HPUl~ptuFt@^3m;7UT4SGZCoWxitih@ zrXCT>5CTBY>bW84fZ%>k5JigVd6s9V$>}LgSboB=K~!S^7D0)b#R zSm50|j|Py#;cBY?iERMculECz(Yk)c6!lFjryGsGg7)w^n9 zWiX5ArQpU4y@>&*^N}3qg8)HJQd`gZk}h{)j}5^~KaC`51k+2$rC83}@B$Pm2Hb{J zbOSkvtIjXfH^M?tQ(6ct&)YVQ?_%C#n6uQ1;+BJ0 zd=Qf=2XIa`0F1#eG{YK$dCNgWRymC3FcusDrm^=uVGJcJK0j+eHN$1 zn?(m?rr_B)The#DpoLZn-=F1-1971*%|lFA7J)^pGFix@a> zpJvj`XNlR`&9vzYt9(FhQ}(8o!nPJ~Fta|mn1ZE9lMkb?@sJbZ>b7) z^GJmT%G)K+qnhLfpsWeZ?|xVIIyJeM-BM9X#dz*twPj_FW7X6069aDjqh^pb73Shj z$l}BRG1BVSw*O+&g-z#W)Ol_UM*F$&mSXYxn(WcOS2D$+v{Fd&`M&?7I^4|?x`g37 z+3ADP{%Oox*4tId26+x6yEqI>ktpqt_6D=onq)C<41g>Qv|712W@&g$xA0%CS&yZB zo-KmYKmBJ*!w*?7DHI*|GE4aX0Ba)+*UNLz&QNbUY=o?i5K;LCr3KE|N_&dov9IRs zHHnb61Fz^V%aPm)m+11@G9EtnWETwFW{H$iK|utI^CdDt87YoGLfx>5C*W4$reUJd zX_V4Ft7u7LP|ZnACub0ERZFbad#=~eN6u-N;0|5iln~p@^4d{=UiS?<{10*3?;6@| z&U+~=q0E~GDSzT4h*)WYbuS zqH1OmRi0^z=`lD}8{>&`*7}auCp#q#pI@d$cTZvpQSz6>s~Ko7b~{YLIcStL*lLKhJQ|)q;5E}RWhaJte z#**6g;xQV39M>9+J8D3*=E1;PH)=lz^$K)-ng>51pk%Mo!RWRWYJMIBGtk{)YVztE zj;C%Qs90ODJaz1VhqcDz5h_Qe*)5dxWFz72uV>j0N z@C1{~L$|f(q~({ojpd)4!je-KZ_ETEb3 zi}=K9h6(LD{^q-^qfA#S@Yl;J#WVqtdQF1u_yz~8ZNm~dmGPi(r+zQpzzwRbsox+} zn?ivI8v0|ECYUCUJ!0Ob9lS>u{ubw8DE<=!XY!?-H`Nuuc?xAG=QXfXlAuBBNc@$q zT|%ZUp~Ggi(KRv7oB7W|+@m{$!<30|=@F$NCj_*B=5W{mm{jeu?FnV`P~vR)d)30B zk$dz>_bfiniy)oL-1|Vbz=v6!(+EE&epzXv5d;o;8~PqS4hQrrVtic^t3C4Ks57Gl zYnHKQFX~@65OCR5>=0ch1{+NY@S=d*%@_j=6tfh0Z)}c-XZ6_OLY90% zioO`4UoPRl9<;N^FYHaZV5MVtXSMY~W9!v`!bbH&G;~2p?I<_xtl>=N*(a1rWW}Yu z>`g0m`B91*inH;5Xjn*llDvU4WrZS{iY!(8Pr@opaU}$3;*k z<6Myo+Hrq0Y{gt^wrYXY{NAJKw@16G(mS-4=9nk1a8UXb=32RlwBNmK@tC|cwoHFV zK7GOUFPUaf)=TT$;&yQQh6wPd^;bTrglc3s(H;I4Bk_fL*>Cz^DEb3z-OWThaC1b5 zBSYhIk#>>FZ*m}pU-#E(_GchZr^ANe_1MX~h-ur^NvX?0C7~Hh0HWrk#6bI0XVvd& zT+rx?FibRVmai!Qbm+3pVQ6&lEgvyGa7@zL0C_ngFaRTZ+IdDE+%N%254YuGJu~sM z`k9)4ON8LH#E~{_hZqOehZig%vNLODZ~j2%!rNQxYy@q|EOrwne>eF;{+gaPFAoV$ z!(7zOf<-##N>I?HS2>^Z|CBlwS+ogx4P;wUxK@iqa?-Z>QDEHIaN@x~sT#*OWuq?4 z=@%(ZSGDEROio`?y8JW^BI@r`Hb+GWgBEggO7V7L82->N3FpKI{dQ6PrU_NIPMu-R zvMdyD0kJ97R|da>Iy&x&<%wK&50fu#4CVVhNegKRE2mwD_QR0dnX#ePPkCMun4w^< zvBD+sDFS4V8b94WT7q%&;%eRqM|2ld;A_>+);wJY`6_j+GI;C`> z%%5Nx>bKLDrHLc%r?0Pbu@KmgIMPKt@Mkl|bsW2EASkxF1+ho5@xc(IDe6FBl#U7E zPt2Qug&4dOO%!We)!Z}R<#~HJpvk8^7qYl#zGOXmZPTD5+5oQx{LIwW;uro(u+?%& z8$AjEsUB*Q8hYZh&R-^C53RGKv~LAd_fH3rH8RF7;()kYMoX7^Fe^N*LWJsh2%a{^ zFk!v%Dt5|8omW>eXYmjs0;&Z(=PN28mXu#;3ilc8Zn`Y_`@#AX3p6Ul#N>XX)q?HA z+K|q3=6maSqvXgB^a!-zqM4IFKJtHH4Y#c>(E#;@$c)W5DyMb@>V;8x^+(ys2pVi_ zQ#+vzW?t%EggKPJ#roVK-aAPUK-GRrKM@G1dUWAi0y(uBjX5DU)P#Ts+_ecf{(x$K zXn7$T(@Bd@fi9RaYRnJ@;GaoFceH>D4w#4L)pT4wDPOMYA{3IzAwE-sh==0tDjMI+ z@BuC!zrC$SB9#4Qz3$BOE#U|7WEDWkB!`WrVBfZqb4Lvw%N$#$mY$Y8X9>S}2`JSz z{}6r-Dab-XM=i>B>$zL-a?cF!w9!k5h^vT#miI z1@XiWU$Y9g%&rq58w}iJ$83*CrHFq)2QH8M@)VcAFOtp}nvgR8L>{skqjZrcS$O{X zTEe$JR|Vb};(Oaekz7>VhS>t&f4dEgl4w>FCt<7|;GGSLCMBhBG>T%s3a|tt!(|-e zIOQgR14sx=9J2NW5cnAt8;ny)Ta;f^Xfp#+7-#G=ZxEx z*wHdoW_P}HGJWspfllW8_jIm*{v!Lhnev(jxf@$pGDKB4E7gU1+`*8vb!8okyAon! z8|9vO+Q=R4InTmm!RD$K{Ug-kS}l!1GXp8rTEMRBOYc6ZXF=bi?5)41`d@pwRGbOC z2&hmQh20Qn>y?)q{a8mo0OQ3ZMiVye9gZS963)wKF{tPm28G(+jn6UDCjEnv^;YE+ zu*2>(RF{rSFGU>Y+BI?r6UKVU^0-momfR)KQ4@=b`*42tTDD3O8$8mxi9JanQjG)3 zl9$byWLZD5h=YH%fZu@pid)KH)5KcyBoQ;jw$g@~0v{U8eq~S4jw{3$Kth{Y>2P?c4t! z5Ckxdazk$KXz+m7_$k{n@6x=o@^n=zo{Rzu43J0YcjkOf8!ME|sjd;VW{SLD7FAAA z8$q;?-vLF()f89WWHY^xhAp4QrhYx;7Zs}~Q9bY4uQ=s5Lce@DD@zrNJ3mE~+HA9yfj8UbJ774Qr$rU6>n zz4vM|wCE+objduS@uqhQ3**Ke`f)?yl`v4Dk|)gp8(E$fLp~FI0u_db4z&O6PH7VA ziTWJMgC6TEiY`zF3}2-@5Xkv_W5ZS zHbU6r^7RbvvOmX4C`8fv0}S$PrpJ>(0B{xrUnpwxZ=0w9`j?1-vzm8t;q zu9K~o+M8l36?I(6plepeuTf46*r{r>@j3J+NT~2`nTbK}$5bu2ZTlhBUinxX{`N*6 z@>Uw7TVqP?|0wi+*es>LEM7IDaU znj)Pce*X6K(T9=Q!N7^B7gd-$ zXpfp~Z%dd1LAw$FH4~Y0wgw$@q?oOaPN$Hr1$kiQVYdVO%jwj9aAHw5`?f`=rEk|d zIs>xk<~AyLZ}5#8KgM*^W}_Nda+I(@1U~Wa@3u{~>-zIfh3luUaC^3# z=0jTcTa%Z=FysiX2{w~$Os=4OL8~$c005Q3oRs;qiDsx|>t(Im{8ck#S0~=CEBPb6 zVME!I-WO$i>%@wG#$EoU=KSJLgB(TbN~sEn~7py}fcJk|U&i$==Uc}RXbyat*z1HV4_PRc*?psp) z@uyvmmT)(k13$)gd(Du+0UiMr?viI^Im+2yb>$rvdXP;`?!t9E-AI$bu;U^!>}W6n zo5qe};I{mJ(^@;~y2K;^f1yrMh15;fWiz8u%SEYcTj8Fi>Zn3igZI^;xAKlnIYy-6 zC`x0lP0(u!)NO3Bf#YT@ny4sPyF>$_dC6)y<+JH#b^amf!OHwK*mL$awucKSS3N~o z#S8o&)BxXnf+_n=0rjyk*+@>@coX z-oT9bIdiaSt(r7^;}$vd*J#?#qlo(f-esVhy=K(>{AI&p2j#XItt+>7I^kZ?;mD+dsaXhmE0W9_<3pegb@qG2cgEvJk`o=hft=1<)aiG1flvRl zIe(mJYDO3}paWw>0!<()B9lh`PvxdN^4Rnd(0in@^f!R)mgw%HM@EuYylvdg09_U& zp*yc?yXHeMzvvOi&N*O6-D*zeNqm3xZ zb0`a?F&)I}^)kvvb$*ygiEb@yxc9H4jMLH2ry!y{p89?Si>K!=Tu;8chHY}Z_v+h@ z8e-nheW+!ZtD2W7x^23IN*Qs@WMZkEiX(E^5>9gLv5Ba9=BZOU_BXOIgXJgFKq!5i zA_&eNQNa_|p;xdz84kuiL$RhP1>dVAa2J+&FBiLnz}{<24quoXB}A-|<|AE20ayi0`i8 zUo?pVXVmJngdUq5wdW|H3vp4MfrYL!<~Io_GKDkps(D5q3)$mxruDA}pYC~lqbbvJ z&yMPSOOmq_tmxvZTwT=$YrDW$-cHr$zdT^Dd_7BoezsczU;rP#h#bS`hTPVI~HW5 zKF38954xXumpLWgUwl)*iNwE%4#e4)%uOJ-yCzRsm@4_xHrlQ!!dYF{x}d<>t@Vx{ z#2~#MeSZaz$pL(Y&FyQGyw6-~C&Zq%2c_SCO3SFn>Xq3a@g!2_%oHG_6NZ29nI0e6 zH#v$Cp~r4KC}_{P)CN~`%~cxd+Lt`#b4!2})^dv{Fu67DWC11)pr{mVV1JIn6edFt zOQx*u5!bVm80_0L#D`GVK^~#d&V=C_oHF-k(b?ED%JO@ddGVQ)kS4Qe(PUyS8 z05o8RLky$51;Y2%90Aq!nec)!R1k9hK0~WTfgz>vA$7buldxo-s107>UM*fQn+r2D zlizuJH0gm|6&m@4hkeoA=V?nPb!BA}1RryzN?75hHkH z@5;*{aSNR=a3~y{(mpSW^PS+(k6LnX#_h{{)Wz0|SP=xI7AS7@2JLC7BROeMcXXo+w?aAnOYCod;v#1ca_yL;sP8wMvz}%X4h4mN&*Je6gG%E-GQH40r8M*xZdPVvA zh(!BYjVM?;FI^?tS|~&N>Nimpb>@`}Gz^W}n4756?iwY=ywz8nPV4X2B^BrKzgKnC zH`uCKm#dDsGXqjcgch|~#@sUjvE4u0J{3Qz?z){><_9STik?E1KzeING%F**x^b4}xbrG=Tne>@>F9qUp@q(*2vsG@JU4W{vslC68>LJZ zO)Db255;z}iZYEVFN7iU@Kg#J-!#+#zzTXuV7xKja@AX-Zj;CQcMVeBMzk_uec;k8 zZyE>Tch?o4e&Ltez{{b_LYjvDM~8IYg&{*X&6k0j`^OjWA5JS^GSE%I`YbMEEeb-- zwJP&t=+{uulZ4VU?rI1yP2j?mROQWVeHdV)ZGt};l`QXTjCEVXFP|%|`k^D;%k(Zn zZPl^;mdX?a9OS-wssPXfZJeIlld6f&>$A2rw_m)z$v z?oV|z%u$Zha=FjyCOo=ZL41IyR$+|Cha!g5dkDAjlx%-g0f{)WS@;bwzZx4Q7U=P}(=jBJ*g@#;M~Z-`yBEH$Xx(euQyJF)xK+Atx7%}QrvF^lbPriWIE z`c#ZU4V)XUymM3!v05zBzjf5YM?6gI4y8T$aKwBAu=3M&YVDgkBU~djL3VS*-QA+9 zWRu;jgUVdQ0B=zP5CFt~2`FWmxY}$ctb!IPbs6O{u^917Tn1?d0ebFwo4 zW^^xcb=u~dN(&@oA`l;=2x}RWRyU=dnCGP^Mq^@mJa$ptzw0%E?=>UaeT9*_O(>s#$!qpBPR2b4)Bc(V4quB$dj zYaGIJS(C++^+ijg6#ULbM!409oT9D9HT$lZx(@+2|7)i8#to+!=Vou)W_MUJF8eE4 z-20$W!B)Nqw<_*ZN_mWFjn!T;n6~LuGx1vZGvNYtN3VOL3MJWN3QPb%;$!G{H4<{4 z>C-P>hu<`+93xer1u<&E9?n5*Sivtf zhiTQ}0XRo6_`q7CYO@%oHK0bzxJP@$mfT{qCE!6(z;odq5X$IM$nd7I3T#FBo^Lst zU`%nqPnBeL_)T@jqU|EA`^$w;tTD(1l^6gpHd}n7S@T$YZzZgvyZ#uR(4|yU8A7iB z!~G`%MxQ%Rn!aB;7|l3K-Ol?O=QP2OUJeBStNJZM{yT6_Of(SUk0AlLk0d1FLJ!?B zL(SBgISyS8K@(f68vgo6<@y0C$*uyJp>jBe!oWf1i^w85V8A#ODPoWEDdUN?L3h;T zz4$1XT(lC+AY%5jR5+H9kV+9#I58?uCX@`;j}kj-I!Wy{9l-4i4fAov@)$#+z5Fuy zHtC6}s?NO-f8OcJs5;u|v6z>R>kke!ovJP@iYpsH6gUfm+(&x}(6TORh=&3^!%4Gq zhaw7^X6`~_n5BAtUTEs&II*^jnYU2>DGGb+?Wg6Od7g_b4!9+8=b<0j#-*L;acn2S8$^ zyR!Qs5(dt+0xi^~%a*DB6@y!mnVK_SFwJr-pN_r{H%oL4&57$3Lgn&>O_gyM9-J&! z6}@OI3yJj&=dxKGJrvg%EU`IyuU0u>4$CZ^Yy$HoBOr(n{_gVyYh1yVF~_gkVD@OD zLkU=OTZE-kN}!>Di9qm)XMXS)V!|~Wj}Q652LSHK;{}de8VwPrFj^-S(V2o}23)t2 zAA_FNP8m}Gf818Qu~IYu5$G1Bw*Q*F%UeH?OplJ@8LlOvm>~Kda0wXLys2&Z`%|{y z(5(LJx6-9ekwvmg5_E~gyVeh~db|8x^*lm8cFY61Lncq48GtQPuABnzVaMloby4l< z3f2~h4lT$oz&LmEQfqA-cpB1Oba7p`2+5((VVHGmgeOB3X(R6$xX!a0y@5xIm zk*N6)TXr5rTP+1{D{mJ0NElLnWbj5$0)*ptuK)SZ)$$NwU`hmO@#~86&2lyhhTG47 z_{ZMER%#+8Ary#xQNY+;p^%p6UPjR$V9OKA7!&|wT5STo3OuG5!3N^AoqFr>fa^Ym zcU&ihF>@Id&}+t&wKD(|2zXgU0Du>5EYdN%{H){$J+pn%=_6?iqKOJYAR<DK$|FIO1a4+{>iO7@DkWY4#>7Fg=B0)tm9;kZhN>;)7H!?< zB-m=B)ct-OkTGEwh7@=gT60ENl%2{nQpbh8bYyvWWI=%Mboxpe)Grd?s~9}AOJ}6< zV6q*um3@K#u+Z}Xt6Pw`rzJ1P63sIGo2E@A%2No{pQ*u<+2>j*A^7IGXD9{DstAbh z8b~uoAy?UY+iJZ(YZ}%)fW7 zeR~pJb$2%$JiQ|%{W!0sj}So)z?3FUm9EjTl=i13)8`H77;kJGND||k-oX&3I{wk`w{CN zSl^BBcrOSlN2%erofy^C5;8{5&Q@$uB=Fp%c&6W!^Uv#af8W-t7WiG5=X6_n;hj@! zde*6>(aq3EgNc2e#*4Xlyzd@v^*bLU!$?~};u~9IfBB0bWHadjOKprvVPAV(vo@xC z<#Smyc;b|grXrAp%+|X<1NVo*m45rcuz2hga6XoWxtg(U0VxbxrS$9X8r{k3`f*5! zf6W2*M+hq$?#;9IpN(}bCtCmolD$=5)?tSW{C*QEC*Q8^flD=lGQDZyjymY4_8>3o zu85gw@63Q=F_#9nf)wNrpxEiI7&vaIRTI8xp6XWD0h@x1I$becfWQWDvfACC#7Lt! zez)1&Z6Gy&_;b5f^?6R0R?|xAO%h-$$Z=}6rCkw^Ez?$&yzZ_X>tD4=W0h16G zA}Ux-77`ohK0T;frsKxp8aso1^pv(swDOMwC6KCiI0aNpu5671UqwFXiDWn~vIU;Ys~ z9Qj{}zK3N%!osui62)HxvV}NF zVAM{hJa*{3MUJ_wC0&^e^JUb|=lIyIaqt9vTV)2@T8{f?^rlO82ct4s_-DfZfNPk| z$|pmBBkRpbvt)Aw zAo)MCBAHG);X_O_C!ZTj5xc*#6w zM#1TbK@Y}|O1Of?6jXMrPHu={7vh1Wn;cuKy4+notK|+Rf zOke-lJl-te@>v`0C3l2g2JS1gY$yPHLLl9}k~TSy6A4xH!Ql2i$02D61VVg_8x9??4+pg_ z9udOoBAKY@n+YPo7xC2J16Q<}Cw+a`XM6Q;T(N!^kQ~58!_mf>jeO3cNONqIYLO3X z#c-FtwF)(QE_P8R&z&5+_zH3 z73aZZZbiK2l^L-C2|-gXms#}C6xmou-i>nPOj+GAzJ|Lc9$cCgd5C|`4k`SD78FRu z+GucJ)$vsh2}UXokh{A%lL=aBX`7A}8$pc1YjIGnmNnuOWuzE}%(^`Nh_FEVnc@a@ z#v~?W$dWTUlVg$^&n2EI{hB(CbXIJBTq(SY6d{r*f z40K?}1TeJWHc6swZCNHD{1*;E`IDr!iE)x$YudH(#$QM~3`$gH9cvv;6Ul3Od1vlx zo5&bup1%x)`k6kF`7!CdT;t$D^a_$QrGXb|vtSkOaCOircgr^0Iu(KdmzzTF%WayR%P!VPU3-Y_^D#dm zYJ&yPYsIsx|E7HkH=%LC`T8{ql+ssx11cjoVw|JE4ptwQhwC^pG%(;yY7ePZR zE&}CWR?cJ46G5_LfGw0<8@IW~x>$K>=I98_$wvRv3xx14aK?44as(vW_nU7{7ECtF zJTM6F$Vobuc#rm_iyfJ!w#{A{R4f*yRrpu!1P%oQyW|8FGG9DBj)iO#rJeihBAs-j zP325eha3b)IH{MSl@{ly0neJ?Z!#<&j;N|@4cF=Xw~?;%91)JQSbv=ylv5G^2VrQG z`h+HL_MwJo?_V$p>}`*Su5-G>Qlq$N7`S0q8AvV(+3y_CZrzrmL~lU5XHvmVDSzda zI0(J39zkyt?0CcZuh9mc6KkQ;$Y3wr6)8gh$?Uj{=R${7e+xGb9vTkWQNE^SW>n>Uwi}ZDN@mF(P8(|ZglKH(M_K&mK3Y@&_t%&&TiQg(kaQEMo zr$YIj-u@+2dhRwL~T>J%w!!Tm%Pxc(*^K19`l#u#iMDIr2J{hl2(_MaWo< zc^6%{xBfi$jchVj*=L4w2{O2zNpK%_yqf11^xp3Fis8N;AId}HZ(%P7LLTC-p`jOorM{UoUWl)C!RQkbt&OKU) z;p((0lEAJTLH0|pEh!UXBogOcjIy0({699{O1D;z;oUCR;9xAH}5}=0@6u3fGiLP{#bMS6%F9{ zQGku|pArN{ZfvfCsoB||dl7WOged<>Gos*bV1(HJSVk_g@1FqYUz!`BkOuy% zk%68@0X^Zb|Gwv81VQ~zsX`8t|DWs$l8fjI0%QMw{{zf5{ZDcb!{z@^&;$SfrT+ov zA3&mcx^wB~2!R3YKX?s+NEc<#QN=Kw<{|TFE+m}wkg~p<%UpS_DEKuX4&EH`J9c!|tms27 z)qk8&2aDX7L0ptPp?SB|=EY}O_W934A5Y6vL2q%KGD%rv3?J6^=8w<*K8bRc3M3Yy zr8H&!Ba(!HuelYQ$ft;M3k)o{RD7T7VxoSC&{R^89+F~dZF(Ob=!LPhFBa*Pe9?|5BLkT*~+ z=I)kRmAygK2K>5b^jjwm#S3pM#lHLh3xZ9nY3JHq9x<=sXmQLLZBIePCU#jYrMYELCvwW|cFeGU^bqiI&5r_{Usg55%cN%)6ZRYipLq#GM zJue#AOrE)yfXmA%B~Xzu1XbWO9wTsG}tuVUZJWeFVA^8ZFBqOK8j*l=97?C zUr^!i#^X{$96Vf*km2Bxvv#Y`GRyH7d}3AG^%H#$ouHwN`yb9q;ALozO&*H%wK^!m z5aX|#@Lq)lp+M2uy0+a7ZmF@nY?4oCfCgw-IE((wr@h*GGYPq@yiEqa9JwIRCpNNw z{kyb8t9+$cPFDA2rHnzT(XkOs8j}KFW zPd@SfPi;T2q})H-kIuNr;Y2tQQQYuKX3eT3rLu5O`Q;+b%U7IT?=&P<#l9m&&=UrN zeznbCHGuX)U;J#SxQMS)%@>3|{@hs$+ZMHromtcw+#esXD{J8`TB4m_7IhMY1dybs zq3=1^7kdknE4x^S$x_zee{zTt)pU4GYr;7F=)$EZm1DI%9ht69?sh#>EJMCzV8(%d z#?gl<{v7jBuvZx-IT%Yy=zlDRjFMLnZWhaDX3Gh6Bp|=Ne|Squlf(!{|7W9f%NGt@ zj<4-raqz@wgYJSScWOAeEZp6|)`dQ9rPj}FRo?R^S&2u9K3mNSqGpY*x|>u+LxCJw z5)i&toN9LC=``zVHD5%faSn+7n zzY5Y}z9Jo|>&Taofn-UiF3asuAOCxP7}b0f-mKGbJ2DV|JT|TqzCe&ycUsD5D4!#1 z=Y|yIo?dpUmMYXvBc2ad#NM{y+2sKfLKQn;BJ%R8niBIF-@l8#eG}5WG#?jLSY}YM zsD-zR0inmB?WBQyT;-KP7kT9na_`@ypHaA=(V$5z{ijYKFqoFdMq2X0MBY0DK8ls~ zgozawC^*7E`WLKe$V%=t*q3TLiYG(Yke=0K zS#!N0(!S_ccj?ZKWmHT~#SeDD*)fkCPrzA!l?&Nb!05w((7wn{%;bXHy>Ahccq|8= zOvl9o!@rE<%LNDTm#H50*^`IWCW5dXmbyWA-mV^)kl+s!YhFUh3G`5;_Lj`m58RY4 z5`V(H)cl(DnkkJbTUYf2{HXtf{#3(LL4TUY<+!ravZifIXWnAEuZ^!&)!(*H8xz80| zmEGY`vfv|HWqxt)JS9J%sLqAD`bx@{u99C>9Xex7x$rc2 zz1a>`1iWoytut10<{Z5>ck<&I3r#_z7*AIDKT-+#1?M>c?$&`KQ#Rd5O!Ourg z^1#d`k(}Y5sxnZcvmoBfW!l@7oKMTKI5Z*yj)G!lGfOIMMTa=YN9HYW_NuzfI#mt# zQy*xRKC+b4(1yMMz|c^E7cKj2f=0)JoDVtmF6?D}nWuvNHzBdx9uroBbP8CTzzfeAYG^;I^c@Xi;X}p=LhY*{7eO_P2He)OA- zu}zIN`Bj&~W-8h|RNnkt?+;3&cq1s;4Tp|csud;M?G9DGa3#G>5bu&fSCXk#j4E~=H> ztECcm>rTh#W3BE++snJ%FlYeK<^T__SQ_l8DwS4Odyvg0>;33>?T|4vVzmNnukhbM-s$;QJ*&b}e{C56@4lcCL9%Hs@(G4-Bo>e@KaW@6`73W{$@H!H|WhF?lEu z#>q!`yi~GuyzL<3lQ)XCd%AFxoB+M31h2Yq+|ZqCbJt`AAPAd2p~i`74ZfZ9TdJoR z>(k6huS&D~V>`G^^afNiK~*&q4-GXYXgs~P&t1*yYt=rV(`{Ki+}PFLdY0_W77rD9 z?V>CwEgncx5?M@MFE%p36HjL&#vxsEt!v0uFs8s7AOCYERhG53wO{bf2?D0{GLl{V ziM_}p?pDhOm8@(z*KUsI=iM^Nuc!C!V+w4Hs20ec6&XnBL$p6%CRdgH zYa{ItyyCVlE-oR^iJUY}+t5xaRhC}sRW|DvOU*ieHR)#1LeN}X5NQ1%5y^PB@mCKG z38A2f^Sm;)=SvXM+U(<{eqXi?D^+q(1l}sxM_7VvD@8@c(U+0%)N#OJOzA4=il_V{ z+b;vNh8uuQ5U3jKPN%IgsW9WYm&{X{`@dd*%KFIoqINf^`uwlZ@@66x>P3`NBPk2z z(5U0+yb>j5E3J3gl8_HDI%wMIR(kzE4S8q8vjQc1b*0c&hPr<4m>QF_ELjSPuD^aM z+#r;bNDEC1Nr;5y3~2=Kml?t4mFS?vJFi+nNEhU@DH_w88|~BbraQ|Kra#= z2><|vMv0EnWG)M$VYx}P~6WI@r%xtf_Fi;1#a=jsnlObmHwhTg4+#Cb3WTyxO0H~X?a#piLi1P-h zQ2~Ius4zx)GXQ`eO>vviSCa`6P^Z8a^28c0&#c3o+~r%IPI1;g0?#l|muAS2B}Vqp zqcm^dn@7psj6!>zuV=VEXdm8=GmW)Mjlp+iXZ2|{jj5W%!d_aR54xCMY_c#smyvk1?M-*3-TtZ0K|;Ek7}ZAO&%l0sWbH z-S01~TK>W2TZ>P$E_~6nYmh7&>PrwY18P$SO(D)3_hJT@6p3dM)(s_Rg$V@q&cL}& zEi(d}P&2+MlGN4{sqC!%(G&Cs^kkCFe$HEQ5H*QG#*hXYR9{I2hn-yT`mC>MC{ryg z%93fPU5H%5n0^mTZzwF+u16jj-yQ83%AcuhUqY zfWTHjtwKxb)d%Tij3ZVa>lggm%C>q&MXz5nQ*qj7&mYD0focBxHce9$EyWiq?5j=g zHB-#!jFzrUpG^@p*jserI0iLJ-A@gAid8!Ye3joieTL@0NH^(y2^uOWW_$h5f(PXy zt%T#(@IuN+A6a2Ft@_psJxqk&)vCy#?`%qfJ{J}f=}8+TV`mWHl^K|QW23TH9jVJR z1qH*^3uk9UfwLn;Q%ZEjV6@TPrfI1>LF-9`#TTW7=h0>fM&m%~F%xx+%4B!6G2Nod zEBQE@Pt7G}_Umy}m!0~f%YqP%7$o9lmkzfdpj*xOc4JE?d69-dY8&iqfxyvQQcx4- zmztYjv~{tcwz?K0Q}9&_ik18zCx$J}t?Jtp1NJ@(*jo&Zha;3#scY{sq9*5#Rk2Wi zKWy6#ZfbY?XwfGOMCYAh%FqzGbecQT;L=B|zfC87loX}}G9?^|EG)IjIOQqJzQ`W! z%I5Moin18b%3>zB93i!kvULm(J98I}XyPJG)`#rzkR`e{63y1VBibm{=_nQUHNJU8 z^%*ojAkSpLjNGkHwh78i9aZvalBJC;kc*3NCbcoWPn4tlH-{bH{=gn7jQ|K+?TLgk z?i89}YGP%7VE?xKO;~U|85CVfi%N*ZIQhE!7q^GQXJu3xub)d5cQfZ(4wBi_ZfbB~ zhp?HW*c@C8a2Nuw zplHVl6-`7szAE8>p*g`=Fe{b{_gd*_dG-z0+;Fa^l}wv90V&n`@1u?Rh)^4AzAvjU#Y%nrMYDmcKYs+B}OxT)Rz7&92W#$KSUmMgCx66pp7Kr-j29vjbuE^;j28oEe2p3Vx96sSw3`_~h;KqOmd4Crc`87-i0RM2@d zdQGN4!DO#St(RDEs*A`db1S;U$svU246~6&xgE9X3$z&52Y?zMvUL6aP)6*DSzG2Q zjp{z6#^hj$-qcsP4KM!?i?N5eLN6EH-Nd$7kZEk>-@+I^)o-A!w(Ap z5JceSyEOR}6=H@&9Q}!sD`)nEsXC@0>jhKxDbgQPfw(uL{L78S`di?K>)$qO2Thkh zU(4HMIfyZOZJ~X35ZRurtcnbm#LhQ8IOsoE+*%?plAY@@G@#SV4PEx}B!o^K>eB~j zJKydqe`nu+2w#8W*MzI!{>1&zC&Nvt z_02UQf?UdGd=<}@q}NlTD-&(P(cXCgf;8YK>o*aEAc2<(f@jB9W9R^T;up)D)<6@+ z((C-4Rug3LRx}pe?3d9XyKq_fVZ-bQ62f@6P@G&Byu2%yDEnVhEg1Q>7T~)Z`I+baQnF zQV)_&eMO5xJ`N5%Hb$RX+3&m&@?!+rw4YDBq+Rm~-ueuU<#3@R#IJlsO@eA7d|2z) zPhCy+RTK*v{!;+!A} zA_PiqlA7cdw|MWwWns^EwpkW+lfI~%)v+DJNCi`2k=X1*llct6j786 zU}Aj-**T6k;Tfpre~K#cM7TNKnh;UnRFDzCp3kP?ym9RX5h$(0M}bBLmQQq`A0?(P zkdb}lljZ#db2GF9cxN!e&5yuuJbH*|ihitv`0w1gxyZcXHp?;b#JzH94^ZL74w{y` zejK*hcsSS>Od{2&w^Z`DOl&1qRUc=gwR6+`M$c>U%dxBEX?}7>O(D*D{>^7aIx_Kh z1bN+2O(`gS%B2QT#YhWiQDk*K#bv~0-y1}ieF$eq`Bv#P%-MQ!D~yc(K<@d;5bbnW zXy)3xOK@`S!3Qn;T8ZKlE4W`m=Q;90bmFNC{^3th!FXn`zQ)l*ausQbe!ChmdV(zM zw&kLn(|NyHBg5m+LD1UXVZHK55FwxJ&Uv}&%8Lp$>nEI)LYx!ncCaP)Ix*w^+3FSp zR8u>`f86Ri21tddx<8&Ov9BulY{FJkR;M0lk2&trS)UwV0RRSP4dgi6d%M$$2z540 zY8^suBToC&e{_k&RFrDQ6bB8OK7A5dqsOUa-+C z)Fp?u)>Aav!WTafiYiJAs0);~*9)u9Bu>hZ$1btbww{U)Y#{3t$8EWXAs{5&T}-sg z`WAFXIyukBG?mw9z2EtI`+@+4$ z?IbzzEqzl~c~!O42$l~wC#fsSLJDiOkN}`F)s1S((f_bb@=UycGe>Xce=)~vplZB? zPlT=Vu10Y>ncy!tiUA4WIBAenRymX!LY*C4YF-xh{P2+QuxdTLmwd_#M;k(3A=6X1 zWzFU?u^CfYY?l3~EhX@#`>{S?bf2f8&=y5PQ?b`^0Eeb6pXqvzy#O_9G|^o%eC5Lv zP8>#oPl~4fhi34^1w<{~9(pnTZx45(Y!6`9|ED2dQYR;?H(fDF6|?gbrE~&# z+V@S|HZ1o`?9JuNyESj0r5wzQHV=ZB_Xb4IKR$;JjY!4zAnc zs_4Vy*H9v6Xxh7ZtUPp}Gd#U|UO%KYd4KZkMK({H=gP}MPHd!c!YF7{ko>3BeAfye z1}rJEjLtpr+TLAe0ZrZQ!K}jYBPA%ElUjA&x$$P>w1?Vg&;NKYE^w$YOS-3CUgW6M zZ~gajE?H5H^AJAe`Ce^9Zmz*VKcrM)+$BLp<7jEg{B*)eVS-tYB8HN66c_gX!=#BI z0lh#`)kRrP+Lx`vMEB~I>iOHNh4|%UV=PH>HTK2u-I+Qm5WhX2V)9+c7On1WUQdcZ zNU*(=*#ZFp0Xm&dKnRn%Cz&t1Ba6I>P*%h?H{VIR%nx@IGratfkSl;7s}OQjvr32) zt2b)7R_BT3d%g_=GQgM75p_8Je(zY)&|X0?oDP@G>9yzw2E_MW!=3C9a-gqKZqD@x zuez0j-)BzrVT9@w^^v>5L!)ezSR=zV4yGQGFdZ8_FG!=!MqY}+rVLq2dn$4e(`!|a zq2A5$J14IG&o47fi}gW&XA{Fq93z7sPa`kzpuSvhGl{JnTLaMz!kXcm zE#`5z6NPH~Pmw!@t_;N&>h9-64d;&)8KHaw_zLEdk$(1prKL1{VJ-R7uc0N?5b`zL1{=n5;HV94?-$7%sc<2$VQ50g`f%i!M`u)74XmF;B~!BKTU5_K zY+0Tz6*}CG%!`xMQ&5#68#|yY!|{zgc>?jLJi$QpP>ZX#kE^<$?aan(fa+&M+w9j;VzrI6&rvpW$a*#uS#R~<8)CX zD1mywbms?m5~2!r8^`bMw0o-b+rPu4=P*#6-3fmEtYp&Ks8&af>0eJU0N=O^K{t}F z*L*!ccP}p38bpP%1@Q#ZA7KM8cgMQjo-b=n76yot3$eCUxrv!+$rq*&42_wai-`mS zlK`v)mFVi*B^UJ4<(Xdv5`T|`p+d|Ob@ZWzK+z(i&BbS#a%P1E{RqbOsBv5&1Ptf0 z6T8%FtSj>_3XAu-U%z?X^W1Vqd;`odU;iPveL3yZW0*F6AHB&IE{qej_^C}mAnG&g zH_~eaw3rO4Odl`f46tstSiS<08F#+Z1C#&&VqFwa)qppVqd6vLj(55ny-#!Tu$rH= zongE|Ep*|VVH(p2<-|Q4hNyUoN?81sR|Q^C)-ld&C1ok2Ys5t6cr)Lnqgk~;W64ad z%1P}eRG`m!J7bl`J!IDJvO(+V=sY+3y`d&=5PYP5Oa>yypck-v862Wlnl| zRZg7mn>@SS?zXX+2?K5$&KqfSVNKYI9m`Yo2&`Sdul4vu_)6@pcV1)W*n|^>PJ{I* z<-4I-ihtjf3}^69{ZC3)@^dr7>~G5@)#1O*S1x7Q>xS%3K`f?b2^1J59{1rV)>03d zj)FMdQ)S=>aaKW|Q zErhp^!IS0uiD|OI&H;w5*W=!TvH{z3E}q30`hJyOx;|amE;%9M0t5!w$R4lms$A4U zO~nkDN-3iz#Z{5<4?OC@Wzt{IinkqZ(uXyzB+0JYKimm!1}>iqlv6nY05$6N{PM8u z7f0-x&EjajA|EY^a3fV#oenE*m&cw!Ky1*GU(C@4dGIKYALUJ2J`Qw(%2Ms0{I5E4 zk>35k?$7osXprP!eJoCqXgBywEo`3p(%cS2*UYj z0&|N-P*Bj`!J!~OKQl8E2NyR6hojzRo0r^Csk@j?xBLF#p{Wt4t>dV6#*|rIUESJb zG%%XdC@lSk*kv=03V64mL{^k8ic)0a!h{I-2tRaOkrmj0pv9lRW|U*(5Gn6nYx|RC3Wt+XXi{E9yS+Sk7ok-bKg6}6N@wF*mBAYZ>Lj)OXiD;ir#AQ zqwf`LMHQy9Z@CW2j-dg*)u$+sN_sW0H#5PazZQm#n~zs5R`G6En`TI7q!z(g`8B@N zbPP00vA{`sjv6`~6GYnp-2hw}-i|T-Q7|DJ%+!1425}7gr>4%g=(T3fFV6A@N3=1D z)7xt&yIDKAWO*$24XMRv_pL6}YJv22+LyWxSQ^mpMbG1B)a}V0SFiUDn7D1DG??BZ z`w-f~KZ61-#1S;NR-XqKyxUZJrM2fN6oj^dP*9F+7rWyvV6Jgy@?DWyFuEWb!h z_q(L|=9k;7O*y3m)dX|SPnd+ZR4-&%q7{oZvHsw))c|4D+EnJpht)`n52hz;%=S5@ zMKwcqd@9Z?S`rfQAi*0Y|4Nh^U1_1yyRG6tigDg&jOYNtT%b>3KW~S0LKVQTXTBCK ztn0(zpaHkfu^f8Ca2@GC?1G5+!Nvm-m5TqwR7_+u7w_`7o%VwUnB&P9)BRI;pgf2w znt)iB2llhe>M=^ziQ%f84;z^3CU@vc<_B=c+A_A02r269|NbKc31(1Y)_;8EsKyyK zqRPNEJS#r0;u)_zqoBY9n%0;Oyb$_vTwjjD0xkk5And%D-~9{re8jmAtFF5Hy+8qg z`dcg%MkINBLsOPv$?Ym&+#KiQ)0vkt<}0l9ojZKA@Rs~Hgdcw)N~1%(td8lZEOUo7`FxfPDUM-Q)Yv|nq z(U^&e2@p`wZvc8$R$lM-XP~`iVHR;R#B~UglaW8RQHrXWWk*hur+}@I$Uc*+>nrzt zsiPf}*c6njkyKBWBIfqak9+FH4^G}~y}gGiPiGAmR8VP?*M0vbJ*+-%>dDT%B+@@8 zfLL&rQBDurHY_#idasl9foN9fkmh5pB$wpJZ`Jj5ZJIWljXfW`Q*_08o~j^M)>o|n z=f)z5dmJ7K12hTGZR)OnJCX~^_cG#((_bI9O>UU`1}ih(Dox_s!`&j-5KXK+l+}~& z(w1?WtVEF!MuTV8<w#0WSzVreor3UhIA%pE!%iFPC@0F- zF4lqoa+wd=xQmN*YmV@x-J;U1UD2UfX5FI`69vu2#6c@K=Dv6dD(Ia|7(ZKgeEQ_q zt=m@%4UArZIPewN-5OBzg4biD@9HSI$fXWWEOfQ^LKX2V>su6NWZqC9TB z!^#jJ$eC_`nYgVl$-+eCbO*lFpmBq%YHyuz>h-9>IwwZ~04On6Cb3XE7&@C{zK#IX z%b%5j{z>g_zAuUQkC|LSF^5G5Rm>A^C!k7shRaz4w!3PbQO@$!{j)3}!0#$KA_8mlf{@ z_fhPCNor&_qq4&hc!Do>Sf$QEG(*vZwZ80 zG}|_zZTHuIU`ir(+rHJl@#0KHZ$xwR^rlmzI!+8&A;)sFa?qUdk)LeOXS~R+0wa== zTwT|aT?6JHZo2y?oEPu&sfHOO8WTH29_Ux}4P+bobD9o}zjN~E34T&3dZ;sVOH1k~ zj7ay*&iq;X_+Z!8@9+XuAgw`|6WzBI6d9E6A+^ONh@zF)RQe6qpcqv!C=y<)Qa>;! zXJc2REiEA-A!?LQwXLXV|7f9JjA@l9rsXQRK{avMyFF(l z%(J!>Ki`$WW6J4}lJI>*EeA=69{%8Uw?AL1Y;Jp3Gh_z*pEJSbD@xH;Z8!O; zFi;$3>M*Cso!4nJU#r(bl&;*Gdow*>M9RSWb!d&v2wzvTY(wl&v%bj*OEo0}T}bymfF!H?0-A@7fRoxeuKo7b=2%3ZBX+TEx+nTO`pXj-L1VM5-5L)bBRdbFYDQ1keXJ8 zp^~#s#UVj%T4y`&OHLUfU5gX6KUu)HM}!_KDcL2>h5>wYQ{G`#vfP^u3nJlNWx7t= z>JX5%8Mh1lKi7i?FXIMNoXL>|-e5YI{9fZJOVzH$e+40KHHJ{;>egw}<_}Yj&jXXD zhEe~n)L5G|r-&x!=ZBmUs^V<$_uqF?*f_plgII5l0 zdW_qHl7(>?AB7S9HJI5bhgDFFIx8nF#FWIb1`SObQ&C;ithJ{^Jx|e%4`c8fa)BvF zYJ=rIpP`)KvpE>l;xv^*^CIJP5l)GL?r?rfZ8*ArWKm4ds4lroDa_1xC00to&%lRr>Z z2)Bxke$6`<`o(+V{_WE3jw0EIe#a``?DV*xCD+$V_QnXt2xU)1T3!gmULh&>#>{U+G)X@M#e}t`!-FEjWT#wG;B1VLr zN-uAK&s|mFk#&bs^`{YsTIoThOvgLALg{_h{8~S6#ivc@cV0!&t%q!nv?;PZ+nzes zdzF3dDJ#qkmZI0TYp@&~9F&E6j}bwta5JTvCi?pJYn{;7QbtBwfBq<;L@T(}N&jHC zo3AnZ^ywvO1_-)5>14)~SFi$k=z@eEoHD#eYc)XzubHu{d7fAMdgw$s6l@1pa70}4 zh8ufmwMk!yLbN^JMx7X}%iyb=ZN#(3ynlDHOVf*)*g~QF{gb@BgnN}YUbYq zBZ9~coO_>}v1fL9x0=&?P7w#IlYJWZ**{eg^rF6k;3uiuQtI7Oy*PePhWB~WuF7_f z-ts-G68VwsIktz)LE15HrPAX4E>E=aihSl;u2K90N!2av^1`jf{D}o#!Z`_(7#z>l zp574Tw8wvfv zJhxgCwyeDrchz?}bw&b?aqXzR(mgGmBL1G7*gN7=MSb&(Im5yfbV$?7LdHYo<<@%> zvP;!ev&J>AsaV-ClUEw{p2ElABifzEu(cTU2>;I1J*TXHl|W3zNW+BYA4e^%e4X{R zK4rfmxZ=nX{uxU~06<4Pg7On~7231_!&?Jy5oECMNgO8>?HzST;FKgt8Re-|EPoX`*Lm zn=wHa-V$Fuapz0qvmiB-9Be2qRF%o{Ecg@w!Vn+K3uG*{a&LH4?hYQF)-p}!!6{KR zW2rxTTwj5K$xpRk<^=xVogT}RRNF%q?rF8Tap9hE@ws++^%Z#u@Uc+~7Uk9R{i0?i zY`^w;B|QbBD|COKHLplCuc)_oFbI4BE<~24)A9NK$Fg;)=Z_6;O~Bn(c(May*-x-3 zmNuO*0;#Sj?Fn1kmf`{+IvM9Y-4jvTlSplKWAajXmwn2w>$2(^KRh4`k3IKZ{-bOs#C6R;k+Gk>GUFK}kV#I}n@0tD zBbrCmD>?|%7&dRnsIH=d3A0g4FYd`Q(rZy)i4QB+<_x*6wtu&m_l)~PwTh1)72<+3 zd|AayIIgL_p)}QUcumo~{6Qxd}Z0vxVwfk(%gJUfBKX~duhJgHevSmpOmzA zfsZmI#~U@1UH-LQ%-;et5l&Ow-#o7OGTF3$dZ$u7%}#S3xoa+iCyhXTt9lUXSwgL7h4%?cVnut-wRaIvyT3neNwugZ~DZ(Cgxmk+yWxEW? zUv}G-HHY>_{`cO**tc+s$BU^S-!|iN2=^7OE_LnNx_MIj^%YqA zvWe6C*n#2h{$y;e(22&oLwii6Nmv`4kw6nuySWjBENG(Gv#^+?jkk~~Zi)(}StMBO zV2#Wzn~BaQeB`Ex?OcC4F!C7eIoKO1`@!Dn_8NFWco(Yqrz4wTakH=SBsskp4tft% ztA(;%$XN5gf1uW|J#r*}4JGg)HVMD7FzfOpYbliZchRX8fV(_OxsvW#dK#d=9L)tx z3tNWH5uRGlJqNtqDloSm;e<;Y5}d)P`H9HMD@O5Vzc(aJVa#*EybF52A5xuo3JvzH z9KJX^HhK%w){`J+9B+Y)rj;-u+Q3UvNDy5t%8#Pd&kZd7LKw7fkR;6pFvOL3iRD8N z_^j_;R|<|#VpMB7NuqgV4$ z=$p7|TN0)*`pt2L_Ji$F%%Cza-K)^SOl0mJLxvTlAX+&1u&;fU{3m3M z2fmT&M8(((8h$0>RwMUX?=PAUmjLlhn4Uf5FPov%Ctg}lU7It}TT9^PFj^ADNzSZc z=n!OIeo2mZ+~t3`K=+r;qc4!+vo7gqhfOQp3!;P9B!rLN;1OR-^fxlwfl9-XIkxVo zwF7;S&qeftC(9%=k2zHcTI!l zT$)xV#&rpCA-}t}?an>Mu*gZRoVHp%w;|STjnH0%45Iq3w4*Xi3ab9uToR0HqBGP% zbglP14pt718|9|+NDZdIxn73$BT89pVYk%AF8U^xdfix%)VKVnH62Zga=Z$2d6J&b zaHOR(|FM4z1%AYgYXdpjIKW=%YD_n(G@If3c&5RTxJprI?Go`68d;as(axp_@Z zjrCIFJ9PAK>FK)b4wEGYHW2BsBafl`l z#4qw#@sTHq&{xFU)|8u*U17L=ilfmsQqDKa2KsCfJYE#y=;o@Au@z)v!RhA3cWRop zHuL*x*0J|F#9L304`;Aqs~>qnfEf#XHyD>KK+MvJCe*&=Os2`ps%riF`IfG-Wnop^ zpp(APpHu{}Lve{d`(xkOV#u`)d;{K^T;cubJ=&R+!h~wSQt&{&JG94^FXSjB^C~J_ z8DCli0HZ_Z5@XYa+~88U#n1G+G@-yz?sn0H{a$fpEV$E<+gNJ?ca=JN?_lm?iy~dp zmE)y#o8tO(mPn$2M>p!|Y>{!!@RoKHz`Tm-Ssq$kF0b_%b|vk%13#6wEHN|YmFFk= z<$|*qyihbKl43lD!qAbSOXLVK2;7J-8vSY>>3F#sBKhJk>wchsLkdlF&~GDOLEywD z%5`&>-Uk70`EA#~-n@&?G?Onm6k%wB z45hA~F#|SkIq#nCU%Gz7*~xhtm&srj*s>BRl9cQB3q{;7_Zm>XSDB^5vsn$y{W3Bo z?balzl4&tGp)AQ57Ny~gX|A=juSRrhvG0~&$7~W8S{65UMt4f2adzbM4(hGh&){l~ zMW?kulzjxk+u?>jRA|c)futZsUwM)>?@BtqRt2r%^s=jo}!- z&UyF{sX4aXtlwY{a1vKvj$9vCQ7EBNrs0d}Q#73}N8`TaD891#I~ERQCk|y6b!G5f znPW>uOAI+XGd$${w@d1m-K|W0gP)XNHB}wEW>nu1yS#qJa(+qg$^O{hsD}5q0d8Iw{i-=aavpcFyzqo^~&t=)+KWwiIxG@8dht4+oJuow3v?UALDX$ zpS@(613tB&qIf^a1q*dVhJ9}euQ!rvGC#}D*d3JP)-+!b!zDhhX@s;OL0OVi*2m5+ zh_|!;rc`q?dP~(HCDYgAaZS5C;mDmyPhrAThDkgGIB}Z&(*>(7;q_av$bMUf670pd zgj5HD4SYV+Q#!xN_x+~B&aI-XVpKlE%5>cODeE=l7pAfir5@ASMOtz6dw^m|Ic`k6 zI6>jEbk$ZO=e~|^a1r%Uj)BLQurZd?xYto0%1ZQ8j8j}=Bp1(F)%(ookE!uJDTUl} zD3eM+sIdRG<-PK8{q0otxVMHg1w5mT^rRm@_s&MLLA(Co{X%%~_?l>~@7Nb8Ue!H~WU66)o) z7NaN;RU{rMBY86+=S#6(u#vYG-O|JrF3JQKDX?(v!haYt>~Fd4rN+}=F)i2IH+9;% zsvzEn4U>lFJrl&SxQxXYpO;QhlN_9nUc}%8q!^vUNpqW3CG~aU)Y`(rDZb1*0O-B@ zP4O$sA7IK}TJNhf6@#aRe+>Paf2pc#^1jQL!K){Dn>rbl{{vP)W%G4@R#4Q>?Ms7! z{J52o;P=o5oafmDjWO^czDQs>1}*r7^+g(6S{QpQSB&Vyw=H0_yq6=Z(A^fcDIaO$ zsu0jKG2_in5+|)vE9su8=Gr%aO^>t^Uqr19{;;YlZNi8dTx!u#i})v8#_o4$fGU$+ zOQar)f>h^phGf&?<4G9@qG6hJiz~^U<))VyRiczvH-LPnjr_il6#T|m7EG%K^Cmrj&8-`&iYEW zc_E7rusATVz9P!PytbmO`KL^bL5pvdU$*LNq zy6Oxk=aNug7NZ9?&9iXGps4KhOi`mVOyqP=^5;#L{lSto8a7LT;Z{)))({5tdKkR5vXkX>7kMt)yq|k#8F0@a- z&WxXhmS=R3U`98p-gCATge8fk+sS=2^wdyHu`kNnX8ad_QDB-@7DI0}ID7f0Y4c0SzV=CG5-que%~h z3>9i(^B9^~;7M*^Vp8kw`Cw>IS{BnDud$K+%=K0~b^PES?Z$FaFfrN^0W&-nvoV|I zh#Q{on+Rkoz(ZQtzu?&2OvFs5)Us^1@A~LUV;)#24i1iKqL8JP9hiL~#M4A1)&=+x zzwh6_OGrqlmDo<}tt-IoN%x+$z0TH^H92#n#UhiF)NOnG)yVzSX$mtShQa5yx~Oqs z*G+;a&aUoPvg(QuUKE1hY;d~cO@!+2n2rW|O3dc|u}=}GNkhL!{fV%&Uz`+X8_^9# z0N)LdS-^Vb8x;(`%V51Yy;y_smHhFbr~ERxF1TG=ul%D88V{Opr%MtiF8y6)W$pH4 zX7vtZnRnO|2dyK=!<|B$OLz`$7Wz##r1j@nUcPpIXd6B}rqC<%CTwR=tpB2k*E_|bjg>wlsEU2sl z^|{ogGqI`<^?*wVe8rmq3c53#AksL%$NAMMJ`r4%+VHRZw+#4Q7KhpXJ^DmA>rA}R zB8$~@5_gfaGq|7eD@iS%Y|Ij2+_rLSjjir07}wKZBP&wFbcp||J2h!tJHh-ZW{J5( z)1z$!eD@bQK>%U#fskDf_3ja6Ir50|kfufP)=)rv9IRT+F4A?q1iL=77ZUe<%BLUJ zY}P8>l+Mp3M@@YMq+wXD2iTPsOj{DwrQO#L)PbxK;}{Jw8N2<}cseBT+_Xy1f?;33 zD~uydm{m>nV17vw{j=WTfk#}^)(VU#9UMGDdHB{ZDv@vF7lJC$!w>FI6<$jVYd_e~ z#7WWp89J?wCni6?Lx1Y`@86;f%3UqnT-3p<`;MNu%d@3sP8 z#y0@9&VApW=~j#Cne26r*ESrv6%r;W89sju+mK)1L+dWBZ20EzpezCh=Vyv;yc|5m zeT`V(M*!5knRknX7#tENj9?+qj(PTI+luMY&-2mh@hJ!$54Dljc{Wot-`w_&tswTRh|yh~|;hyK!-7KSRks89=MA%R&IusCb#LdZ)p3jX26Xv=#7VKk-<^4^FV-5fat5XWS(725joVaZtG@m!V{Pwe0zXRit|lt4w+ zrrY7l~QRdR5Op<_P}o z#251kNl$4x4$fGbfws4t0onYPPH?n;MhNN+DO7yuU9>3W3m{%h2Q3z9e0GG6CK%4X zzvZ?eO|7eOnAT}>yka-;+=g|dBGT6dp%?><#p{<~szou(QHOc0pM1OV9LDF5)NjegJFS`20a3_e|Rt`{fe zg5;D+!u%pfOL;>_E`qhflWDbUKkdb28HTE6f`wmB^LNjJ7pQQ;GnSHe>kP`YTndSP zc#6`bNl&^(+`(X08$!LoO;8>ueT%wV zCv6=Y@CK8K+TBC@%pjr4n+_uLp>e`cn!2?mE(GlKCT=9>&uEPZQ$W)yGh5AD@c9!- zX`9>zcmVvDM`IX9{1vS6HmQCpLK|Mvuhqa|+nx~-Sb%Z)!ck1R#YTxOvYd?4hYAN( z^wT=)cI7utQ5BT~jfo>#ERg&M6z0hv4^*AWe)ES2t7ROJU~R zZlL5gt-cOZ#i5Rd;9###?KpR@FlqOB#>s-p2L$1WI95ksQ7CDsFF~$o=afBUbP516 zm+;i1aO(Kc?Dh*)vLfk;-)<=X@ssPP%eg71rEM!ZgBO|n^+K;DW=Xoz^28^;@4x*|d=HYxPLZ2Q z$VM!PDG=k-_3CYXrw-vRqBc!9hem%*pwnu z%d%%@ofKMd&dnQsOY930h^#CK16tQ&o{rMz_nFKVe8_K+a|3Ch1<3oF5&3+0f&%*I zzRElPnI;fvai>)+ipb8cfrR@S*+OgaBZ0Oux$niss{5BTZ{i(Cf4^}@#at4IEyWqq zQ8IeUD$%ntyUv?#B}^my%(;kVU6S(p~-gMS~={w>94HUg&o>0YpQZ+-Xn_4e}ik_FKzl z=Sj2fh-hj6e7BFsgye^$%^Rb?3Vv$x65X{TdduY`EvjsrN&Gq5(8a74UINgwlHcyK*Sb?(rN>s` z4ktZfC@MouI(2zTdEOD!y9&>Ec3=K41We_5!KL)Iy06}SHo|$HJ8axGe)caUZw=JW zeP3-;=A>2G?R0-7}l!*j0OY}M*{r7<=s zid*J2-P*B~9cdlInR5q;9M8&oZ5kM_nEO19 zK)Bk((Og_YE3Ta&tuKEp!-77_k29|IyoWJs7dchC=^Y|CX=8vp$9g{m5i0yyUjEDb zyz>6$?o70$yysC~0J@@;;(6`M|Kn-Q^o&NH6%Hq^?s0NE*mp+BNExW7vzt}!AOH-l zIp?~u|J%2f#?nOyUuN|W!U+#V#|4^i*kd>E?goN1J6vi$OnV!R)CH4MET z5x8{T%K_L46IDomPEoJ(=T@+BHDqN(WxWRF*47&skfmHq1f07?L0nC5U3gnl z#_LE452bU)1{R0@tRp0RPH;U! z07(xPKnbapi@1Ph#skK10f%coGV{WuH&lTEha}FGNf?~(#`GDmm_LL|0L3dQf|uN1 z^57sZhCzujMNlw#md;?O%DTG_xbm+&m+`-&8TCHv`bqC%<>uOTgP@FJzZyYpn=b6O zuF?5N4gXyw&+U8`=M5CwMelp$st5%9${y4z3A2Gm7DHf{guda-B|lMd>lIlWRrW1g z#%lp*phgmXIfp=n0-lcbjJq)ABN;vb+nRdMht?%b0-=MY^~2S(#5kY609XYmsnuvu z9o)ib-vvthe<>w91$sd(PgYQQ;?`f&U^1~7CeP|CnZB7H4>0(yu9`x%e7f5cMQr%8 zBz73~%S7zxfcTQtSj;-g?Qja%i-y+sKuBlAw>HMOdBsc6oGv+?jXk03!ba$opuzdk zkn;c=E>4TsEb?t*L3f>Du=?thZC-Dz6^}Jc5DScX%@bym_4uRmGadz5P`T_007%BHk_u1DgugsCc_0sSg$T ztMa#VO`jOU6hEJ_J2y%~eNvZC+`5>j;= zUfn9BpmC4Q1yFtv$#e&^1TlW3uB`4Ot%Js^0vWSwDAL+;*OY?3CW7*j_6Y)_J^b8- zl+!J7C32tXe`5jq$gLwONe$Oi=Rh1V%O!W)NXw2drXU0a&{e?Jd93ZobUIhbVtu6A zHgLE_-3qyfae@%RMBF7@6UKWi$EuR%ZBrO*vi^kl{X+{y715}yH|VXF-|6m~Yl>DX0RAWVri>GyYCiw)hs)()&!kRjZ>`<%L<75;AlM1b>7;{`o=O zwQ*%2c%y3BAx>%4;qG9U(zR307a}qPDlvsSUubB^OUqWhz3eJ-A24ypw4aJgDr-@r z)PI(<`$ELXlocCn*5FEIWGyfSrVsN2?ecfsM^g=#b_1xRaFK*?+5~Ow8D*Ki!ou~) z3K(fii80f$cZ2dp8c`sK2_mB78VdKhRsaHm`Le}!m+E>21b98^?c&8M{<%W_l}y<5 z@wyVWUq3=pvhvG8wd&-!$#$cX=1GQFPDe^{@+f15bMHw%#or1*RGL9C5+ua92EMsv zo1vvq%xNT$s8debq7G6w;|`R933gl$S@#zo4mgDV{-7q3Tvqp@XVAbxeSa_h2GM=K zx;qn8@MWtKKb%Ue-XvV_6GLW!F>p0=+DiHQitt-F&8mfyVA+4JVx-4b(hRB_xcS-V zZBe5VoDxR!_}LF&XEN!ro9rI)O7HxHls&yTa*Ov;XT5HTF#uDL^{C)5K zoy9VMw>3CjiY!io*lEHH%9m4rVqFpL6+{K058P79r;>?fr6Bm9VrTpyvROkVFu)3J z&@@|ARF>t75DWwa1tW||C%YL+bx$UU^Z8>J_^pv_Gj;f!6ON3<;r+{G6@muXR(+q5 z_Oy4>YJufwud3)5JL2*dn_`WtM{%sSAiP>o+=PK~-r@b6ZKPBHf2JraqH&2#mHkSm z3Sum6Ap`_iJnH7ZflO1fjRP7#gfWY1lDT0sfKQ~8ysCdA5!k!c`Uf2T>|3U^= zMSnCmFNz*$8$geZA?y`VxwQU|dw3BBgEn^f>@u7iICnVzCTOsGo~e#NHjEoeX$p)U z9YMkr;r-yEy%UZE@4>o-uo*d^{~L}6Xr+LAOphIC+*9 zpUaN)kwU!dCw}drWXz9~fG%_Yr@tvQ76O^3$<-UItV{0-c*8!_Kd!PKt!HKnpm+N> zmW6*`$m^tgn0xhp_gdP@VC}ust(|EhGK-xW@APN!7~uOr=4b=2g9`wISJ8V+nI&MGhebxX*vJk-khAZM-%KwSV2n_n!xVn3~hNVXQ-E;N=~QLIEEbX6P(ww>UN z_~BQG>Xtorne~MRfQTJ0#pVS3^izHyDSgxvL~a|w@)1f%r=N;vhJvttiqbI9O9_QmhpK^v--9GH zqYJhf+5Xhv+wDpcBU6~$qXw37%Gzf$oJwM8f-vGp%lA{;D*&op%Br>UfnPYm6CNFA zEo+Fnd>HO4f98tFWmQ1zD_=>su~y|Y2mIi|W6@0uY#A(&dqfpDB=$6izoCCNh64Fp z=)7qH!6^n-dOrtOLjXegBP|y%E|c1DW`9~{yq`GR#V~-%%kjNr-u5gMMbpIeG%fW@{V>C)F~+zQ*AQh5GR@E6A;Eiz_C9tcT1e;Km zvM9N7V}a}x1$$*w_F`58pK3A15S`Rh?9mn>Yj<2_9HHh%hsj1w9gP>6Hp+`4mFGbW zNte>ptxh|kTbf8y8=hHjt(`@}+Xjy32D(Ptu3@{WA68@zb(pDKrDil9*cY?a+)t1o zHrRT4?p6fEqQEo8X)>B1OzC0(?D*FL^M#xR#sHoY@yu#0x3nJgz*8SAkfsK4<_h}k z;a*&OMU{gQeuYII?vKn&A)Gqzw4eBGdWEfeao)ydq+$MTD;NzB{#RU8{#o2~pj4+5 zCA>S*&=RgN6wV$)akZ)}d-Q5=CuhIy@$qVwd+4i7nZ?iGUnm^X?1%WSHeV(fD^d>TQ@nPPN|FQ4We?()%s0sjec|h zo=2Ssz>tVJJt9$n>-(Bw&7R-~b~(xFu!$iITc>CUy`qa7TwMAHIXLyow|t7ZY?+j( z3f0-=?nms_C!+3?daK%uHkm=1lea}S!}M>f+9+@}Pk6GiR4|nE&B<})@GK}vLom(M zzk>`iRK=Q6wM6LNG~Ab3V1uVm0|9;o`*pn|8C*bE-cikz-S4WR|7KK>Ffrb15c>Fj zVHi!p8kb;~%3L?unX``g3?R8N7e?XjwTPhuL7Z(qnqmjjT)AE+`6nKy!I*s-+++|>gzDTb>*CRvz#1X|I!8WG(5)W$Tc9Y zt|dRcIA!s4!9X3~4LPL_T~#8fJ6PTi3O@T42(xfX3vV3UKE+S`BmgdTygC*348lF%phe(O-kV6JYG>ZRdN0-&4Zhj%XF?%Ch#$4{0FBt^K&*j zsdx;LZ)9+pl%&P>%yvBPBwa);&A+Q_K6s&Hsp190&41=Dop$Xw;|SDWj4DU8&cd1F z0nCfFvBZADZc`VRbUcKtKTM)`Lxd{nZ*Lw~U3VKcKOi`feaiV)lfb1ohG1-F*3R-$ zEZ3#0pj1j^V{T|z?5zk6*&9p{u^m4xP53&xlEp?chDf0Eg&X7qK-Q?^o1?|E5cu0c zaE%u|Q6Vi{B8d)l>_{Ri80{ilOj^0;#l9^(4V?{o19H-I=E61AHK{sT|h|e z-&;Rs6zxCoZu4FzdC<*5I}3afAfk9hrmsS;&(AI7nN8Xo)Ah0U<1+@D4Cy`zj#10^ z0+c~Ce)q3P&3(Ed zo_Fwg0w53Q-_j^FV48(B@~O#0o7C0tSTVL8Z7gCs=ifbuMt(sx{&!c2a>MmFdZf19 znobI58~=482_9bWmGYmXB)nxd3j=ZnQ2Ug6z7#mL>~G-!FISMg78bfTgQaL<{RTG5 zwU~kXzZUO7m-sO~Y9|h(f@Q}RvET`=GIjn+VQ^d)1bSy@QNap>1r9Oi;J-`!p`Z_H z&-X(g#kR=<)EoeFfpQrfP*Fj(U!KGvNMYRh88}Z$Ch0!>yY-b4v^}(E^?6g8lQ)|u zB7*Q*$(nrqG7{mx+cBt^1Uuymymoo!%y{hUg`zDK|8B%Xkp@7kD){tl_T$daOsq1< zk^S#3NYL-%^WSMUokdC8OFwYpu`k-)dENH{xCSVh0)lF`_I6DWFbQNZNjW=Lvm(_falgnmq2| z=7es143^^KglSDv6K)@3`!{!YcgEy5$e3TZKnC=urzdtDhy-Q^24acNzQ_qdK|%Zb z`#m>nSO$TvM?KmOBP?0+{rZ&{yF208Sa47{I5-HG7q12f`ujs>4r(<@-C-f+_YKtv zu(8#vjU$(RAxa=NHa47_mey={@!|Lj6_uU7eEG7}=oEOn*5rJ2|IqgG&~r2K@qg$G zv80Fm-=MVv-wsfwK>6}r@P8)K|MfUvpbP%{=~rb0`2V}=-nhfY__VaNpzvJE(_=NS z1>y4EPej|}<+}(&aEj+o`rLLABIB`xfoQw!q1#4=>YY7aYI*_PUpTpW8CiLhv9Ktv z^D;Hv?SLf&an>!@^A;y9H#!2SHAm4r*R$o`SJc5>XQ6VQ>)GL-e(xl{qNq^Saod_{ zdv?;*)wQxZ>f^nxjKpO#Ux*vnOl*7HGU$t{t*?JsT6szv+WK90GFQD5D@G7Yx;M&o z(tNj_S{pfMdA;)Tw6fy55$SX=z2x)q^zPle`$tBIzsyYj=6j{dFQ!2ERy+K`AqO`rK5b(=lXZmbwyU@+ zx1vbpIj_33&X)dKFVRw@1-qNMyZ3hL`bq*GE+c|KZsKDxg; zs9nMw)c3y3A>=vheoGL&16o?B&=XqjqOM2lbma6JVVRk=th;G@d3re`d^ub7N7=_m z`^p=I$8kRP@;DZZj1P`kXk~VIU~4^#r1M-uJn>k0prWRBIbOt$6b%)}=&5hLDiwB| z(RT6rduwrrH~;9dI^*f^Z%efnsvaH>wKFfoJL$?T0d6?lRg=I}zuv<-E`1 z`~r~eMI z4BL_;sJ;2}x77T#2Vjc3os5@uSY99x9s%(b7iMQ>T$Y?>td^Va>K3dY!rN}c`v`rs zGIU`wDZuRHy(*OR+LO{9G-RAlp!2yKLg9NneOP(%4(_r8r2IK)rokS5ckI&kkUZwO z9mREQYH7LH;IPx(E&MEGxV1GQM%Z##HB?jnvg7ldUsfjjjnqpBay-^qySS+6T3&hT z>R^TsjMRMBU$W}H+|OVe@V(rPv02V$S}oSwWUQRX%9llj^MKyAy| z4Ooh(MTSnSCNN!EFLUV_dK;UXMvNUOF!UpUt0Q&9`EpmGcedqb`R{9+bMf7-`UAQm z8d&PM|=DnxTWDlSFWw$Zr^Xy>tFv7O-2-t9&r{5lz z*z@UX2C!P8m)DfCYGh<25;F2WE;|1n9E?8@5Df-~JELi!5|V7MhwCj?9p^ctLZ$u7 zy~!$?zmq1#qAaHsCjvDfn?n$q6NTd6GbO;}v-!0aw3yJ*(NS4hSzOjA>5)h1W+k1%wpXnG88HxQSXpy@hEG%qdLg51rA>kN4 zJ6_-2(=({+3w;5Fq;;#9waHh;Yd|Xmzf9%eQSMJ6{UI-XZjfactz?nuKC*hIAr8}J3V;U-*Mb|q>OI)K-I%mmxLmxLVd*qD2@rr_y zHB~0TNIju8c+YWu&3639>yK%&3rEhWBcj3$M-6GO2B(0KZo3Trqdj zENY{M37J3nu3wDz{BF#Lcg9u1pnA^!#3#kBHR;Bca3Jiu$!%HE&2jd^&3 z70aSwDOmC4dD=IGLA&{HI&H(FP%@N<-fZU^ZoAdLi)1pl7XRstL1tH;nYC5c<)vSZ^ z7qEJml;bNs(o#@38y7;^yGVt=n5FYRL(CX+0n*KCrFCiJ%yR>GWxVbqdT4QZtNUc0 z%tD>j-_Pde&$_3-`pNMx*W0z=+Q@8*W&0soP*k<-L^L%Q#>ZoL+urb3Mnpu6Cx6O` zsC;_3nVFu}0s4WHlatSts?YZYt7V$J;$n-D6c!+@uK<^vG+)Rb)k%5VmEbLKUR_^D zMMPLG)FF}WRhTpMeux!6ChoH%h!%U`j2pmXx6K4&o||j5U4MCVgMx&l?RnP2G&Cuq zz-_zwb>Zk!w_pJT*$4E{VQ$=%k?qAj1AYDV&4D;Td1Yng27D|7u_!z=5j*fUeni8M z9AH`3thdHDrsl^+4DJG20A@Hy64SHixLwE8i%iH%GjtB#yGE8NMV`WOy*o57kG#~! zX0+0v4?VP-EKy6J87KTb&sPE^lHO;&Z!Jl$CvAlM`UF!HgR*M!{nT z98>%1u97N#1SM;S|FIUnB>%r!5dYsb*Z-eYmn$cDd)kF^b9MFZl8jV>Y8O~5 zxK%U<_>k>kzHx}{j007}Sd)M4BY~B;a9;SeI5}Ro{Xd0%t-|DSl>eTdv&7u7{A$!W z0R1IdSV2iy`Gf*O1;$J669x8vmfrutiu*r~K}Bb`&kZ6=+Bnxg`;Y<_n1U)v<2D%s z&Mk%iS(x(3F{s<>#)8tYA}u*z?OFAnZ8t}FTmBjSU+upJ(2uzj5aO@kPIDnpn2b7= zso6+^UV@T|M?^fFZz+u6LcSSa;zA@p%AH!Q$dH&Kv5)`HE-i5thr2Mdl4U;rK#sg8WkKim4t zlz?Coq3;Zd@&eC#D9>~qQc#Hw}!>5*&lnakn^R*ef1oM zFykYDUEfX>5J1m2tV5FjvpaobS|$9de@eX_CB|3<$j2(7bO0{^z<=vzJd#C&S8l@lhQ6C){J z+An8m@@(VxZ2Q$loA-x%IqtBv>jQBHenVr}6NrCDTZIIWIEy^{_c-NH(2?+_bsa8^ z-!hs2HsenY)zY{S4Xs5p5qh<|+0a)l{u*bS?J-$JI{yv+r7w8x&%ruXmW#duFcf%{ zY1>MDDOc7X%$@C)7`Dyr$zhnf$A4e@iFfD;k^M8S|IVRpvHS7xI;$Dr-iWUrO^;>P z-6~{8Q>YGaG}tt^GYK>{tC8F3S7A5O@0Op+{BL61^9v@yN;-bV*<-5LE&9vf?)Rc0 z7aE@Aza>QthHFO?wx%Tvp4@}$syLjVLyx{40JjHtJAOjI_C#L0WCscLwlF!@@-o7e zSP+}qriKAZ)dN!OIGN2WIy*ydJ?%jnm#`qUMl_XZOjoFSGb&>(ZxmG7ySqaIgAeW=nBeXX!QI{6-5t(6=Uv|)*sFJUb;;FtSEpgtlr5z$=W^l& zy+B9UCi>s7Y3L|G(8m>G8HFGMthoT{(NS$Pq26TzIbNoZi8@P3pmscros8NI2 zJS;g|WqL5TO~=Fr1doZ8&DtPFkISg_p#;X>nQl_@e@>2uC~)m#sSNmUqm2{pL)5TG zf%#l~>ntt;*L(=TI?;3OJUCGU|ZB&7FtU&DCRW>61zo9|rNEAHC&OB{gMoLjN zIOhB}6!k3}QU-0XsT@(Ii;hw)_6oL1xyl?HL{Ej?883%`z${#+HfBh){@B3jyoS92 zjwxFU4?ZVDajMhCiUZAt|W{?S2-i{|ww_~Cw8+QTf4d#gy!@<&w%gD!kRp=+(>0E!9yMx`2+>*>q; z;2F)AAyC4={{JV%a`F=op4l?e&t4tt%h5AM4rkCrZ9Vz2Z>@!5A}lY9NvS}Izs%tX z=?IW=izW=}@580>h~ZvuN@#e0PdRdom?W}@=l_X8$@VgnJcDB^q;$`)_Z=MWa1=4 z(`SRvDHxr+YY)ERkph1FQ}{Q>P6_HuXZTTm(TaM*J zf4hT%s!ZXB&hH3>%7^F>=|~hU3AsP-+u;Q)N8#1w2QDIoW=c~M(M_JxlST{p2CDd6 z{0%lv92(|=vnPMg9%kk<2ICOeIOFNG4CslBuXYNPP|mUqi2WoN*~g^JkxA`01j>-X zD4%}BhIOw3DCDD{vFKj{xuKgFCik_`w=26tS2$ebhE+Fw;}i7k2bg|GDC!V{E9nVS zw7f(Wfh5WoDB4wR-S%k$bIK2Hl1_?5^KbEaw@*5oyB4ucvKLHrIviJ53g-A4t1!@2 z*)Dgis-;t6ls-<)l@0gR}pkUwX5OfhnoyFsIa{%qFG-}3B zBSeWG&sz|S>WFw^PzirUfk#&6K}}XV2V@rxWXpVxNOkO`z>}yPU3*-&_?m@xqGO*? z*TTE6wR})j=LEGY6sBkb0xp$V^hy8QV)!tjx}fuLRx&glKT0mki}@o$64cnTr3|8R zob(eYKmJe>)MOcNY1;w@p-73UgE<$PB3@T&L=Whce@G{T+o6aAO4O$P-}e32T<3N5 zU$(H7i)QuW`!J{q625o*6h76vD6@1(F&TN)e3SzmWLiH=vnCD0)nq=8nyZmO-7X~- zlf{P$*hMvAbBza)AsEseke+_fBlao zZU$lV*yU7JnI4{rSdWp3`4ddJgj(96H3xWSz-Uz<=^>F^nj>V4OREZX+x zj=ltcWDLmIMGpgze$s%8ryQ$X7yyro%wZiKasD9WPF&Io;4IodEml^S%*y_to5LE8cP} zMsj#2or{;?+JA(#LpkwF$ZC~=qUA@J_wDKOhILE3Wv$j^2KR#atNxN8w`ewo1%QDU^#VfO2yab5IsBRB4zbU5ILdLvAxlH(?J$RyO7HvvS z@wn09B?#61whJ$g%D#qlw@%7+mQrXCnE5A?rVqX1lIy~2NA~Va?PE|>h5SV(G<(?0k9>z^V z8Ht*@y0w0b4paIl7P7uYYR00Covm%#4H!{|IYI_3iIxXYpB)?snAVO=a`MKk--MP*_Q5QakcmMqQ?H4^n!J#>w_uaZny$G0A3c{pG5n&Bi{ags-D$Q z0}LKOlbw8nX5k;H8>dY916Iw2s&dd4D0o>%e<${UkjYP4e55|>&ujNj#}(hde@CBm z9vAF)T*;SBMY&uO+|}vjKdl32-q9szW+mzi$;saVEXk2v(2Mbb1+(IhMlbK*|oTXIcrraP(>h< z^jG778a?s7(e-K0H9egl)3kNDVw4noo8RomcVg)*!Md6h!`k$%cx1;!(!Ed#Q1`43 z8AO#y|4Ks~9Ij>Rq;pPVP!}PMF;Z!koP=UT+x6eC*jQRVhWI~(Kxs$YE~9euvBfdAq2|O?3reuAtPi-nHs6cZaEA_ZyPRcq&|H+ z3TLZ&F3fRbv`_cD#`Xd^*#FYiYwAH=+Sz$RSLUW7KuTgL>8JJK-PyQE$vetsW^Xbd z8MAg)RtLi*%ZCNUK~m9MV3*EqE^J-GSp}10s%BH-jVUv&DMQ$0OrfRFP*|saU_0BN z7KmZ}WcMWjs$xkxe-LU{faY8m6c*kTv@|yp`QA)Isjqw6v2IXQQBRnha?rwTRek=d ztS%z8{?~L8Oh=G{EH#+ZT4q$c8i!&e9v!vbuvzMNbz47!`BQ|IM@eRwCKa~TgN1#J zu3jCWtabK>5Ic8<3Bbe!2PQD>t8rw=x+&bo?JjXtTBJ}>;Q zqYblOON3O(Kf%XoC~E1`+myPTX#|58R7CKkKX_RmtSYZy4&4ok*rJw6%<~wuSEIj#94VT~y zBO>r6ScW;z-PSI$R%)EI6e;`o1*~!vR3Xnvu_$PYHStcW5G-@L$%J3@X&}G*_Z=ZY8_pyZOKMPJa^v!vb~b^S z2%LftC|nDS5^xp;T1aA-W;I4O{K?2o3d%5U+ol!AM6GLSibw3=MCz4=_;CM^pu){M`*)A=Xc)zYsR9uL!tF^vORj7&`P>V0~W zVXT57HEN)c=%V!5*uC4^n)-&8rkog`m*?Nj$LUrTH41`WGMX8FLG9dvRhp00%ER2$AICw{#pZV?}` zK8>_58M5WzLsD{-2KF}ER9>`(2@@FtOe*STbhnw!KI~h)biCQGr&kmcBu5_1`NDp< z8s4Z#?EVRbC9`t$xT9G@YL>u_8{DvC7U{8EwR7hzA9rcYx&RgatU{kM6^y9B<3S_rl{TEEsFgoAYMkxaGQre?7mS37tAd84-=`-&r zZq2;9^J7oC$vrZtiX#AYvC_&m#^v<0Q(cT*t$L2XuqI`hc`(Z>Uc*wXZfl2c$ij>Y zbmwI~eCmpoEeV!rg*cFdv_yD{9fTs>t5CaA;YsbQ(jO)t4hKa*DqoxRkUHp5o%8#U zRBMjK@XIR}9Ndi~lILGd;^C#uDlF}Pp-z(7mPoOxMl;_zFsR{YjBV}o06kxfj~<5A?8S+{hI>mFn>{^4eRO})popzS(D6y-AD$Way?~izN6*Z{P&z1*SPS~JN(!MA^J}KV8MK~CPwr3Q=bTju4qaMt zampDMSDmy@8H2)!KuZwz9&}%4#G-I5H8~_vj+OV+KFC%dsUfJa;X$~#2RmbJhAb`_ zt5&4rqh*Lzb0-2uF~h`@u5v||%YviR9NW<%Beijq?cdX} zX6Ku=7CQ=SH8Ux3W6NiQMM?LCbdStzLiwM_~piEp*XiqCZo@MniY z%aPdp_YXSa{ycz(?tLh&alW|Xc{cHqapgc4zIC^DW)#T!hbWdM2N_b1P0?l^y2~^` z2o4)l*2=%+(B2oYUc71=?C7;eQ_hF}O;&i-tz4A6nCY1D6^>=m>|wfYLORgG30Lbp zrLBty1ywnfk&%-#4STWQlA<9jSh+dVDrKmruvQ<9sbXu6r!jQEC~uXNMu5w#xRg8> znLCe8_b^3Mw)YmfSVjWkn}USgOB#8HOLz3Orf)sE*uCNE)DD>(6oGEcrmW#*RHYiQ zDdIvb=w;bF?B1O{w$yGfYRXpht^F6L;?;iv#KSd17fYh>u5TsDZ9Kqw`kISc8nZ5A zV}abaDvJX3607CCykp-ZC#6D9jt^4W+Y3*C8p|RJbwIoky4Vl7sYE<4Md{}~D>{@QUzYw7djoX0>lCb%W?c2r-u-0x4KJ5Et|%_l0B zV`;EtYnXhbapFyv0a)O42NT>zIiC~nn9M8pGG57)fD)aXvW zf=R=YG>RrA)!ck-PhncDS()hR4ZCJle5$iFC8fBe-ljRDF|RMt;A2x1+mwa=#qm8m zt0=%ZS+wp!HWfa$p=Ab;g&xWtff7YG_e4qkUq0g8JW0bq!9o?8E~`36={6l4aErG$ zg+=Pa_^feCG z&Kw#j=qR>cTg`jh1!jfvt*i`&j`dzs%7F)w=2bObrPr&1u4BAjA7RjUWar0xi)VW? zV?g!%_$__{6hP?~keS#|kwzWKR6cSrTWekyr}MLjF4PT*GS0!}VBk;$%F5AVYU@a! zBS}x9iR2ID5DV|L-->1|N?j+yYSYQ2N`|?6T?<84(hq6rW(cs7A*x0+;LO%GnvdIq zn!bLmvFx8({9l6pJLFCMHx`Db&VO;U?{mD3cioR3-AuvqSrQ3J$~AqhvRO7##i3%? z#n`?+EwZBvhv$I=$)%dr|1j^e?~F!^+=U8MGFFPP<#2y(H9dys*A`Ds782WPW=9h? zJrwY_QOCDwUe8|BOPxntW(1J^_V#^AxVcw&{9mwI`K~2Y0d#u)(n*r)DH^m4yV(QMN>K9vUx$&3MzE7&*RTWH{ z84muNGOJ>}-D<|xV84tbIEPD0CWTz^oXu3`#~Ak8rH@|XYlK_>-&I-Isjg<>qNKj3 zx}UC%D2r$0WBBXVrMd;~B$Wt-#T--5yJ4=`D+0c<3!6XnQ-fI1wyWV^ml4R{x{UYc zBC=Jq8a(!8;R?>ixYracD-nFt^e3;_MB~GZqOAyyTN} z7Ms!;vohhd;R&pa=GC|i{b4N28K=^%H~8m-_q$wHdBN!B`UhHcGWn+sP*1qS{i_J% z-~_-Z8^$H2$h~D(%lhSMDw11cgbSYo2rEfBsdN&tpj56VZ0h{4;QK2KU z=_P&9mh7H3vwJfdma=M+-}0#=4{N=TzG`Mh4iA_tsaY1=V?E0q;4g>wYt-)-HhD&@ zIsPjqfrX~R(MHw!%Iv^t<6qKfcswqbtA3XCwpP>|*qxCiG zlEd1`5s-i*L;W=$(L_sE$3B1-915ww=LDa^(`u@Acnrh-xBTb|%&hcg4VH5&t!~_z z85N@x_Rd#UB6657WJ>U`-`1dBl8xCIIwg{7mMl!3*)QSybKl|Z-Y+81edT3W{nHvI zEvVLI`^d;lF^a2V2?$WpU!3+(rWWbt|Fu38Ha?`Gr%_>ZCzxbRbJs{;^lWN4)#5<( z7Asu}fKnPfNQE5?i%9mg1BuFP zAX0zD7gWY|H}I!eN*_5j;8e&9!hbq_Cs*ZMfT@{JK{BQ?BqAZz!AhLW`e2QX5$}B` z{x5(Wq{dI(|JS5*-cODz5&EoUJk0HtRTSQa^PF@AxHsViG|aCED3ri z0W2aboD7SW=XVS^5enG+Nt1SYHvRnV_`US86tT;Vdmh&?I2_Njx;A`P`XgG`CsbHD zvzBPS3jgs~l;y2-Jl{be#r5K}pq4HLkq_&1Q+DWxo-r2~p55~o$U!qoTq7u`CO@x9 zeZP#U9QvB{Uo|}x7)2?J)*)$RSQvd(E(XmcR$+vs8UJE$^$pAO(`*tl-aHfXT!^97 z+`|eGf{ERfacuL5v|*9}g`K=;Cgrzg=T7@UTrK(dk;O%g3-hV#g=)CefC|)5$8c7IZPYr@>a1 z3(D-7C|2(MBgfp~pLO$^kdK(XW;ZGLi$xp$ILDs~8QHCsx?@yoeajSDomn#y^3E$p z{+e z*~y&wLN~1*IuP#q6Z~fN39h+)(N<52fIDcy>W>xuJoowyV_>S}<%|A5LH?doeS$CWf zx1LHT{+JI-dK#C#EYUgGf*h1IrFl)qnj)v7v7G1_=-)i377`){2xZrfR7INlksP(j zxU-yT1!W|9UG$z7)vMw%IHaK5(9oUClcvY3dd=nIQym>6TJcCUylJfMAOcz@{1K(S z9(*s@YNapVfgyX^nrjM*)>;j}L!*Kh^4Yn8HHMCJx3=l&&%V23HuFC@aoN2iaiPbp z|Ctgrbx>DxHiCBO5+Sq7t}$r>R?pljFo!KT3fBW6c$?jj9*Rm zi$Z0z1`jlf62N`1Q-W^Jx@IFRP>2y?UW^V^7GabCqs2Ac!9uG^hww=^PJLHBG>$JL zGWdTS{F?n`Sa7ULT5IZ^wa{;C!y1;%=f*#yhOwqfBZ(9F1I~Y_(XmqHeU4aN7eLFR z!&L>S#->dA%^Ao*r#-G(lj~HX?UEnrcOs#3hR+nB;VY|Ox~ik5#?_uv1S^fw0&km0%G7g-1!k0bpI(crr`n<7eG)4xcm? zu`uXWe^EILogG0c$Hrxi_1c{=Tf4K+om5XG6BpbFmXL|MwYP5BTlEnMIL{VoSJix2 z@4_A_AbMa?U~4A>r5TryrK6*-BUO<~ny)DlZ;oGOW{b~5P{j8)jdKmG_+A(h8myqn zk`TFcyuA+D{M*Ezvj;jxGH4nqM8qm&*Wa8w<7AkOy+r7D+e^y?+FYYD;@H#S1{B# z9tHD9#)G7S$!yrL&7s>;J3gsd7@3JcXtljCQT^W>E+t3wrfR?l)JNl)i~?u$Z8RDdYvSI$`6^@8bY?XwqM7s(VdBag$_ou{d)&OIa(Q}axp zE-i1nPkr3{l|>8xR@jNjkbsOlTjkqij*4`I-wSf@|yp?GCc8(9_YtWLI z!ujggT2-k8(!4sHnGk;FJJ)e6%QBlTGuE!Ls7$ZoDb-YT5AA z;C(B6iUo}pd2M(K%oRHxWVAy5`bBQzFYq~ohAM2H?G#?lak?klp$EFwkJxrxFWIlT zIMLy8g4~PXBAY#yPv=)=ihJ$f6rClu|4$2Wx$kFnp%%oYv(M(JrR!kCVq3~it2=1DBxTfGO@#A_;*3repAlx<~^rR{xE&Ld5t(E9lwW4sVSd12b?`Z05(*r(p z!yGdOiXhTrP(&1cPE))H*R6G+XLWq!CeX8Xf;#m_G|sv<*?BX0A~<&{w)g`l&#_X~ zy`W;?_i-CmJS;|MG!b%nYXTkj02_WgnN#mE1N6NYaOVMPBH&$M} zm-m-JV^2S%c9he<0u?g+H`MbDkvPo+`?hI(x0$Aw$0-dcW~(!>UdW4X z&o_(n9wB5u7UP5lVE(v%esa1*nOO@X7Q$OirjnHX$fdKr+V9;%(Zc_hb-zRdauGDo?f97y-+iQ|J2h?+?{Nff^RPcy)sm87 zSJR{8Q2pI(D_3Sd$HCm^iU!M<&wNhGnUBSv%$K8wE1Oe{$EYd>|a>n8}~= z^5!r}VFb7(TeF(}LK9V5R?NtzU8Aaf4a@pp%!JTmWp+&%``Iv-^sFBqZsNGI>FLL5 zHE%6xp?k;7rLrUf9p|eDnReM07pnNXhOA_?nyYeat-Vwa#ZrbK2L@T@r&T-0PW(;h zx~3-3?MWV7=GUqpst|B**3zk8zhK3e!z*6+oQ*Og;IzU!N}>#8^5IAGvRzZDQx4!3aA^FH&O7VrbZ)u zN|{yN>-0(8PdwyNyR@U$c;Z$09QOt?wH&r&NbTzPElw7*53mUnYK#rtG%3wBr$=!2 zvrE^Gw!F~6*K-5t#(;!WjD9^tbE?UIfuRQ`32hnWF=ck~v}sJgqjxd;)okTp_upG~ z`G!yw&D!G>)3mVDVC*r?IWTY9o&5vatO?&o6du=Mp|cMv6$znQ+*Q?aW0TBLzCP=A zo)It~bRyfbmFpytDr(imL88VTS3Ct%h(XJc_TuByp*yo{PWhoWM<4+&UTIiok=D<( zGd7jEh*yn7JJuS&J>5l_z-IZJz=tKt-&ih7D}Zk6SLg1tkcmFLYpw+jEKF;GmEf*EG`Y%w<+hbW4R6 z!>*KJ{CiDy2-4uA6c7`b8JlV?HI^{IRn(aD0pbjrR+Qu=$Y=khxP?KmtM;D?D}O5 ziRjG4r5L_=qePLapWs%_w*=@Jk-5#o89&4NmFx&y?Z!=w?3z6dw~2DD91(+3EOnAf z+_ZMt2^Q(^vRPw@&~6wMasf+0OjIyuM?eoYa~%GIh5wa&-kGLrVj|*}c#qj``v(6hpQ%MHINO+s<96yQl8MbL z_&sgeWIBgEN1xj96+O+UWJr>sYWi4Q3g@wl+}rMDv)JwStc|+iU6*m|$w5UPo4bx~ zs+{70MT0IV7=zTEiE~S4flP z^l$k3&Th?pdg*(28$EVKI;eGbQ=y@nK^2uGcU;VH*MK(GpMRxP&(9(3*Uz;RjI*Lj;E80m1}pv#pI(kiWH zNz$2?+-%wsDyzqbMMZ|Tf@#HOR>66|FCqa5C{UVgv8rVs;<}C}V1{E_XX}6#a)j{_ zRa|WXTn43jqJZZBoBj-VP}<&Jof>Z8lo@G3AaBi;WHI7x{1Na1yb#l*>BD#Kf?YB`#F4*+~D^$&uwY za63rAskexd=BoldTSc>O5#O4y^ui}n`guXnV5$wa+Hv@|QMTlz&u+iL<;ly4TlpYU z{C5w}0H*{$aR6rcNI*$t2+GEI;&%ZcSB51;;Pg?NVC2L}z75a!_uVxf=w91HJjl+# zr=-flUh#|IO@a>#I*x222q+M_msFr8pGo3td+|~vyGo_CxyvVKpU>yUFuK*YEM3>A z2@bvcy10S`!HfS#=x&R{=a(S$$BIKJ=B!!^TN-Y4MY1y?QX?+hA!tBN8 zsZOtNnimo^;@A5bogpPB9nVZ0-=#pLU&=@oyvEbgo`m>!-%>iCHVEpbr9~a#SnU-OwtqCl3-5E+S#hF%&}N5Cl4nMwk#&ld(FX%)ZzfD-GsckmWixWL`o1BsXjS~HuWo-a`w+@6|oC7OMNch zf(p8^V!Yii#-m!6e^r`~5=)^vhskc#Se*D>uu%!yc#AePd*SnDE9x~L>brKJ$!z@v zHO$Dh!zK1kbqJu(Ms;teFw33Em6&vdh9k{vZE$UOKEf(Ps6zm%d$h#Z{z8LGNX#-* zN|`ITeeIqw*}CHA-C#?Y_yeK{5q-#+|j&>;~w%gxd(?_25o`o?Ld5U(u>D8=>uy%H)Cc9qu!&uuldDp41gs)GZ3Qi2}ZboEQoDDcvuw(o5)& z`CEZc{m1H>crge38Z+PD>VmcX>4oPYXp`yj(|Hbvt_hPCzNRq#kph~9s9o(3Dk2(& zIcnSu;=@|F5ieKxi^?IH^XGIE$45{cWCVp}A?8+mnze+uQ`3zxP`SUDKGS4QYEsEeR?={u=>8{;EbA;cY58k%Ow%{#s{7Vl{4M^5fZ* z)rS>*5w1x(R{_^$ox_NXQjIT00!6o@zDBgGLZHrM{W4Nnac*ZPA$GdYltEHBzGEtz zMV?t#VIpp_isQAnXcOq#nQgB(?}Klq8PD5FgJ7^g zldO3iT$b2{3Wnz?7BAM(`_a0UEZ~pMEwx6=&#GCiJzZVif+-OK#UagjdR$BhTcYRT z$`te$Rn?S^muObA2_~D|mk_1|DcZT)`rQV#Z6ob$X}j=`o8J9eHkG|+VZWDbTh5)N z$-(WHOJz?V<(AXn3Se3Z===$r`z)#DoR5Aki?qTXNLOTaP@ta(e5MzE`(Uqag?tts z0CHf3=5%HDi4s39R2i$UTLVE*VNb!;HCJZcr_ENb(Gz-hW4xTAoG-qnNeR}h%@fes z6@WJ^W2fg0(>;)6Yk)Jn*p#OX8RPgSh>hQ>W9~wS9M}Owj^w{NqgQ?zUex4+Xo;s1 zDT@yC`WnZNzXakF4GA(xh!oOY^@QdW8`}S9qew*qN0?}4aNX_dSeG;nW$&|$iK!>3 zYVoL>#mzk0ySipra-`8+Ot^Ts016Aq$=oBzo%kdH@7CzqY6tw8%H%}ChiVliyVm>k zujQ6jj?xvft*P013j1Z;LaM*noNfG*wvxeFe1a6;2#^GxuZ`MiFf{Em%JxmnA*O5a zTI{YKjY6VzTp|Pbo}DAoh_l=k$g$-;rm*cDoqV^CZo_=tl^t}P;hMa|n9HlnOd&|B zNYI+;X=DgJS;c|5L;1lkd1*7XT|5>kA|e{aO$_%kVB^mH^$$1U$h%%%{{89#@j2OTA zup}IJR@10J$z)+wyCi{7W-`mrLKvLw1qu{iDP7k?&&o0nZ4-@)ScY|i(lVya?+9cm zLB({)F0QW(e^z<kTgE3oQlhGqb=GSk@wv03=M; z{hP=dEm-{1uapoL%Iy2T-7x48dMB>za|kB8F|fbOwq!-wwgiS<-!V2znyQtxlc{8f z%H97bL59EXoEbHDjKQ9kv=ap+AN|VXr&ogs1{+9Rm$MFfYotzGo;plo<3QLQA=^_F zSCW;?YX|gHg>;?0y;M?aXe_`UJ9?z`&XtMcm7h$OA?ENLp~J?_x8gOxMw9a+5IhAb2mJ~eGm~>5vIKx@?DS-kiw8HZcC+E#c zBk-FU5??T%0S_O5qo zVAtE($xS@9$te;zNI?`wi7n|Fe^eGN~?z#;{m=on&cIk}ArlBCA$SRaKm2QsVY* z>R1`@f5CLskLjg&f;2zA>su47q|cdo%Q|gc1g-Tqp|m+pJ-zK~1&mU9(CuzTp-=_< z{;?Z;u6B;_ew6;dwSuvJdtdZE=jpG$(z;ourX$>qqubZf&1os1W?^Uf#%ug9#o(Ej z^_SzrV*8%ZnQIqUAGW@Yv2z705x(&=>etU-!G?V!|2Dz|1v5*UoywJHL!1-jmd?Ky zsn8`l6(42k`MXN;O`Sm?zIP4tPjgG!BssNKUOk}levYx|H`yckxvMz2ECtijP`Z!s zA-s&_e5OCKWeR9p-P0);VB<)rEvK>;$jizSk|=OR(2$ez&AwI>4r`rPI|zQkHWq!p zx5#&nnJjT#FF;Yfpk!%6U46^Jrryp8@gFys5WXCWCM`y06ro0GK%E9FzfUV} zen;NV?+tWAYda&%@A@k80f!@(^9_Z3!D&gQu%?zz;tZ*{PP`MvA%aT0s>Wpg!>5ak zU$=cR!+Yf9W5lmxcb|AC!9kY^2<9 zBa90$a^c>563+f(Q`X+_a(7>Ezu0`3^cp=I6$(R&dhY=DA>mI$C`1OqlM-^s?tZ;{)mhUxAO7^!-I&5z0K1_hhOWk_lnD{Io6|HvSAvybF+bB|RSyz=LBEoJ z+Sl97yjr$Y%FWH>c>GUqk3Mc}xC5u63(lFxLSsTPGCw8AXiPYy(oUr)6ucvx9{-RN z)pTDDqmSs{`m?-@jvHRq`x+5mWXj%F5fbpQ?mLkOsHV=kCRj*BmG;TZe?rt0c#;-K z*8>lbQT8K++@RVYQnk-|+6T-N%oo~`g&NZSAPb;?k3|09Vw_g zZHrHadMI!}S<8UX0WGTWlrB+JnJOkeA)>to(eEb-jKsWPFp?78Mt1?&nmwQkq zFjxiO5aFI@;_TU?->;0?rng2_@=(<4tIJ#DHs+K$1w>&%{c9{n4(Cj{1T%48N#;fHXpn{S5Sn&f1f`~za4hR!LeDXqX@YBZ3tmTAuD!lq)boT>t6 z*hN^i&|o^9`AeaIh`072_Z{#OejK&@#qg(zHhAcxJk?nRiU!(}t3@5FPZ!j%mW9Q@gui(NWkJ8vi>@Eh*xe6eKlJ!h#%J!j|o~0=5H9 z*?hV$b|+8Eas5kRuT;aI1X!#QZBQ>Aw?WzKo}diF(}uq)L%HJmI*)`iyhgaRc$)$1 zJ{;GlWfX&}pK1(f{ylM?dr~H*$7LjfNLp%d4rzfOnxmTM=hWz|JW-A*tj>4AEVDKI zK(fiNfs#@!x4-0mmn$xDMcUF=U>SSQb*mc<0K zBB1G)1`1zYLgchx-=k398}_k-3OeY$-P5iQZ$)H+8w9AR<-z^pGQrZ?Qz2zrx1aQ? zWrMkq$>U&u{pIMjqlBYss(dNCMG=)ipI9#mTVaA5{_&4G z&IDYf{4?b;(U4JwO~F67QvJJ8f>lT0iLbNQzlw9f`Z^zK$5!*U+fNOY5H{)nyJD4} zaE}k5g0xq<>WHT!v=Wo&=nn~E;! zWCjc^GB=y`U+?jxZ0rwsUs3eu#q%NQ%8m(e(EaCL{4tIx#|oZVoRdq-*c2#ZA*76w zW_d}eiy{?HP|xSgSVx3oHUlD~mK&k!krZS3lTyT@$sNqnc4WpQ6-9r0JHCwKKwK09 z8mQ%Cldhh3MT-TRbmWE0Ndy~RT*)={DMauF~wc6I008R2rW`ml0se4Dzz9h!iQt;+#xg=-Ce-E zLa@S}jbhmQwlXt1#9%(R}FNa3-;lDlnR+_1y zL+r|9CJP7GYIor0%c%=xv*XnmTZ*JfUS9Ko0N9sK&sT*H@UlLv`3MB82NH4ZSvA8k7W7$N;eGrS1NR1VwttmC58siZ z%qx?!`Oo6UL7?r{TsZiEuFiS%_wnJswd>#cz8Q@*BJMZu*}S(_AI!zq6F`w)&p3>SffhlW$;VGH$z2o#U~w?%v!j~xSTXNu{eHU>IC{Gg zrf^t_IFSXOd|JWW*fY+ONg-0JeAns`%A|w)?nfK?gG1a@q)g8W?u!ZiN!8p+z{F61 zfe|wk$9TsnRZtf_*8;ipB1cjfDY{nJUw`G&AUT-hMPMWC4{0SbO!;~;plFwG*}5fzJ+Y>Nr%Z)rEW|4jr>u_lN=!ie-2RSBfeVQy9v%WFC_ zQXB8Tv%j2%pnr_5BOt@_;=w?3)PVWmuwqybc5=A>wMWCc(z*<;t!XwtdxuC5&Fjk^ z(Uo=tBm2*%A(t>5JJ#(fufZ7n!a_2T>=|riP^x1A8JoFmr_}fLMt*tf;TihygN!86 z<(wga=yP~a+-09m9BAxf`Is;ec;hFonX4B5OYbv+m{Ax$HXhp_rN&F7d0i_dc_YdL z+OhwZ3zrd8HPeg*3YQk@>EwPue(YGz{BAay!rM`0?p)co z?MDunGh)C;_~I=IBii?(Hv4yRt(K_E+Dh8xYBp8)+=-;+YkQ09w8USx+y~<1nRR|q zIn7CUTDWYtZSITMDE?73tQ(A_D5CemIZqoIDqQEY6&kUfRpNq*+6g6WHD_E~!=9ccDcJ*0E7UIy%jsQ?Jw^2aW{}i%5CgNH*76 zekE2L@hVcB+(QlI#H%Ibt*XqMacBz*@ow%_v_=}ndHMI3vkzYzz z-xc*r+xvx+)jti#XMH($TvM)C5{i=5Of9}joZC36mY!kNdlV5VE+2wn9nQWIkrX$V zrtOPB!k7K|neW171dvfLm9I>6iy5=nAc_F{ikG<|GtmI__S#&bstDrtY?%kjdV%G1 zMfRoYNNV+p5UekLHH$f*!I&OR3(6C67ahs6&O-Rnkjna?#7f1>d1bcnkL55d{nT}g zO~x!phuz{!aF4esRn+esDT5ZgSf!T}{W%xa25RlpR0}EmoJbotVTDs1f6kRt+wTDc1@iRES5nfqv)L&J*!Z z?)KSmia3wc)Db4r3j=GK^%pG)Um%VcCl;^zizgmj;;#@k{PnF;)s;-)HDjfvaRQ*(e42Y$47i4KH0__C7qltxrb3-Hs-$^fpP@c`%? zBnhq2q9cyXiPN)Zk@z|&p`P!>Uj)r7F)Rd=d9W}uv@c4q%_W4XKjs*F%9V5&jqo9 z{j+JkC;%8~;OG;+^?~4x5mXffs!*^|Mq2VnpUCf&_)o)lIxMWkuHl z0QL62-4LLML&-ogM}-FfBPK*5NX^xhyi{XrOZ`Jt7Gs=_|{laj1`b`8Rwp8Xs3aK~;re~B)>@>L`OopT&Lk*db z;@d0PKnMVXMzkHpsUSGY)~eJmitwTz-%U#zJ9D(mV@x!yCzDy5O8i=WN0}6cO=w-f zk_rH@^7UQ+wdRqo2?hKK%VnEQnKD4zG?7rgkF#|~CCla^y>BUA#Oy+8Ry;lI9ReEs{J|NU?OP4}wtXu@{N zn0ofqaSSO3?l=so9)++R-BJMnLzh-#V^+Sto1q6&7&W6^K~1jCHfxv%kbS#YJP}u& z7?I+HY-lOyIscY!;=h&ySZeCzd=p{EEk?9j^ILx5(4!dU{(d9pm645@=f$!t-6pN* zS^%qYf&a?y)-juYorhjMh%v%+*SVw5zOEBJx}C24sg@4eb1SGuZx@95F&Dz)`(g?) zBC}-|gh#W&Cf)m7nEdkqEZkPB3VMpYqVEC zTnpe|e^&X!wl#hCK;}U?rifu#->xb1P1(yM=axn$L1Mh4f?qpms96LVy#?>Qw(G=Qr@WwV+`sSXYTYF+j!jGO;{_rfJ&AL~f zvK#{)mt48ZbPc!s+NU)WcLPFu7sJ#LN3!X)*0>ohMX-FV9MT4lrwFg2a)pdxIv;G2 z1jROO%zkjxgk}k6-3_8j17qLk{-@~K-Z}w-RgX_rQA}?uSP;IzJ<0)8Vd@`onAWKhbxzCDT&6WWU61f?h9JIPSp7=_I!?xz%zAxI`q zq4cVD;#oIN8P3s;j$5OR@OD9%2Z1ESWXKR5VpwKO<c3WSz^>{(DHtR$Pau8aqzO@iv`wBMC)W@p5{%OYdj2a5Lt_I{W?UZuLcsqu<1CBPgjoUMKkzN zBygG448On2G@x(tsLH|jwy-x2KRa}2NpmblqmpZ#?o8iVTrn8m4UgS>(5k1UpjQjo zhGfmhx`0Qqmt^EZQ8$(m!{kT$a-xq$&FBT$srVY=uvG-fm1~G*f8W)6_M39@xKrPE z+>(Y6a&B|kAQ7ORiM^{An>nhR2w}fO<>RHbElm8dL3A=GY04`IDFQ}JXf_0t)ke}- zthuKng-ro>DS2+qsc~{NoVKGU_b>oZEw_lTOa%qu7r*$$4}S22qIh%G8I@ozh{w$+ zb5|6@QeI_6UL0*LBXxva1LbwakEiqKMctIukqk;~KFKHo7;7RyR9`f@jqv|@Qh7rs zdjB9H?c^4Ol{&Ic)u};cD~c^FGSC32RC?M<*G6hVsyQlz0YKbZ;vavc_CXfGas&?= zk+`*RG=Y#NVAzCaL%8`2p^8D{4bUh^8ZEWF52e)wwf2RD_0*q?kLd#CZ1O$1C_> ziQs{Jn_9`BL|qE}$3V-I37YFER$w0sR16<`LHUz&M2_=is$s9mXH(i;qucsY|9mre;OQyObpuXB-sFixA}s6km3dkRd!!)D%~UIbNh`V< zz?9WV>y>&Ljcy3g(XHu!Ywqsn)z7X;ybJ)Z?O4v_3Ix|m&SEI(h%67i%RS+(QVR&DgBL}?-aJ8h; zr!a0tb3u#&D63NmxFc(^SlNC#m0~%J2aOP2!{Fm~|HuS!ML$hweFX}rhSYeNv(5zwwK&%lrvyCw1muM5ECSq6; zNkgtVVP1@w(hMPGt(#=@k{{1lktoo*j?!a@6o{nH#<&H!cXnehKB0B6aj)1kUzs%? zkMnVjvZNV3n=_tc+{;^uKz}}laP8Z!_WNx=eTMz(IVJq4I?Y#Sk7fW(!Xci4cuewvV$TZe74_2{&0`5L}l5g+z?(OI$m}9R}MCK++!t;{kh9R(||rWF95(R+t80)7yu|o z$E^`XSXM!(D9S?*J@lzheX7x;IU$%09xe#Oa`_A)f#8${UCrA6qc}#cVe-Ecz|+>; z2j!rfw6r7w1%EI_lIW!E6}2`IUDdc6z#l!Y^n68r;Jfmnq+<*jd(Vb4gtI|BX+bmr z;?64F+5<%T`VY+Uk{}-!L%6sfLWm_1QM8;OYnO~#STN9NJBle=s~m6#=6HX@I)7Gp z7%(DnbCEv65W@ahqRcHysHqI$d>i}Pg-~lf8%MC3> zh3!PggDvkFAfDR8(aTRALnB#Xh${Tvi|U`=nMYNjg#C9Kgl4KnRUwRJF;y@KA`EPX zPrp1@p@3T0(AKdQggiFIJe4McBY6mcc1W)^nhOJ7cJIyRIcycSHG$4WaZnKlnO zp{)Gt?$EnCD)n)hu%P7#7Hg)UG6f-`nbzO^0;M4gl~6{7Fm8dlARtzYD4L`sIo^== z3l+nLfcy1W+Fm{?8HN3snl#&$<}!ryA#6`d+RmEvqAA!1M=ahtFQYJ2f$kNo{+vP5Klf>oKlCBz*>BX7mHOTlVZ=S<*V#rdepN@mS+dm_~AW&f}Gg zI=5aJWTV-SU=^=^bGPrUtptTMBurY7VC|K5*NX;c`-ii|QFA7h6C;O@B z`Nw|R^^I#y41$+j2YS&bE(kP@9KE@dxz#RPwws;7lZ`bVG!YMJsjMIbfDseg(>0F_ zkyKcC;?czPYv0*N002e6FO8rdn$9I=pKs0pj^d(5tG?rXh{>O8nnB1hBNz zF`yeE3ZaBXw?b z5(FXd<5-puRbtm+Hpq65uY#&H{%Jz2xh9M2%RIB*VZXNsLj&RCc(*kbJPv2)%c|KjRX@*GvsQnBK>ZnU@ z>18GvnOfw8KhB#9y=N>IQxpZ2NBiVpD~7BLE5*X}ov(|^7>;~IKZCCL89|hRAR`_Z z(i*DxlqzuDN8c&ZM60>>GuheUh{fEIfDh5E3RvQ0KEfA@wkw2{Ak{(x&&vQH&b^=n zJgBOHbMT55rC4!fQrcs{z7RFjw+ zEFr;&$K#?Xl4Lbq@qhZH>%9r@%*#hJ=kPrp@UDyJUbFZWDiSGEr%*?TDm-ko{K15_ z_yicZDCl$p^5!E=nw)PQ1Vw}~Ly38Qj+nt>SPBOtsqIlQC{qSfC^gAvpa&okyF+k# z|8_K9hxvKIOLS-`p3k?5iGVhe?s>nyi=8mi&+m$Tv;t-)zp+f~kI4BdL|tw!d7;s0 zXu3r0Q=%Zm82{2Q{nBSX^BIG|P{)F>qod=ee(I<0y6djgpE{i`QykV2dEayQciz+f zhhNHQ1&_j)00~ROj`Xq0o}e+a6%FsM4*bZr!g1+|5}B+NC2I(+mMgKVbQFtg>KO;- zjvN@}gOt9DwaAM5ju=yaA}8gG2@M+Ff*?OML2?|5d$zdy-^y@YcsVMp zB+mTy5UHugad)OgSxM^d;c9a0U5(1qtt59usZ}FRJJs`E%yC-L(T-6pAz2EYRe~UN zI$d=Ip^L{uCdFvBz&k#e_XQjWG$}<017&H^$_bh)%a5dX>_vDL8|_oWq^4H=Eyuz4 zbv^X(^q8+f)k7hXyH-8JfGs zPIW$tIgV7@dkDc_mybTiskOvHR+6Nro_gv%?|F~aYMq&x0f3HT#b%d$g5 zLudCfHrBi!HX=zSQcOWI8^q)0!wrOGJIbUmX+^WagM@QJ#}PzQj#VSr%WE+T07}p! ztEM6XYm^l{00{K$n&@tNtAlFmk^QbF$eq^(Y-7<+^yV@7>o=lM5(oAL0{nW+xUcMD zOq3XIh-4H4%mwj;1z|;&+?#ZJpDLpeS9^8UARK8Utm3RD71)j8zIs=Ku-K=j23^*loeeK0BLS%rfO8(U9*@j)Lspy;I$9$Eu|$u3|Eb6bUO;2 z``ziXdy{Idpl>i61cE^$TBh2F_;xbTBomZaK-#0JDz4ILE4u8*%a82TMT&XZk55?< zM0SncrF%BODL(mSeYuC|g5V9+NHYfDsWq~$0I3R7jQ3!NUNiYV@J*CX}L}I z?E=QEnXZ?e<54{0#vi|sd{_8K)_Y!?^VA1NiAN3R;>V#HT?pe5Q|XuKT3Krn2Pp2= zaGtCq)_9!Pvnqvb)o3zQfyHPFlNNL_VZ^djm)?XTl2HJ#j2cqDGBY-m>VCR4vgu2# zgBgZVRW%R@1OkD}moEdr&d$yQ4?NI}p*03%DRYat!xp2#?|+A)E4v39X>e-OVaEVK z=nMo(NYxdD`9cWQXav!WC_wR$mTX@ceY+;Qo7PPslA;`)O}L|958zV;wA=__%9if5 z6nR-rDB70vnuF#jNsy~+xh#$i9-A3tW=VoShX`^~`8-X`s=vLJ+XzXY)D9f-tIoidk-W7{o8G&Ebe>}$q`F8i^P zRHNH<_%1H_@o5{9eY<2!d&w8`Tk#^1^w}6QqYLbSxV5Zxu(4(pgs+TU){LCZ`|N}z zzehA_vNbf!)9vyI`hz+_*o+5n@ZGODR5?sq(Gy~u67rq|2Zb*zs%LDd=ed8v$++q5 z59NK0Zv5OE<1aQT+EG=dy-m8U7XaKBLdtl4BV0rvRhxjhV=4%F+*^31TO311G#h0J zy-5yw7&F}<2d3>Pe)ki~BOMo6XJ?M(5&*oW1O3o+SK#twV;GY~jhg{4PAfi)hF9T5)6fqjcn zYq1|p_NqePu8Hm(G}15~gVOd&rQ@j-vmwYnlR22NqRV~^0DQ{$VgH4QK(wB$i%(Pz zt_NYl0stWGtS}w@{6^e+Db)Y=niPyvR>)=u35~8&5^O_&-o|v*Sy|9gupPy8dq4KA zG{{tDIRb;m60b?wERiOA(+a|;-T38rmC4GPtPz&}5wm-rA*{-1G{X=oksuI6HV;!N zPTSBWKV~}m8BL-&$rB#8gbmejtur=s$&WR5Chn`lI5PzyWh?!&9ePhk@ksg%#?0tR zwMX{u&{`GCxItWcHr99$TY7bOib@=aIo zn_6?!6FLeyI9j%LNP8QN8%a5kRru6Z_2bs-u?tVwe*Sk5dFc8SBl5*hEy;03Gj{fD z_{w!(Gt6UUzl-E7h}8nXel2PLV4)^VtDy6{av~AAOH{u?z>|w841Y&cilg|IOfB6iaiM?RDHSwtZ7us*mT zv}%DwupPy>MigNM1z~r0cOVeZYEN7!ZAIALetB%CSm;7_L5RhqENfYNKOV~Ozu)8?^q&`WiVEq!&n|Ltv6IQ?X!OOHeqJp1Ga$yxlfQMnR*(gu&a ztKF|HiE%TU3jyWmgz#2_mbn!%giVVgd}3FfNUUXyWNXK8Uk4?{Qh6;^T%VE({v>YI zApnrw8+5gL(G*fu7TtBW??M0oAOJ~3K~y(^fW7 zkAm>BAD^}%#pj~zr5Qqfo2E?TpK%Mi7N%%tm$bXu9FlO2$H|EYje7bhDk04{`D7(xJ; zu_3R%L-uTw41p+Acj3v`)>I1vzu6NM*Jiad_vd}h&yA3e8_qVLBwPsLkun%U0C3!C zajMtN&i$rBZ2PNXnyLCX=0EKa3P1z~%_O<4u(BFP!JLXVX;`MbDlUspqaS4n0RS6c#t`vgnbHSW6c$> zgr;qfVF)QlCwJ~;RV>FZ`|->Xy(j=EK{sh>Az4z_R?OgQ!VDRPP}i!7`@~FNBhxw1 z1cvZ>5Kk1|PMfx+8N$eVuCl8^ZG_kNGbfC%eQzjvkG6%i&s5LSWRTrPNN{G~Jjt)c z%0IlgRJ}%|HU$t#(GDl5sw&kXr9B(Cyn=Atg4TGf8k@%uKDi@VBU>5&_u4UJCa!9S zLMsbU6+^fi!%i(C5kOim+EdG5&e+fuKc+hRNzv6DhAZlQBPaZvZhydtzZ1qa&r{RM}Yx8bw&MO%6CbV zO*{3noM$~Rgv7Aa_qJC5^#}mSL+A9X`K4d=1=BZfdGBumz`t$axAzpA725}l0@34{ zzutsVMCh>F|kEpFAK$wY1;tZGMe27+Mgpf*n(L47o2fb9mp{P~X;5Y;mP;*C1^3%wB2Q zkTO^opfeJm`-jcy4nJ)}7oa_*j$_UBSB)-(VaSN1&p(!J5ft|%FaO2L+`}6g_07xg zJ8N*wtM#xCDHGlV06Z>F5+$P~m)~20Hc)^-5@f(2 zhAL(V0bt6C)~Gr#gqu;^Wk8D@BD~}ZLdK$z z_=0;jvxgmJsH*gftPXXzjZxG*B{{=_92(`U#Y%dqKDofs*uK3R6~eRcWjxMg~9H zRo_l7v)#k>eOsx0B)KsURTYFgG2D@Hl-ZYzVg*-io^;xVE`=$_&wQXclF^F>T~ANN z`(i1~*wBR-2@2GB`K1&SvTv6v!%?PEjGNKCwqM#_ZbCLa2G|fv$o3{IXx^+(2F2{% zrG_$u>pbq0y{ydv0IZqre6V1gz>Ez&D)macYt{+laTSE0yrTYD@QeDpUQ0PTbDmmy zWVii(o4#E`8z@~X8(NBXj*M8vpwH7Jz50fLHwFAMXR+^>(vlKO;-!Y`baJ3#*otCn zLL!+eZ#t*#=y9<_@@@kFYo?RII&VlVNAP&$1`uQ>Rl2JxFh`Fhb5dS7M<<1>lP+iiqtY)A1ak6&0r`NS7RCD0`tPmzORhozPFUq%W#tMk}C+=7EX#4yv}BW zcs#2hRDvGTQX*z2FHqVEFumHNb!4TBAq;RekUw+6^6p>LjGZgzO>%u@b`Q4Gn2yG( zMrVuaMN^oup^b$Y*Hh=(FE5rOxLt>I6!@?6w4QXHE8u@xISw;~W*R&hCbk@GMjOcx z?)Q;0?R|tAtG(P}hO-!UA;6E1v@v_$ue)c0+dAsd58l#)d8j>fkH0?%{ zI01mtlPzZo%IRCR5YX5ZNi=oi@M2Vzo1L!y{cSuLns3>;Y<%tea-MQOAC!2x^HuiL zpVm{xz-$B�~qI&5P%oGrZq=Uj5J*L6({qC5N626HS;8v#}S)CK@0rGbME$1<V6SPB3+`au`lfF|Z z+fgQi_9>3R7T4TuhA@p)9`3^4OqX(A=vvsAM@$Aq)>_T=Ic0@sB!^P7WOPHo-FhS@ zS#77i$jdCFhR{4eY(zUzEHq1)mo!&X5JE~dnrS1{ zk#ejuO2HMw8WQYPZpx>TNumP)Lwl~TjI`6hf-qz0nHR~W%W5<-V?&9pIM>?@o1#o> zsD08n{);_jx=oaW2@6^XV_5|NAUF#xZA4v(QU|4>U~t87ryc=7?EHW7Kl+9us&!mo z*;vq!up7g4dmkYN8^92jZXiry+J>$MaC4#vpV-Acp+%0sw8Kq)H{D z(RAj78jXOekVXpt@LO?BQKR4@n6benKi1fo{-3CSb(Dk6D0XTQixhElp^C$2tmvvA zvvwv?TN~kl#b_fKLJPVqXh@TdRNP`%ZfKFS#+S|=ov^@c2)G_Czj?5WN1E+QxKX0( zwV=p}5z=HU=f%@D6t(q1cth95hL@Y|qwuGfq(9jCoawE!QXpUo^J-5^tCnhMiBqbOle6o*QwjpOeB|^sv2GAp_fBqSgu7NGi4_e z#x~izQ}=?rj&b>;GDzl&85VqpezcFCw)B=F9Uylfs=_I`O{<{ZUFYHB| z)TFl%!VmgZqR%~A=IarOb{r(XQf1+N>tQ{pym^5kixz}h2NU-ulfjBJCsLTQqUU&n z3hcGNuE{iUL%@TK3Rq>^i``z0y}Fnu2}xz#g0AHY3cBg=k|+q(n6UiU-%hE#7!#`y z=0e%@*RvdD06+=(NK2LO1=&WU8Y`o3udM7T-egiHau`A(yCCcs5F1$#rV6lyf7w3D zU|>b|J^XS17yf9*tQb58k@OA4wIH6f0ssI4RC4pS66h%C(xZhi1_07vLGc}|l$#E> z6U8l>bO@oiy9O9<{D<4~La@|v6=2Ma=7K;N%mkSbeO2;Ng^?!9pa{Ln!TSP|j`uz$%Wp5{8Z{ zcSBC6Jed$!$E#1#EE7v%7&3vlu@L&k=c+i|!h%(U5=JJrD~KEO)r~>Ha5b%Qlfwqx6k$H_>C-vkh7>U0V@shaq+l43BA3D znkySKHngShk#^Uu6UM-7Q#r05@8Pp+k6KMy-RW24Jf$Sm{D`Ncs#7R{1+>RPR+zaJ#>~6c>`&$b~ZiDQ3Qc9`*}>~ptQ3BxKS7J^&mcF2H)lI^4D_H zv=B+P|It?ntzqPehe=u0wA9V{qX=e$#X=ElL`F4AaAuVc>Dx4Al7yRCjxtKnOIaLZ zM5eU$G|V_?BQ$74cb)ZS%Mm=RNd&)|KdUDj?K%Vi(z`##4o=l~3^{mwSAD;3jc)D9 z$t9~DRu)VQTIVqU^uMi*sH6#JJDTQ!<-N^R17X4^(grH0d$xRZ8<3>JUQ;X;mLhn_ zh@{;$y0uDk)EO(_6?3>-R6`}s0s)+|qEPD)r9-ti)o%#6GvsBMc*zYi)1V=|6wO}k-_&?X z6oi2bYphA74HN({93?ASC6GsWvlj<+*hNYSda0^<2m#zriFRTjgrk>x0p(kDxTOjnfvUI^oseWOu}PW0EAAzX>z9&xYu6raJQ6QY>PUn30hr>v0rqMdhHa#kwEk?A3n-06Z)*iINaYf^+aZC5fS43>7+ z==LgOJWkuu9MH)qBL}MN?zk4fQ&uF$6d^f5*$ZYv)q*h#+T{Ahoz1BF_pOUri?}xV@T^{h3#gjM&+QJE$@d605dl9V@Mf|vWP(0%?J&}i$46o^?x$m z@d~=Fx6DIqr?|lN$SDhYOm`-6qk*c?Z*8a-efZ;N%H7V>+F65&q^PU}^5=9n0viGz z3|teVnBi(D2<_;Cp9F+h6D{#_EmTYnmLs@>Y`OF{@r41`i$%7vhHu#+F@GjwS5 zMKjfkV9JUfKldvdySA3Cip?k(LlH(_y2ZvktPd>-Gg*4Tn;I{PD>b-=ZIkK!21Fu~ zQWD-gs=V35HG>+BAd1TAQYarOCE zA@q=z7KxYX8gA7`k#U-3Y-TZBK|o?jq!LXG{2pa1Yk{8azSB7T(1rWQhkf30iEl(f zcqmS$Ok}6hXC$N1ow&YQy=V$4Uzu9op-e1=@sJV38VbT0E1XxTL`YR5!RlmtYdj1X zA?_8mon}N=*?3tTXKd&K-QUp8Y5)kY#^yO~Idl8IYE*kjHEOao!dC_ZFcFW*S#Ci% zY(meVZgFn|Fiw+%O~F4ux%hhFyyXo)UH&0lk51xcRuC_@oQuphDtsa=!mmD~K72n} z#8^8Q2m}+eV|`g-=~9D6brfqnw!}Pgf~-X{+Q%V5#@+-V5>fh!EtiX6IRbs*ctat*I#US_}fYZkJ2)QqNJ&Ug0NGMKHo9vUl5h#?KDD=d5M;N zCAW`jR7g!)(6s<&E!F$qrkowfP@FNB9*MqPBl7ZuPQ4bWI@#-d6EH1 zW2FsU+Lkk>wQsqOzD(F7u1(+H`5*sVZe#!k0L+JRKZhz$4=EQ@R&;g0P9Qmp#tem6cXfCRQSN(1_%~9$B92aAp=NC8lCK%Jpj4-*>{_qBAhe;U zc@ira89S6ZG>|neE-!i+TQx}gtii2W&~~bS|whl zyN2XQPzg1JU;XuGm7nNEV;+9z$qK$5JZ8RO7)my=jc`K%CgNA+nwH%tOP)|)Uzz0y zww<%I-d#+V$(m{F#QyIGA#UPMcIkY)!EJgAVLV35q#7hG#cU^!qR&B#oqFHpaDxVR zvmh#iDIrm^k2F@Gxvc`Jdo*iis_t&xjo}szk|K)MUV6tC5$N=94q7-C(1P!3jaF`B}34LtHH5B>FUi^y&x)OQ?8o}gMfQ}MEO z$MqmSWkrdAm@-l9d4n^u77HyNaudM{j_$+_cZ_{w*O$mkMH1DwWGKvsj<@awGK)l<&|3LQJVsE8vp>*n1IDZ%E&Rg6W4dv z#t_=k<;F9v3Wf~<_edV3(Gt2Ur=(QJBV}b3!+>0sCwNLRk?@MzhP51@wWAk(nC={G zT$Z%t4*8Kf3^&|%{ganf&#OOdx$D)H9@zC-2iK!JWg#}(&LrmQuNwW{7Jhy=`N!ii-=#3E zuV6c``xUmYnnsd~mmAm2pA8j5AQHn8%NUs&eYP|5g!*RFFGuiDFH7kwxC5GB`SygP zztJ<{dE@dWiWvCPrxWw_SE#01nXd;i z0Fay+58UzKVx*9w8uaZN`*b}E!j%XN7(ot{D;XU(qs0i8 z8mXQ6p$osV9mPD!B8sD0Fl0nKQ5>ysH#(C_FS|D>XEz{}3`szsTH1I3V8n!WqnK~- zI($>W4lN=))zgD1Ok0s)U=+5ix{#=K9(p;5`$SE{7{XCA+KplQUBAH&&ot;Gg3ry; z8o^+o%TX(&_VToLR!%4x{WEE{H-aHt<#C(nE#BUfgBct8ms7vW4o)KySw;uzp6PsU1~Yg)=wZ-lrLye6hh=iN!GP5Ti6L zBC0Z}?X(R&sny55$wX}_tT#K>c-$r@8B?QX?+iE^99k4$sYKNUp@6#$NJ{Fo-Ier< z-V(ktw|GH_B~kEOTJG-7evq~4B_Yo@m&*_ae8F%{+1ArmNL?aoG?HAoR{nuoQQWFc zrx6@QWIZ0cb7k^@{wi;gCe^hvt}9NxE}51qX$|n zjg1+2N86wgc@r33_lt<4L*MwD%(F^Dt>c#S^&mcF1ptutHfods7ebcNs72+2y0(M! zTm%_YnUp?Rl0RG$a${V{-x3HEZ`!p81q6wTOq0fL~eP^VtrTUI4FV=XNAv{>uUWbBkU$0(A z$>?$f50;l|n}a*-=z_PgYw?9JwkD!<;XV37n6{!zL2#TgAGOwdNntetoT#$4W@L;_ zS8>s7rEk>~-C;Vdhz9T6+b@#sJ$k3t5 zFjt6Xv{Uz%KdLejmti-C2e@<(VdnAvx3{@p2xXeBeS7-$(#aG4B(NlKG(g5t zMo?%&J@uj~q_l8#f7|5<9^^m?xXW}Ig$Aoe=Ym*IqaFi_?KO%agsT1vnN)i1%>Cwf zdkNj2QMx)#^R)XqXN>bWgt&t%-Z9@wrBT1$zj7IljV5C7uLEI}g zG^M6NzmzmE7Celrr?X7AFp7X-6PgVjN+TrAcBKIf;WCd_U-k>BN;nyk%E_9avZA?Q z+D6+l#)Vg+Y9rbI7k&7w9RYygaSo0dU7wD4x=|q005P5{GMWHPX3+1d%PelzP{{oG0y}roJ$+)vRCFUK6Y<{0qO?`1>zQOKK@>3MgO-Lpfu+`z*RGAD{;za^t{^}1z+;=mY=-xj1bOc>3 zVDFH#?JGn2!&<#!`404K9oUPX)c?DBpX;WZ;h~}5jqcYl08lQ{6?1SY8^b5A7Vv3C zzWWEu%YT=f{9M0(e6J+OEzkr^`W|?0n}=867hhKY^99mNC`ut+PgB8zJy)AYgXmV3 zw0p2hXQ=@rN=_w1<~xKG0f&R=W*G+#c=|uk+gROB=x)XaI2uGNoQ>l7LJKquz-vsX z=UqISfGIzETO{l-IeQneR#pknn20rBmEAcOLN_=P5lCqonL=9P@IbxHIC=~D9rmE6 zit|mNqJ2s}W#Hd^C-5FG2&;=YbS${(hYlZ&;)e-XHq{_tIYj0OO}*i_EO=RPez7A`mQpyC^W$cSLoL z1<~CKRxwbCVWpgPMoE6JD8kMVLZyN ztBkj`oHfr6*6@=_gjL)s$@V>cr^Cp#e53j1i`~DaJww=rPq!@T5bB#LO*mM)Zmv3newAIHA-rc20DaG93JtaRzYN=_Ku*Owyi@bt=!N2<#VotbGFr$ z#i-7is9q4dxYed^QiVv$eg5NsE$+p2Zb5c`7wU9PbNB7N1!fpogI1>KG>5qB&E7M{}XEO9t4<`nQ4=yYvG z-;E+!!Z&J-4sfmxlai;2vz zZZsOC#j=r2f)x&YwL0zX`6HVSp|{GIiuT)N*0>M6mkUCrQsl*f*!l5IKc{_^RNGu^ zY%K^?#l=R<-s$wO2;p?A&1UyQaXY2btMwA;54Xy)BiO^jNMBWS|9X?Of0KbJ4`^!n ztG|WNZeO#`Oi$N|i>2iHC-S3(eLrA}Pn% zQHN6yYqBQowr*SL3?Zx*$Uw~URC*l}!HKZNE8V#o9`_=xn4!Ww+~SXiKwN27XM2`= z?TL!v#jN&ZAJHsIjsR`nuE+5Z`T==BTE5@?TiP8$9i^$tf?~-m+_50KU&Ae&sAViD zFSkXk$pNQ8#Rh;d)taLS7>LsHFC4&%thIXk0xUIP!~@Nugk005+Vw>pJRV?9@b z<+FAbgm)_VDY+Rv;U9P^V#YoASg_{-;9Xea@QE-206DWHc~1E!+y>6=Xb|1rCKTBg zmKr#~7ZjN_-ywvKF+!`DtK&(dS;4l7z34 z3c?8=$_kkD8x%9IaG0)1Y@p|BWIBxAEMxjd1>rlB(#y9Qr_2O4FT5BZC36ba9=b#~ zS&RaJ80D361i~OgF-+WhqrgN*Te*cOVnZyd z?u>&{gkIe#Mx>RYu?ad~k#}cF_5QNb3|)`>Z7s9m%wy!d_LhmG=SgKoh`=Bk_N_0K zSW&<*$+VO57kBiT_}vN`U{jzvb7-OUaZpVhK{^IjB~HXdGuh7`9uYIT3~;-;#uPKr z!}edFi*R8xbTcV%S=b*mH$ATLOLtD}(&EqO}0-g@}B|;EJ+Be|J9d?t^gx*p+cU}0}h#8i_tNQ1x!v_pn2rkK@ zk}+Um`6fURP|B@l$R*+zz#DvcrlS$!QdMW#G5v?i@m1=Z9z#-}b3^hhod|ua^J;zM zy(NDITh~?4=I0&D<%cg0lmyXX%2dh~j^hsyEG`L??oIB3h;FTkl=+64kOoUH`}?)+ zP@Z}CxnutwR$#A0)Nkq~jlqL9Id*uE6*;!o_vN8+g)_3S&6s>-NXyLV=2?r>MMBaBT*0aA1stwZ94D|`}&6K9=N5Ok#M#9Ui3BGMZdCyCp=3= zSB@pRd-ULmVmLEK)n_>Ghi#YFk5e@Q0dnelYKu_X? zX`OPYzxi^e<{H^*ya_=mwUVI{A`3c$cc5TNbj^}eiXC!AVkOV+k!gtLTMlOr#5Ti1 z)NuwrDEkIbWY|_GTh`24O9z*htEkW*Epp70X&CC;8GPvfQ9j=sG=)e&&pujFwJSsF zxekMrI_LD!OED$+{)79!fcBvt7)ZD-E4)J=T_kYufx5RTi5m$}#j`N=caOVx+tl z9zu;6NO7>(H&&a8}sr0xp zLOP|9yt(XD9bdLED-e{k%a@5l7lXd0m}A-}B26z|hoR8@X2etaie>yh`8xTwrH}lk z7egs0o(UCvcl&#S;Xr76j%wR@UN|%Cl;_i!%&G+V8M?z-NWjQiySJFk#%J4`rIo}^ zjj{Sl6qzs5R2$%XT^9!~1)L=iLM@DYw zPx69+T5aXZitSl0#PR~vb)p19<_MyZW)1djVhHZq15 ziuM!S{E>>TMOR`F8sTZGk~o&<^>o^=cRqtE(i>C%Nefz`!6UjQQyPAz{#vC8^y-{J zqK53%=`9+(tBkVMrDevn7ti%`b-s2JM?3JrYy`#nPMz7A+;(n4I+9nIx>5$atdGcbyju}OQVclOlftZXX=56K6ras#mh3EoY<0UNy z7-Dnb+J1GyTKWs+@7^ax#+-M}iA9q^IveqCcah=te|Qd=`*c&fgoGP_Sl>xDN;PKB ze5HuD{F$x1-zJz3Ps;69K%8rfO=UG`__XS1kEK5NQkWE9zN4kC5BCMIee3X+?OGA1gf%j@%MuPminNIgpMztAzZd zS{43>oYxGQgGk)Rq3K`SHgeES5Y_wcc}?1{E>wGKV?X{W;f?O2GZaf$F5MyeMEeee zZvm_mnO!%BI0_A~UjQ@+gm&CyYGyeb8c^8`iwH-IzdxZC!;gP16w)|Z1W(e__UM=` zhfVN=I>j+NVD{-hSZ((50=-zwh5UM=@uv(N>*N{y5s?>9M6+8{B3ux;%m!iLqX}Md?wf~O?Lku3@}Od7+Spk+%MN46N#eSQap(kZr{j6XCGWGd#uNg z(933P6*~*vo4bA55;yK>BZies{EhPYTFtSF?$+u8WQRR%OS#BK!$Nr7c%;=DV;PW4 z=&_d9pAsx&l&{nzaK+K}z@jQ|^8o9X>$Kb-$*M%GUVd3C03n_o&$ z11e(P0}12g%&UB0!rNqc7ap-b{ITE-0TP`rxlC5jAW-<~YbHM16)glPxRC3w&1Q|6 z6nEA^=lGr&4>-uhr;JMGZEqN9OlCN@ulj=GLxB*n28tfHhPj=Bn=?n^jrI@T9aa; z;m*go9F?ov{4jdoeEu~%op<~gDDTS$oqAIq{e;Gc*NreY3O+DB%AqytXztn%du?Z? znwOTRei%BM@_LJwdd+8?S2#CIx==-d%xe&Sab>&uj>oTFUJb_B)uFmUZ{VCN%im;wcpiS^;EsS?%(9)gz; z78GGBqtW%9LwIi9k-5)yi+Ni>MMELE1q(imDP4{Z9>BBgKFPX@FC4fh7bej>Xrq!t zS{DKuZNadAyAZV(y`o}xOJBA_1Ym)C$M>*1d$@BF7^P&R``x(8qkJ{yI#jGB^4A>W%bgi+`QK? zjwB~HX|gy>Y`s3t?A*W3X&AAckY+P_oW0oYdIe5SxOiH99|G$W4X-^%h1P8yrpC@- z)OnR=P}It&isNEMyEBYNbxQ3!@~I7cM7pJ!my;fl!}&)N1ydmC^h9bVe2335tCtTI zZ1?#Z+ifR$J$Ak5)U@7-;dEbl9R58)SYX#z4?)Rcy-Z)0fFoj1yOVBW9LSoPI#gajr}trx`NSA<%;8&~2BeHr+> zlHzBo(-RD&w5V)NWrRYxQN@y>!+ zsWIvbFIeEQdk;ot7C}sm{1#;Hg zWw?Fkx~LMSWZJfhK<2!CD4*-#BNpGbLRNo!-$WR^*YKqowL@_4hg!W{cV!Q)k7}jt z`ob;5&8Gj2jZvVs2MJs>6$&R@J|Upluiw~EoaDv;nW*LcWijizBs!|dDYWPeI#zm9 z`3++FcfrQXZ8Iz^>B{T!?H5c#2H`tKb$FY&^(L%sj9Vl@%A>KkVbumAz(f`0CpEmD zqN?)9xY4WqRaxgR?R>-ZzJPKbpS5oxdn691aJ9m+( zECTNfL%-AuWBOR3Y!Fu-eXk~u8%=>eIu*P?@v!kr+&K;Z23(+NDqphqif+z*v=@6iAv<8f=5n!mXWeyY2yeS8ZLRZFZPWl@ zka@B@{5!jFs8DK8FVkANLhE%W)yg*ZhX*qBBxH($wJh3hBZGn{7b?QZ(9+Kkc$!qT zrR4X`hXJD#tvq8U_XZrO;FHKWX|P~ZxtW33&cB{e?lO3Rj&Ua5tR7`v;RPYEG1&OH zAkO;sn90__v!+*nZWmUuD#f%rC@?h3ORYS)r6_V!E8^NnXknnq>7Ptm_f-Yq9>=i9 zfrEHUzWfOdMHR`SEKS3+w6@)+LBH$^NRACuATA2yBkR@Y?#-7^K%ko=Xk__kJ`=Zu zt7nh;Z!I}IF1w3gsT!zkru+p!SpB8DR!f^CT@HMD3(Y`UZQW?$&DdN%(tyry31NnLlI>@Dv& zIkz>Xw3AopJA@wFB&0P2*^WbVjN;-Lo?EI-$`4dxqq<%^-t}&)GFwiHfu)ELuyP6O zVGg>w32$f}=C*C3!L{vo)ral3Sm*n$j`62$1MP%&o`Wi7OfuwQr=^X5#%II3_>sRyw*hY&7hc`8ef>VMSWJ2#z!s~9 z9*=cP^f+x^)jcLpbR+jGb97@$1CwiwS2*9+@7?Pi=+H z1S@R`B1at3UTvlkKiH-737%l)IQ5!7kw{Uhz2>&@9WG(@*9>~N9l8eg?mz_IucH4>RsEq-;pevP*aEp4j z$DE!_5|hl8rLP5MO-|_023?hj#L<5y?Hqy$4$I`I#6{Ljz5NQxDiWwW`^0cpBNfnBvBY zqTZj=r<%m$V!-Rw8>k?UQq`B|vy$`neI!IFGI#?`wt7Ar>m1w^!T?mO<;+&-wK*=A z0Vgt1axDQxZrwNaMjfEym3)gWS-ObK|Ld~xoz$*m$5UTPYUY+z9COS5@VAiE$0lj@ zH4npDMI27pu`L({`rI^5Q^ZMNOP`8EGgkZn{jMGh4x&43LgXwKr@4$+lqQvdVM(1^ z>Z}i={Dv!EPCbU@l7iAfF@k`@^?SyZ9)XHcdku7US{IF2tDk!oWF0XH+S8IhDxo0$(heXRiDFK@uIC* zIw7{av<-OqTNDZs#}~7PQ0EMdmt@4i$XR4EdwST{l?QVUETzid#F7RAMf$#`Sbvb9 zY;O%Mm0Giqoo>?DmdSpo|C9k5HOjFAyp}(6W*8L|$8F%ypza`XrAh5AN6h+V?p|q} z>y_N}4kR)dSWdPa^$AAW41Di_-t{pWmM|IN{Np#d3L{{L%w#3!t5)@}H=W{AYPt)- z8!6v<068r)UYVfdRpQNNwURNO7s;Q7x-)D5zcF32=3IsZ z$?}TTj>jfw-PRcX*S?{N^YD1U_PSsELl`c$oJVQX`L(`hB{~YLHeo^O(c79MB|NFR~Wg|@FSIT>DFu=NyrfUCLG30)nkJ~ zI81G0or~f}{LkXqBT!6Z-PrCrSmoNWpBCazOlky)-9vJ-D`3u zY#aCzt9PVf92Qs-Cf0@amp2AU+W*%A&=Pwrc?*8Ob(g^uYxsG`9}*%~Y2HK*A^NN& zF{)S6Vi@?k)g1Kov|?fjPTwV=`#F2NarPKK0Y(TG^g}sdjh@QQbz+qfR7_<1JGAJR zVy!DTyjrJdP&@-cdMvk_X;Lw+u!SpGy}B@Qy{in9MqIrEq*C^gcUYw~HP9I;_qzoR z!=6nG&7-yzPz0X-QBHO!P#$?|dTMxQ-Zcs$FNiDd7+?8Se@ccD{+IyoD zflY|spIHB2<3&&)0DIE@UCFV#*((9C8)zs16mh%#+Ja(p`VFV1O%1@K@7Vfx-FVTY zAFI!_`+5ovmez;{OVv0T@GfRz#$!pqK)WXw8Xcany%fyRT2FS{9L~ZDgvfk}1z-a+ zz+l+uQstm5sUyofn+FdaT8c4*%sy?!&61!+99|L|KcqNys7Viyvg|M5_1gSI7Trbs zLp?A$Ywt4;(KPrh74x{kTow3+_5+zX`~UTiY5r$gp{KrU6>NA zBkr>A$u{yJ0yz~_e(bvu`)wpclzR(CU{=5h4Jwg>w$3sQFRLwe9Cu7mWKZ7HV^90o zeLf)-wGkHE1TFB-v*1*dHRk7-rSIx{?eM za{ktb7-=3$S#69NBDiPzr~bmbHRA@xD~g_Lr6Qr=sCWwcvM&djeM)=LE;suL{$EKZ zVd~XFd_#=FZKTE5jq~N&1R08Ahy&lHMsv>o1wD(9J4jTApB%nVm5~xt*|f-$2xAXdeobEx-@$2jV}Wm{PJiXB*0vGWyV$g;LbIRTql zZ%JncmvV?J#LG2jU|4r<`L=WzN1p$WA`mUx)@iPNl9YDDfWhk-;Ipu1Uw3^R$*yif zuW2Hpc%pe*HXlvmO7#HCKX%7Qn${T2l>QF}AO29INi*&VcQQOF(7>`*b-2Ll?|41g z`O4rb7pU~GZz1=^F*jEl!%QgZ8K2ZUaSQgh=IA6~F#N>Ponc(Jh0M4FRy#3+kL zCn0hmYi!BazZJ5O^{DD})mtb*Q^^ohOJqA0?SaneqLEn}dfFr}rVzt<&3a?1y}TN_ zgD14zd-!E#sn5u}9a?QIs+e3>L4MrPK)>je-oEP*C!oj8M(dVR1f-@0N>KdPdD2;(Ozp7pyS5T`Of*>X@ z<6N|2>T~sUO##^DJzCB- z*bK`U(x$hYl?c|>-9@_a#9vIi-`FYPO&xu?*mz!?R$hLAS{4kJ&P`d;w$>aG zRn`-<^|Ah||E1w@`qac2PwO#_YzSKtP52m9%Y3+`5o5lW_@{zI0m0+~u~u9>;gVix zhqu%FpHf02_W@J_Y27XKEVJsH6b{Dgc@_A4|Oi`v`! zi?#V+Gmf%CTtGU0RT_DF=K@)MloZ;G3T^o{W?mvWf=({BSxT%wVSDJ0))`&Ao4X_d zn#D&H69hDq2&~eamWY^PIfN8_?ZF~;;w;r}{6IQ1G3=t&G|#Ci;zOM=@)RnMw=qe> z!F%vSdrbojm8|mEpGUBPJaaFUqjU7Sv96r5s_!PZk!$h=2$L_lf_@V#xVzOzP-J7M z$&pmizdp)`wEuRmztv?aZE@=Q$cZyDIgd%DDd7C1hs+C*eOwJ_2mNJ~X#LCV=fA z?ETU{Y}c)SFH}+)t<&H+yI-^oX)WrxAl)^`1^RaTD95x89PRy_o#Fur2#|Tqqb1Q# z@zds&)@DoI9-r7oC{QU+u!W7fqfNuc7A@@W=KUnN1an-v|8;{QU#ub52My<`ML@WdVlkq44m6VbSUB@+IN=P^wgscXJ=L zYP0_9P;yHb|Cc8}Z)xf&D4XfSMZurl@Fi9`PH(|+_*bY}k}6!+`=){_a>FrNd8^JRhArfe35k+Y)h1Xo3KNz5qX@{MIkatlC2&>7RYi0mTk@cE5oXg_=|%y_i8OZ|)6AbtlN+WZ2~vy?oVF53Jw6t)Q_OhY zPSKHK1k4ug1%^Ax>0Yo@NY&`SbP`Xcp(P)~;!(cP*)?Z4rul6p4&qZQ)Ct?BvGa5; zj=9Gs(u{5BV-wQPhmmRh`Fvh(ONTmpEk*Fw){&yTmZBCV80Eb{2gZfJ3~9<3BJUIG zrFM}hxeqEK5c$VuAy2D2`~C-MxlCOKHek%02)g$b7rfp)k`?jPmvNUTCgmpHRFTs# zdd-Jk4_SFvyuv@(o0lr_c_jTcemo)!(!8qZ4Lp)u3ZzMTOHd{qZmf}M&_m7Tvb)hR z|C;^7$K?Ji((|c~h3k4WVxdP*w>D7;Qy@QkmF>?I$cmpoY%0?%;Ff@lK38S(d3<9t z5!k`gOkwU!@Xx@W;3V{RpK5nFrkA*y$z(IA9K4cjj|*%*pv2X2HSKFy8^FTjK8T)O zF1AY;K0BISPS+J&uE1ZAk62&miFwrnoBxYUbq=pH32qzw|LkWyF@HcBPY6)N?&66H z-8>{6OL^RBHTEQIE?K)P4zOXf%8e5v?Cr3L)~Um6r5=IClRCcOX=keP zdsHie(5kv`XBR%vu<)|uve@bMlm+gdSP!mNH`(^aN-^Ar*$FD~qJ@Z7|B0P`2~CW? zOG0kn@qo1xa)N~AYx+4SXR}z1Oa{u0FZ`pPLb%+pFbUjP1{dB$ooj&5S(pT#eE2As z&3&I$@WFW&X`+^u-L&wn0&rE^xWLoB1yWuZ&9+z5g6qdZW1s^6 zlRAwF5PdMIi0Q)*-opJoU?hI_-oRV`c+oj-#67^TDH%(#QhrZK>*zPxETUkWptbFSnkcEAQYE0O@+Sr@Tse!pjkr9)rS#k>&@$L`QkH%Pj{`?QyKha0a3V?(n z1LwsOd!Es;FAnZL6Vd+s_gGfuw}{tw`+7Yg__2`*mC+s_a_%pxg0k=qZ(Yl>k z72WCk-YfCM%w(jt|)jqUtD3DgXmB-o>AUzUynt%i45Rd$`L4vS-ckBIExidZf_=SCN1_*k9~ zwEP>)p+;$=9>Co$RQ>L(%W)UP7P958Jl2)kvuzXEfQX%QAo3yd;ro)2H~Wi)h}<*V z;`kR@X@J>ffhK;#N+G`D4XV>k>}wJhzET3smCHuK`kwZ?8n$sPg-My{EV<6VR3+Yw zhZmXc5TI}XAk`ow08&Lh6!)hLlHiG^B7FZnDF9RLKr{%HX(uO8{bgHv;IJV zQ`{syBHU|~nCj-kh3uGnZ>o;td2sSj`&33%gpIx_vG8Mo>QL-~7;V~(7I6%2Im<9A;S8b}7Db6z#rf(u-TotfnCXunq4 z+8Df#Yd;q*$y61PaBo6MkvIY*xbucDfnfMeHIe$Ixx3#N+V=)v;aUYGp?s+iTGE6w zny?iy(PODDIfC|yT#A#<>QharR&7hB0asPnU&=r~#uuQft4%=5){gUadz9GYcD(x% zIm5tAqRl?1p}am%=Kk39u4pqU;8-_%oE@wT+oF?R+HEQmi3(DZo?*!3`kFde$L+)# zzyB&cqa?;U4bTNzzb+|8CL@*2p$KbSkP|HGe#F4tQC(I1AbE?m3T_)RtM$0j^E{r& zShx*xPO6>y#}m|3Q)c$h|Mu{-8zuDU)b1_Zf?f^p z#?rAMMv0Qm#eaI?X2TQw= zyvHD-(gWu?oBELY@E#u{kOs1k2_@sT)2t8aY{j+vZB4O9q1w<+>?SH1h&Ve-RI;Xx}^?ZYpC<-=4a zSenu{jjB6n;tNC7N+=rDNLZcAC$M;MIt3;y{1vn#->Bc>=_}53q@O9sZu;k&P9$|9 zE1@b{uZO+47d?6GxY{1q+4}%&whF{Vfd9Z6+aM+igjzfzh&G?QKb*cd%9EtD)rRt6;l)LB%dc~LTBS=wXOUWSf|l6>5lrvFe&%1J(jM5M{rDnT zhSB=lRCHcnQ zXEz-G`umSC@c-W1eGwF5ExNAON!og#o%wnv((R&d|0e3rP7+|G21 zQ;zQOg5~p>mOBFw9;?gPt<&+kp8u@4 z9XEf{DewADmYTbV56vf1Q7mQp@XF3Wm+Sfdlbmb1&~SK^Rr+i|`50%*i5!rj(V=6f zuuAv!)s7w^ar`$K$`nu9q)b^*_EN`%uXxKlH*RAOG=@u~yX~SFtoY=bD4P?H)IS}B zvmk3sKlpix$hKyZw`e|##`esi;&$M?2AlPHz&jI3jmAyKrRJEcSMyd~AK%6pKNe_R zgd;2q!(|%+b>DwT$ucg@h*}YT6^$0X7XeLn43?t|8-vvin2r|`f z`!U@*i1eQioGM(yZ`~+DV1#b#e!cP*5be5ug9aQB?-6Xu4{B( z4Sqo)xuyWAoLR)xWb=`jHBth+!?MR!`kns~yiL|O2xKFrNdf+3zWoUCD}~5J&!p(W z(_;L=6R_eAfdK;|YX8DiR}Ee|bN%`-;1^_oxJhd|^nh_ou&lsAlP!obbnL>u;o1I^ zflzY%c49yhI7PiC2xwjCLh`3|t|0+mNTl8ac34TI(2!y&ZM5Fh)m`>)=-8;ak{5HZ zufJlv<0K=eJoW|{8<^$-N*3|zfpg9J&Qu9O{-e#2=kB|b(_hSB(=JC40-4{mU~hY%n2Q0uRqI~U!% z>1_em7#)$&Vc!IzT$Y7`>!OF2&$XLw9Q=AI&SF=hC{)3>GgU5r{gD*z*q4I%Vmqnx z=YfhZ#4>aYm`rMDEqsu91}i$doiMRc_Fh&^Aqh~kYYJ4lDv`o#5@u#Q7$f3p*KvF? zL+EOPS{4cGQ(B+-cQjeS#ha5?om1X)F)Y+khZouwN2y*D&1?6Ao(ij8ydsQHyPYU; zzO#=@tRR1yvHaHJTih_%lk4DX*YR5CC-)0Q%X3*P z_US%3X&V$Q{=Wi5K8eC}|LF@ZCFJQOA~3|Y+VD6pAe0jeURn||8m&FyB z-|%9Bb+V_Z-odP<_g>Lq8T+07t#G%@Y2xy!rZ0C0=dWz%jjMX>i!_s;n(>RO*pt%X z?SB|VTQ%SkxGsYP2MsIRnOAZ|tJGy^E<1Z1HN?w7Z_*aJob;?4c-Roj=#=)@A4NY( z4oje+Fm`CF_IzCR;9HzTaHxtmzyL_yEG>D}HBJx&ECuzp4cM!7>GT*Ne&MJ45B^?< zD8OH0Fri;+aIeG9tJ;+l0R<;33nh=bf_Mu=8}_+Cg|8zvqiq6V41!-Q>zgB|-21$@ zDNCXxF$zuuFu2rEO@pBVA{uk4-dvi<1xhTT9+l76IJUzzk!5)5amZ-+C)3I;SE??I zZDo&}P$0x#wSXJUuNcSSi0Rl@*=!oJSOm2b>ST81f7+qYWKZ3;B2#)|(U`d#YaT{@ z`}r%#kK-=68TZ@D%DGPoJUXm&>lR~9TN^ftNMbCEYYLCahHfou1mofH5S$VcMrQ8+ zc2C!>=i1)sp*=3^=Lh~V)o7oI#km3H2)|Weg)u1T;P5x zm3D5M^Yy+dcyI1vSPn}}3r`(?`Q{rcuo07p;=@wv^~~bJ6ugNN1llXnxc2abU6k*W zB4OFCTKB?t_owY|j$7?^%&Jt!lFvRXqVCa2V)~KO5nv$*p%iNLiQEXIj3=<>Pc+QK z{j6s(hQ`^0wA$4&SfTg$VU7i=ToKJM3q!&?ML%YCc6CgPM#&Z=F%v|isNZjl2qDI; z$hj3)TA&%#KGpL+i1XZm1X(9Xu(_X@Tf;?yTPq&xCZ_#u%7E^e2#Ju|`Waz!E6m)J z*?c}l4r4~J%}=)OD$?D&>rZGnWuvEXtl>k4|D!HES>*mtbYV2rDo3aC{po885O%E^ zDGsqDJx^Ukp>p|$OGj$tP7Z@lC8EJ}cq}yMS$mu{%FPb^{Whrja}+|IhPM{QPSrsY zqQXveTS7Ll*=%q8w48FzVyxj4B z|Afz>1p5sCU0jY2CpXfCH7d@4>BZL7-E-^N zsEgsch2}`d9JZq4fhmu%Gcl=)F^E`a2e-`LgVtBFg2QE?gUxENwowVPxQqRA-)3HM znF@k>^@*19OMNoat2ynogUbB=LLf8uyz{g$4$?=`%s0>%xqZMf2xJ8?@0+Pmr#Nl- zj|~p3jiacF;d%|O(!OM9FaI|+Jy}b+dEi6SE{4j>IB079iiB>vkQ7$f=mzf7!`|2g z-celiC%60w7kOnlM5yDwaIl;%bUU|ck!Zd35bSeN#;IXfbfHG^W)u67YFOY}Dp;za z4hoJ&q7AP%XtcER-T>wv>>TnDwRT;|3#AD-HkxkrpI<&ZvvbNeQ@3I*5D>!VrNT+x z)~J+B9?FDPA|##JW9#oL7k~UGS0M16&E;b7=*?!o-dJLi1_QCe`piBbhlL;Q{i^XX zc)s0s+zM=amk>(JmsHW;>7|$oSSJq%LhnudJ#kECbK+noqr&N|t<|+e<+y0He11cb zUn)u$m%X-PiEWoPRN~lJir^5zED&Z}2MN2FzP~dJ+6~fQ5Ehng)H(;EuKRT*pwpH(p~PtO zVO4w{D}7X@cp2=R*~b{skim4Zcr()g1G&{P+?EJbu=QE#<#y%1*`}HgG#%G4igf66+bfqs36lRqzADL3 zj7MxSF=DjW&N7;^IWm>?zx|EPbwJRuf^=^RzUdsRKzG)5z)3-}3{)g1nd%SY+PgWC={fw>Agnu5f-wFF{v-w#&d7G7SYhxL2Yji!OlR zw}bjq3YM4SZ>B8ww*3y10wW02Yn;YXATGjs)qjFR;*n{4hIKl!s&?u6w}`*g+4R?r zC7cJAo{_EhvHO=((K?sAF1qd8AN_flR4vDN7nqsXuiwAka}j5Hn#X6cjsTueH}j%73cLK?s_o#%cnO;zHQ zej`Qc`&d@>A^GD7*`#y<(TCpMexO_(o|Sb+x`Xi_jlsbU=9FqtX8>TD+A5ITM)%Vx zb7to>KW-tLMdQ{ev5ZeVaM4I45<6Q)S?52>vdS7Vi=F`3(2Of0;bM)ZMhT8OZ8bqj zJ$3?b^Mph0`Y*ZMp_n@bkoR}w##MK!ZU1coVM0JS?$ z@vDKDYHbnWqG%y~tqZ4uix0~W2}tFkpC7^Czy57b`ZXyKwhDy#^r5;5v9^z6W?*5O zPG+^aqq~Z3gkRqG!EdLBL&rL~uj#hRhhtEq9G933c3g6at3Q=tYvmKfJ3Z zcf4)df;GI3v@i=FlHwrl%KoZtqSj(!s&5MCd*f6x(c*Zf7f*YBUBLd}I0Ss6e1{OWp~(n~dR+^SJ2 zhkBJco5F|CUdBur#lTl<>P)qA7$MuIy+!+XulX3S(F?#CtWnE+3@&}aVz~r=bres~ zW3{+&zTd2Tqw`GxJZ_8!Rf)`aZI97?vKCvTQJYo`lS|8Of}Vv0ap0mYq;x;fI)11b zsnMmuMb-*)@#0AED0JF*3=gqKVknNqmXiDK^Ga;Ue!eGD9koz@&47(REOKTuo(d5BaV(R!Xo8R7+-YTs3S<7t*Nz0-xM2h1

9Gr1J_g$|raNK{1G(xsuA#9v65v8n;6buW2CSy}6fqOBwQf|Cn;O zKS0G~f4I;)aPEI4lPjkp8f=7s-Z-{|OF<5Oz>U@QD~WnNt$U|~m4mb@7Sb^8(ro&o zt`QI(y|zdO8SI9Q9R^PMpE*{RYh57hS4_}{+u-fyBXhN)Rbh6msYS)Lhi>vKmdfxry`Xy5ei&TM3M+ zn4fpbpLa(=A4dg&FDKhiaoe^MVl0%n0C!|z#*a;bhcXS9Of=1^{iYK z*-ny;h+zvYOuQ5qbSzi$GWyVeQLW& z884vgpTc(r_z)m1=a03AqVl;lc5UZ&gu(wLs6;I_x!jg$KfYrTN03a_rW3$BNd0tX z3o)7iq$tQ{Cl{}Wv?aIRgoa~YJ#UKB2y_kVV-@xnsQG7`r$H)Ab25DmkME%&j;qJ9d@KHrPv|7ZVc`^fnUo_OzD}bQ5FzBk=tNM&wCMs;PVN{h0SH zA#(E_g}X>o6#@~Pf7(&O+*$Vj04_n%z9O2s#fXlmLZOBG-47(Aoil`ocp#cA8>Cm> z{>J^+f5(z@uw+#M0L2y{1fh**w~|j;(jmNPdVxxLI7Z=P66Kg$=&V{iWSwF z^z8Y1`#=DX$I<1S1^@&@9RA|4BY&kdd}hqXq~#g4*42JfLk3aSv@iV(U@YV;6R#R((vM~sM@x;18{=@RJPf#@ zHqZMf_Ej$m0EZJ)o}trXpOQ}*Sa9%}Rna@?jPA#B905Gh$CP6Sq=mcxKYQ;PCdYZ* z`JT5zS66k;X;M$bV32bnL69IJksv8bB4tUtN=}b#uWeb6uXXM9-hDR6VXb?;kFTHg z+VWMfWr?B{D2k#;f&nCmKoS4}41mGp>7LFxcUOAvhaODAgr1pBpz-@OsIIPh(cM+` zp7)&d|1W+mFwO?z4b%#nWuFC&XK=I##sN*@X6DW^NGyr@Fer3PIRi71!IK$$%u%aV zfa(N<*%{BG6tUhV)b+WoE^Q zuXa6z05D)cp#qLoqmwI|%2To+VwFNeZ6s8v1ZDr8j_CFCzSTNz0mOoo^A|@_xTWB) zq7&vK%1b#~w<_Z)tV5+onJlSLsJfmLv)pG#ex;3{u4dxsA!VtK{d*mAUXkrnmUZDUuyh4Fd{;uo>ggl;5eJfk+kSQ>ZTu5`r$ zFQsFYaicwia9g5tFfk*rUiLWFJ^m#{`=*uO7%c(-Sd;*=T*@%nW-#pTlmAQmbBGn%P@4EfMGC93zd)HJkYz$$!$P>cukh7O{6aO7ghDhZ>1|R;uA)l$au7QNrb^+mW7kbqv%h7R0UCMaYteI@cmQ<3bM&=@iZNz!H zw>VX`xwM>13)rl(Z?w?*pbcGaJ(hd_wGAEz13;2z3>(T=RuRs|$conJ&4mGBNIqgm zrKF%xQ#G1{*)yf938&y2gN^!P)`PV@wY*+0Lda&TpX32QC&DBfO@qt__4`bZ#y^k!RMfD^rxfobdu_Wvz9J z#Ev@9&xtLI+6Z$ZY)Xd|oVbpNq81!?p;La$Ph8izO7ZKNMXw6}i6ZJX+ztp|^vEY$ zYdh@ymNis4E{Qh_cVq~wvn=IOp%$DT9-Ug>+sSKhc8gG-2EsB%2GV9OJ6({4RX$Rw zBvWbL!A5FiNk0oB(B5czgJ1E?p^_oeVCQVimM^DwHyyRi8Dc5$`=@6Xu0m+Wx-&}@yh%#S(}nkBLe|LPh|8~wGJr8Lm9$p zc5Jkd9|G6O4i0@zw4c zo!9DC(rFUYN--X)(J89P8Xf>V&;Q!5{n}T)@)eWGw867ZOicXYAO4}yI3wR=Fc`k` zo$qY$n2X5ea%e63Rd4>wkpoZuYd)kVR4AL>sFU6*kV++vjCwQK?95|tC`z^{Q8v3o zeHRvZK~y0Sp7`Z7`S~_MR*3m{vBJY%3lp6xGMg=mo)G~XBu*%gtx;@J!eCqxPG&g@O4r|e zOS|VWBA?AJcwUy$yg=}aHr5U-V?Hi2W_p(zE=3f{9Zo4QkMC9)yR^h8MeUF{8c^!yMY3&`Jn&GI>?=%QlOsBwWGr;eFW3s$r6n#f zTp!z&9v#Gv?r4$GLSFk7SFTWH<$y})>L$YH^73JK;nHbz;IYczcr%5zik=d`3)E75 zK2#g7z4#DW3BzIxH1mv(f@sw&JtcSd@CAxRIy#2|8U7qj1&v| zNjqe-*^G$Z4buk>muh-B-)AO&F^L{AufKO=JVih0l(N~|AqNH_CzYVUXR8p(egX|< zo_{s_n_pY&8*wp56_Q302qUiNSAS4jD5!9FD6V#|l$p#<7Ncr~vv3QHwwewPtFbCC zyf@8f`!@RU;xa)+i?MDWrrfdh@X!C{xvAppyds~^3xYtBb8B{3!pX6$;V~n;pFy&e z2NG&CJOx0HR&f@)I&%LUAKGg;u!dEJbWF^X1W}3?2t|#C$F_Eg@BT}*zMAZ`hX=FT zAaC%1+tldQq>gCmO}zKIV*7pTKF&x2^bAqWGE5e8yxlef{fS-|)b| zZnvL2d2;ve-Q|Cp&1SW_%Dr9~VR;$(B+kWMh?;K&3G)ZlA3IABD{F6!i)tz&9Y9Tnqj}590 zuVDu1ElT%0kXlUuKsp^&IyNg>^nn^?wh}7xK zwQ;?z7&X8)lX#<`dcc90`yT&GAO4C(MK6rJ#GI_RY3r8e%K3}lABA>&wOb8vz$U&c z+V;?llF!l0uhhOClMh&Bjar>6q_EY+Pf5lO9jC5Z66t|<_$er!NP%I`F+BQ#dh_C{ z+C}(y=~&69YTcViB25cdhYNO94zuw0WbSdUmk5j}l;%Ak>ojekS^bT*VBY||hyz)} zcGCAvwMqpQKVYV#awi|;dD_&WC+Iq9Q15d|*-)o7>ScPim$!ry*ul%%4r4QXvjDJ1 z4FVPuU5DA9eUm32QDEi#ffZxZT@UZn8Z-d#%L)0gUAF3KTPOT@7e4v2wB+-mLVQKB z&!SM@P7(@Pkzz@WwmQGp_RX8sSN_*JzPnOjY+TjL6(n<~p>92d0Ps=r8daL+eHQiB zmByS57bmpr@lsgnbl3Wq$vKp|39q7{QCQZWK#P^2LkMY{t@XQ()aszt7#tf_@10T7 zCJ2IInE3%=YAnZDl_7=t5OtHbx@tPM6RpzQS=|;3ADb?!SXJeH@19%fxDrT(MXjmT zO?-R5n|v$FfgHLjIu32r+#;Ar(74Ogs@tF*ff~TUiAndv=E2w0hd;XR<0KMTrz{$~ zwM}vl2LN3gHx}qtc)cClcL2bpDfy^#4PnCiAbRM|SEq)}y&X|sCFfdGNbXzK>!aq(Q646-O{PC zmomc(`jLddxM@#Y`R^CK_+(qnKf29&Bw-j?uaPVUaQokP<>suhs^U2@%f3!?0Z1_x zTD3% zA(Pt7b?DlLVj}>+s-1<*8YX$mVNpVt7M%}c@2PO;LIMCNlU<4i)^w2Z44w^T#qcy` ztETo^S;1VPrG%_FBRRSnBex|+3y}h2Zi-OhunnCJ$pA2wg|?-Ze)j&SzIrxZ(;Ow< z4hT=U(91qdIo+avC0XPPw{Twlz9+@|@lx0GxDr?ir7+&(qkJh+>u*}0Q^s;ZA z0b!^BpHKXPjLkh|s_T5yqeFwLUjMB%yPm|xN0n5kzO&wq-@P49y>v6SRG}}cvo7dTNQsEY*M^-sx3=m*nZ%6Tzzq9+2|{IE35BSUy0*Q zVhtrm%N(+zn+YtqHnFsSP398;l_JuvSG4ukZfq_U8qxIlM{cQ{Y<7C1{u5#%Fwt2B zuLuA*Xhm1wpnSwu^AREfsh!I4V(VQY zG`e~~_}+W({lh=}!-WeMTrQWC^}H2?%L> zD-ebECuT0-@eJ;~9S~-d6ErioG%h8hysTpk^mgmO)$k1f;55#Bwh93u0DPncy*w=| z^mHM@0|2Qt%B8}rx%R5$MM&}BkU&YGDz!rBk8E2#8Y9j*eM3za^0|Kq5eCjYz>16MQpR)s@-b zLT6}7qHL<*2;ppSK-k;Qv7x-8qo1E#gMj#O3bzzWT)h-!%Iq*8r>_{7=W@wcLTI6#M9&5jr6A_s!7eeHjji*nzKV2cvDHT9SVooGR?OwY*|r(XES z@}Gl$H@T|9z9)-2`335Z)y)tBK+dtrw{|sh!8h5F)!7f$JF7qtD5AEB8oWZxP)Z7t zh?7c6j`?dXDgyxOR@T5P+3>_h4&u$>=N|ZPw4MNmM)&HPsu24Yh@rd;^6@xD?nZZ z3kv`sl+p+hG&2{;Na?u9D;Wd5%{p);avcCzwWE+(TOMyYPP7oeoW`t~DMWby0E8%$ zz4B6@(KL2zW~zIV*P{|?A(Yj;2h4gLS12?(ox>U$G&D$=ga}5~(V!Ntg;-fIG3Z7T zd$NnopaEd|)=%^4>80LRGZ0WLSxyonfQMb^ZK6}~EgKMCjpH^o(%+u0t6P<>qZ^f# zx|1WVWQrt;NrCAcn05185?>zg5IqVa-|++)11c$TPk{2<6VdEM*b^AeE%_@ujCIsnML)&HddlKISCU=^9Fm&T`yEypVS>;?2xtu5vfR zKps1|nqSM#-d;91qHbZczKv!G)!B%_UY*+D0RxH^ak2kC%Ci1&-Iv3z+JAs+WqXTu zT49M#j-8vz{032{whnbGyIm*-^<6^KCka=dOHmYMSO`rwi;`@0AP5c9GO+DG&~KbC z5*O-Y06>`>3OOA2=P|%U2D>#gvJd&pG^<{45sJx}$Wx4--fHc?9vPCb#A>QjG710( zt!O-hb81B~Hj}HQ%nq^Qs?o9ZoaaP7m|-?%ih3vgdXy3Hbgt4i!r>H@>qQ06Es=7v z=4Qz-l-mfW?l6M}fI>FFs%!pGTm;3D^V$f}&og$+7v*ef$(_rF6SMzhEsUnU`fH~y z6$&X8V^c*%=N5iqrGRiE1G{ApWp9T&d_)_Ifq}SI8Kb&K^?eOr9HnR!(=zWzY+}@3 zVa`7zKt=$F)!Ww*ktlCvhpx?qF)f*KduOe5z}HRLe1aX=&vMi88;i{+0N_P0eyp`l z%M%6$`VHvZZL2!k=@$GG0HE*FB!*Uz^^1ff1x8oabPZ0N8a(s$s#~FM-qK@EPL?fL zDn#&)Cy1l^Bh_DQssv3-N4$7L*R3A;p>N3@bX}_GM_YH|den|WKg?N2!c_G1BJw` zB%aLTj@uV-$?3!XQnSdrooB9K<0v8gPhi3zrPC8HDp4?2m{MXD6%%T0Qu$x*oq z#drp~Zm&O<;w7b}$~`{_;INH26T}J~&8Jt-5RRs2ObAP3gMy?}R#o_9Bb40;Jxd0J znE7>?_3;xT0&jy5s zK6UceDgj|J>@VnN7NJzScJHm9R^1A9i;eRtY@vxYw7|u$dGZ9keS2fdI^5lEU1F;B zNk<`E3Z7fKvdfpleS(j+RI@E&1vD+njAmE(z0>PHf-i@ijmXkC4-U|h{sYevD~!qE z+{+ZV--5QNigKwyYB#E`xhh+YC@bK+bCZgTrp79@KnUisovryt*QZB=s-8q*j86(u zY5f{_Qam)Ru-;jJv~CXBh;w0#Wjyp<@9KLm1sk8TUVo)(1F9aleM@2Ndi%uN#y#sd z)mRg(RYB&(cjWGp_wLUSe(3SP70aV-{KO5c>fq4c(Bzx-IWKErdgaoY5T3}uY}-jb z?c+2HWQRvKnfvfHc!SHjn;STYI#A8A1^`GM9@rKA7=l-VIwTrxU8Ls-fXtgHGr z_xtVW?a+b@p&0Tm=UqO0TTupCdJ##{s%A+a9k!!)LQ9m4$`UW|8HO`4oFzQ9{s;eB zp*eC^*36;=w;CeGE@7GFt8=#%W!6eQJuUKU@F3FL6cK-kP-#iMN$@W_l^jpw*4$Kc z288ZTC64fud8*+VLI7y*<4~ZW=%}=6bR>nhDJkwy0X-`4kTTFg-TzQMJMH zu9%JDsDn5k#&Y`rmAQ#|sSsWuee?@2KG8x@bsY60F5>0s#Ti0PJ6nwLLT07Z9FF?H zG_&leG4=pJHa%M13?YFaZ0;Mmek(DQz4@(*G_kYM8*jG7*#?y#=~_GbOP*_K*z~#9 zsh7ez{}QRB=^W-;`nmlN*JntYR@SU^D5tKiTkO%7Z%l@eQY&SuhmIOPYu$6HFpu$0oTA*tM9V46zQv%y8$AQ+M(2` z+Vh@!0b$c4@iH$v_{p0x>(p|Gf>UqQ=e(xJpVAQOcS5*aGFsl4%leh7c>(+Q)(iju zAOJ~3K~y2eav`DLG@~)I-8yhJe4W#{3RTJw0>FtD^r}x*nia(;4*-PQz$EnCE3 zMXS6cY1jsQ{nLX0pzq+?OZ+=t2>?=4V-bCWC3%)ar+_U6bT&%TJ=-*v^r9r;iymAb zebHI=SC1DbN);jl;v3DFx=iaG$uLRxRpPv}g_o(v0 zQsU+k6}F2Ie4|8bS9QlwIi${{1o6yRlC?6OPuhpR>%B8$*Zo*{F@%WkEYkNR0Y7(xSE|9(JMUaW5S|mzgY7 zC|4e=OAjFcXx)91ci6O58^5;tHL@J>U?9%fs<;}p--<5Ba7hAvk2*QB=Jg0)4sXKY zvi5SbvAfF}C)IB*?7x)?n-tp9+PuvRuOLd$V{NM%{p*3e1l>%7|UzQ zy{tg13Rzi{RoxB<&1)zb9ZN&E7671>5Ga(P9o3(s?=Ye19G2QujE)8j06>}SVrc0J z?raZX|m%i$QSvLsapcScU&@5d4E@b`XgfORZAw=X-Rj`+=gv9}&1HT}4@k?0| zo)6>wmi4%T#r*Gye9r9JU-?`5JCue3A1wmo9w;r}Mwkl+u-a7afND0n^+Z5P9}$Yx zcI8+PN)1(F$a8p`;nQEKWdGq5?&5jQ+JFz1pisf092(35faD)9TADE+1c2i%^qNnm z`gXJ8mH7c-NrE>5@<;2{Kv;$%;Fyzm)h7c0ZSN2xzH-l=ev>A-VjH18>o+>*8WZdt z4`$_a)y)tBKu3R{K0Jg-)cG;{`18S)^*pe^D^q@_+g;r;tO;ywzdkep0G8c)t(zPB z(cEBhQ) z{l^^yU|hKVE>%6(;*~k>L@$I@l!j4ga3yVoybNgp>f>6~JJ4r|j~WLw@f+z1gVj4p zhr_(4nr@R?8g`n{>wc{3Ri##3U0M=f9^6vB4KORj$iOdLPh@v~luwIS|7JtBE|sHh zRrVH3Upx9uL^ZVn%e{aQ6k1x8*Z?K{QZs4W?&dVEc%UA+8cIcy2*kYjZbY6{zb)lL z%6Sqaaxp)@>)Om3)e6;AYMNEs3)yN`jSdrvvd}1Lv`MKL$g79Mf(*X=jE_PwlBIC0 z77Icof&*4`HjFoYzO`)DM_F5h@Dj3|q70ra?$RJJC#A-6rfp5(IWfy&J8`GyL?Ihg zs%N5oqhohGSSQ&lik%ac0f7Bx`8D1pCL)+${IEP9meHSAoJC>h zh4VpK(K)~`pCP0pQ?#QQ>qX1t4a%>M`k*n>u*FDDZfYoB;X`O7jjb-m(x8ZAS!V2r1TF7`8Io`r7rSL^7E*^lOwRh5zl?3Ofsd zNuScW!`8@E9!vk$w!p=5#I90b!(lhZq+TUHeNgxlcrVq$e=ovAE#a)>4X0E#hQX;aszAK*SaQ8u3_Ls?tI$PxkJL$7v5}XJYS+<^rO*6)N&)~vL2UYb>*UWv z`QTifJe{j+h7bTc9=G?6r7vp_6|S9K>wD8zQsb_M884|^N{pm;a1ltEYmp8pmDes;WJG#EzReVt%RMN`Cb2ITgS0r{Q^Sz03#R}D4V=tEYm{HY3iT94=#?sJrI|;{Ukap*`YK`a4;k`XCAf&A= z;!+vHku>yZ0RSi!Y1!RG^`d144Cw#dzW8#>XZ^D-BPPe5c%V)JA-yml1b~NKFr?~S zR5dDLcyC=2qZ8Nu#np3izMW=;sIAP^F&+cxKl$4Px5R8_B7?U}UfSNa)+5)A6OZV3 ze!N*$M)w@h{gXx)uORmmEy91D{A*)IE3}AKH8me7)+!I=J%JV?s^>fYf+S+gYav z4I&WdP(H?#=1*mtkb40k&>SiA7)a%bw)(IH#IQ2#XJ2+%y zAo2bGXJxba`CwU`xb{z7+rO}mfms|1SBbwI#q8EYORgV}XK+uUNhLMQ;aJ7c?JE;fGT1BD!JLodkt)W+i|6!l1Idhl6j|=TM zIXUp9Ra}4L*E9TRW?%T7b(HC@4_9v=7aZnn3_%lX&BXzLT*zkeA*a6j51l95(a$`x zzDJc>qXH`B4-rJ64id8KKxtAGLPa4b@hMT|tV^FL005|4m3yV)y@0UkL7>pmswaN` z;mwb|7r2}gOIdbf+tcjirHGwzVOOihcX*(75zqnMYj2E7LM83sT8W+_U&(a&NONm;n*!nQBjqh&a#pm z)2q)6W+g@epcv;FLk){*?suR!19Oub%G!Eo)#z{v_uO>>VRkMc1OStBPknS{D2@>F z5&*{XT%OR~4jE#}mumG`-0}sCBobtN^6JiiMJ#O#uL*AT({~ z)VdEY&s9Sp0wEGX<1&N*@ZfIMRW(e%8Le>te5fSmB(X4}rPn!NjHR3Bzp=je&Z2TD zcSxnT!-Rz4`)BhCyOL5i(i!-;i@2%nD^0Cp%9;ER1hqW>JP$@N*({|RikVn(b zQ5l}4;7YtnKN+|e5CT9day>}=VcGZmMCY-WC*Ew-ND_$&f-_gLr_sJ^>wSM(#Z&j_ zP?S}SdrAPH?As;yCss`o&YBR41xYH(jIM@rxX0Uwf1Oy=M!48{VmJl8jZAN>8I0v( zKB833mHrzYyXwF(2DYxPqRCZ0zmMc zm{eRvel`;yO~-~^-H**~8N2fB%A0a&HFe+-Q$~QH`cr&hnTNiJub|dI~ z$~pOBXi@4?NJh^qH|;bv#d4l@_xEhcVcy0oxOzgqmYH*$ZaVL6-+$=^`DXq$fia{wO za{5K`4K?LyH}TvA*0ix=L0+p7d_;DRs`Ok928#e5Z$pD4J|!`ks<@3%#-K0poT+}F z-kRWS%6zDl9?R*v>e{K!*_kb0c0cV#KOA4ZgQHP2?{l|q6!Q^^=J>P#0Q;T0r!#(k zHrSAnq*Go-Ref*w3enmWBU3y8AX=f?dpvjcr4@F@023M9sX+h`xtKH#Xlg2}xYvSs z8Lr)4S)r^hF|weIupmOXfbaBmXl6?JD9z{yaxRcI+IPq56A-e5RFJc&sp*lQ&vq?7 zzR$WvZyYg-Kme0)pPjMP&A-#kM&~hMv zC)&|ZrysFkYgp#1njS%jgX0XRn7(ngam~$7G*)- zus+5LIcAqn`7xo=k~-7N)AD_GREybI<(z0CUM^RSwsiBJnVvmEpE|LW8=*1hH#y5a zgbT_OtZnzj0~bYMox=Ca(Q@dR_12rS@s*~X)%U8rry>AQN(wjsKMw#*y7vC(S zoR`3~MH5@2Lw(3s%&2O$9RFlH@vm~fB7Z4aaT{T%045QsY)vW*#@U$cbfFOA)h+cd zNgyaxj{NI<-paWb5CUI_(~OZ%ivU0(^1=2auT0cQWpojxY(S-N*qp4Zl}QF?@(8L! zkLKTf6^p`hI|uSuOV3EI18 z3fTasS@6JC>DmCx`OFfMIn@Obh-8RD$}fq<;KZr&M!f>I7}1%~%-!lj1n;pR{@Pil zZzp2d%v7GUD_2h4h(gXg^ket7&&}V+YMl8sD&l^;gZRnh5&;Ybn9Sf#4ax_LDo3-2 z4T}g(oqqSF-)_jMA9ND0Os{AQ4q!@8+u9m0)w6Y{W_y3*O9xlxm`#4&KV$arq8B%? zUbM`K7W9e_0{}a)uW;>Lc_U|6$|5eC3C$wQ*j@~|TAh3`g$R;T%yq?4w907T8Sz%R zW5T_A-}icdb$;he$7A-;`FJtP2i}R7rN}Nu@vi1b4*~#Xb_iPQh0C`VZO_NT1D?iA z3;^I{8~P4&B=^DUTB8|H0g;Gyu#RHTUE4j?PT}Lyqbm+Esg(vDFPmF z5T`;bU9I_0iL)!2bXZYe4?VLI_F2$N<*Ly&nop!cyr8euYRZF7^rFzADBQ^TmhMTu z6JH*yBn9hiI;HnAjGo2<*0gcuQt&#n%ZxCF%dsYn3GW4jz!wt?XW&ya!OtV^W4|1K z9oNfPI{uwMD~((!|BVY#quxFL)lx#Jo5S_49!8ld( zcm{iOi+}o|0;p(E(~t`kIs09fAxws@7IUGh>vmMa({A+Kge(Z65cDj$gD;1>OCFu8 z@lrkRhb>)?Hlushd|EiHSD>qLEMa)bD>qP4rp#6&$_RKOgPHDaV$?4sBLDyh44W2f zjRySTG^J&fOktkk%`Eng2di&BfzYn)ee*?R&#CZ|LsX)EoX5ESSwRE2f{mf+KpblJT+gep?PSQ z3$=li3W@8P>Eu+lln?-*&)BUbnZd{^oyXOJ&>Cj#ZirIKYU-Q+>h-^$EXG#r{;3iM zo1#S!-tf=dip;<9Uli`m%k4bdKo~q5w;wdr!G?Rc83D|!tc<>hOG$qI6?H2G{Th*< z8d7wwN8GX@6y|wO%wlxxjs@PY!`b`4*jCI3d-wcS*N!jEZhY7^lWG8fvmt!HCe3?? zm7DhgKx#CnUo9XU``}w$+rPMIBdc-c*BB5|1e|Omemc4MsW_I#of-rf^1%{!w`B+u zp({$Yy&+YjU0T$kL2r*lqks1&OYSfh$!ny1-9!{t0zo~M-`34TPIStLFNCp!Lv4+& zR7U_0yNFkO7zmQxa-eW^#>Cvvx44Zk32LKc@eonJEAhdNH3)R4b_h~o!*9lpi zmtAljH5FsL*3Ff*sV_$H?q&)Ice>Omkr+-bxc}%<(;9nAqlN?kCpr}0x$o;M?}KF= z{UBx8r3(ZiNye~|E;!}JGlT#tmvXC6ysueoSr^}Q>nGdMd3Jzh{1uu{gd-&amlT$DK23s?ub=+m$JY1W3b7wD znzygnB)M8V(@9v)Kbw2+RHFv40`~$!;ERcXoZ%y4c6!DE=8?{0FOS!$IE1#f-CnlG z0zytx&)jPmigAI~)~P*(V##ca`W5dgsv%{@(zr{D#DWyRp0VyV)Ou`XX8Um!Iy%oB zo^O^on#6mvW2D)!qDtV$1G8K9S&%o219`vz??>_W zz&pzReTY`bf}EW$XxuAx1w^LL0mzotLyNX^8fPK1h91H)Pqm{vt47B&xKo3Qah~GH z#tPQ0gGBgh_l{qUOgA7P1b|O>65owj5J?KbsXJc{dOUIU=1L@F?@{IPc+32Dvpe zvNvTAi8g(q&HaQO0AvhTVz@~ZWy+MbG=Aop8*sb?ouz4&-POQRJ>EvV;8`h{k$5?J zC9TlWtc6L2f@#%;;xJC**m#Ce)6U6a6II9c>JUx9t<4O$oiIy0)T;m z{Z{mncWsIzSjJqIw>fJV5T0x!o|QM#*-I7L)AQaCNu+^TXK;}WUrU5ONJc94JzfX) z0|wUGum$BECUnkxApG9jjT*oT+zSYyR7gaKA^^s;qgSOw zSd``Ons%C5)9g#B)2|RnAQkodjynHc>n|$nUmMFnmj+@lzh-n7XjPr2=FfBzKODyx zz`9$X6}JiVbY;vp<1HUVnXYa18A(+rW`lPIga+I8bo8cN``@0(XEBy(X2CiciQt%% zIOUgbCb5Y@ebVEqLC~ZCujIt(#y*V$=ly zrKB+Yy}9)oySoNeqca8n3ud}1hf--$0KjM(8(eN_WUx8XF7r*A1XyPjI$J?>K+gRz|(HxhvRE|I+PMZhNfEeHJpR#6+pN4 zqQs?Af)}!@7dn#RBq-Kj^O=qgX$)Oc*MG3?BQ!tGo%^u&mYiF&#YnAbiicTaDdfWf zqabKPp`Qr|&8)H4)OB|H-8!6|ac@=~{7C2e&I z=j`s|i#C!Jt2T5c!`Etk_9Y8e0pJlAdSx1)4dD~oxDc3PHthj`)W|9ggvD$y?0Kub z|LG-PWi`%xdTmNMN)jG+5kK?Dv2Xo%kY{FQ<7wQfy(=X~6QL^x+jds%pc!2%I#mAw zFyX>)q~af#cP|+bLS&jGZCv9PP47Ak3~bV)Kpr2kHbrX7qJ%CjIv>V}qV0eBt=U?^ zmSbjunj7I%7MBZL3mHGBb^-vO5oz_@Y|_^8V5lYmA^P!z%rBMvxERHInyFs2%rOVL zp1_gY3sT-Jb`}DZrI7(4iQuCx#LpKd2{{{MKVp!^plW0Cxi{U)df_}N8AYqyD3~n2Joo?%^^E2|3ZuIP!3I}Q( zV0mVl8qMjtSE|JwzxL0qeNW97Eu0UhaTV4mGztJub)Xx$zz+ZbAOJ~3K~$ei%3^40 z)>^IXbdn2}?mCIlMEHuqwhaI*t%n-YMrhou>5u2WC2SQuw{WSj=v7V9Lr5Cdc9(ss zjpbn%daRXbgi_tooM=HW`(yxEp>xceg*FvHxn5o4001E)(we#bZS6mpWN#;+<3`o6Y`LYcq=fkqZPrX&$SjJ{N#(le5l0Pm}D%@E7XW?fD4L&fdf|b zi?vjZCW57DhBnmr&izC?dQGvJRr-^|tG5xVasp#qXQPuW@wt@8-tnN;yeTmL^7;E;(tCNS%pLHLOv%inzKTT~x_g3zo|ewyBYUK|dUqd%bV7JMRYosU+tD zMQz8jW&pAzOkDft&h1}VZU#jZE z8@wGtg)>L;u~H#k^^qKR5^o1_X+>q3u?+r%`~i?8)3c-M16Y|Y2BfCpLKv&M zT_lbthjW0TG?>(=#_q0q(G{?^-PbYjE44mLaVbfgGLN{BqZDD10cGzF07y^d)h#SR zFMF>*1iA0g|D`qcF1G`xajw;QqLdU8uZE7;(RIz{azI!Vu`xO6V4#=~?z+&Wch8rt zZASpW(sC&3JCE_&lmn`QWkB;uIe){tyEwEU|2&!CtwM=Vkc*NG_gEP<4NcYgcF>AO zQgc;~OEQ(k?K35#Gnc=R7HDm)T&?HxOegWPsl`>JxLGrV0Ptul@tRN0ivR#PGA$b$ zDKT0`r+~c{^r~<5yN9_DvN|@DAtWi5q?CLyv5|u`C!g&izBRnyGo(0j;5R$?l*ri` zF%bq`!veym+~j4ZGjVZs!^txFKo;rias9ftY^H;k+8!~jyjxm;B4IY~U8kBuI(k!Q z?gs!@&tvhx#o~uCM-2e!$^6H=m2YYHcAE3VGU1{BT?*btY3sA$&2J8p{=EqL;sPmj;9~mTyFd>wn(m zGK2u|3Dxu;6<%Ps9Rh-c3LFR#A}lQjSJ;8oIM&xGf1 zy?@DvORP!J5KGyOU}-%nw#99PcOvqTXnr!Z|Dhn@25n{rnIb(A&e?m<60fw zD&a&6@zV54YmiZor!6zV?RuazT?2EZZPT6Dwr$(CZQIGl+Ss|+u4}k zJa5(a2kxqwt9j1p?(_1xP$l=`6UyJQMUOEFRF3ALH$(M2Zgpb_!&^AWh{KZp&&%~; zE=jxvo-&IutQ%BDe&+jB7D7G%={QTRmQtfEcdtb?{BfYzAf@bPv=*C$1vk>?*M4@o zexcVY4>IGxf(tjRU)|SVGwCG-JUDDcgR|TuI_gTx-yq}e#_7^ln(L|{F#p7Hxtl#?+ z3QGaDfdKj_>PT|5jShvK7KTUGyv5`38D90+*6W~X66Fb;PHmL>L-@+3(N~w>FWcrQ zd$}qw(0?8Vhb~oqCyuuXvRRa}13PfgXsFZY>9%X4fgT%e7xZ8p?&4WTN{D_I5$tgDJ-T zVK4k7P0RT~KZkoHrUrhsdrdR3`T27|K|khT&%%C%pT}AaY>JDdyCmZG%HRg;OZ}N0 zmSr1taLMsX>sziL0snlss@AMru<@*SEkkV_AtFFH0}}`5!QZV+$AukP_Q%Dz^HFjN zcx9#m^~Y~Zpz~gl z6|aW|9eBQpii4}~-DX{ps#PCg$*l*J#ZrzEYCW52*Nx%4Uk^0OVRfW_cqQB`Ty1|W zQ&!>jU?Ee2i#C`GYfC!eR0Q~CIP?`gH!);$rmHi4Lg;X-krN#)%?zxctW_`6OXWPC zO8v7hIs8faH2uy0&y%so<_+F^_wcehnBM;&qp#p-)snppCI2jUp6WLdb9SqZMuW)H zwLB8&AN7g%GKT_zD;~UwunX^PQBGksI9>|#D5m29K;dTN&PzvqTAYR20gnP++ciWV zYnw0hYU@(@g-V&Ei&6{P4fVSm8ke#;tj>l@(1L-LXghRTubADr-B@K@4o6o?2ayU~ zm1Ndm_Nd2a)=(l)bnp*bqB~En48y6Mi79quRB{KGO9rPJD`9J^J(msV8$GuDAXWY; z;P&1Y!q>RR`7()FaU=hmr3*}!vL?=$g6)H=Q-}oo@0kJyDuLv9@TLn^l2{1FY!{36*{NLv_wo^3&)yw|sSR7xxX`o=pz(!Bq^SEt@tRuF*DBZfhB8I zD>Z;cdxcdC_I(UCAX+S~>~quzVzR{=8Z-A?)%Mlu+o3gGLj!bNSguI`}ys|YkbZurs<=r)_a=be^8_eGotl_Qrq=3qV2ma z26FFv%#Lhm-O}kU;5LU(==F&&SJu--H0@ zvgosX8(5{dV>bc3Dl7;6`PZ z*sUYtt9aFCRF`_~oN8FCUjItP&ZB5MgZ4XKD_qbtB({T8Y@KOFIi6u)2x1fuN%r>x z*?W%x9YCtCf&%pd^5%h@Osaoj4;$hVR7S$1fLm1Bd+4Hbp#C1sb z)i0sOIN%XK$Juh>vyR<*eP|}vtOD&8WKOs6MqtdvpGJ)&PW@H&j0}Y8#bp!PP`>!} zbG0&xc^|Z|^RODoEoVPI0&?=*oL#Z5P7iZfMG|_y+c5G$&0bq>1W@7VEfNiI40O${ z=Cg<)1CvU-nLJA*qgj*AT(|XvDs7^*C0xNt1(&}Y*tX$<>?=H|vXMlGk`lfF%rt4o z1O6p`RwQ^6lp`lM9aY8hVKsv}`Rb^-ar2UJ!NUyX2P67(mhO=fGB(zMVoMQVq9Uif z8U;tn(ie<&ZRzAMs_y|HAS~`lRb5iGHX21_9{W&cp5!nr+a6yzJte@!LPUu9ab_@J zfkVJOe&**~2wuffkB!H|=RI5iVony`nsXQX3f!J!dtNVXqsWnEg(7OT<3a?5lONZ+ zRIKFz(Pb2(0jcmP;g9G7BVadpd0kdOzq%q?0S?E$h$7uFOy3=LKv;VAgMJ)+^;x&? z9j06j3E3t5BdbS7Pr9S$dz}iCGl9Ld&m*PI4lHz^Y>A<3LCNQ`&NA?{_@|iHaJeMG zR4zC_-CeYi(YH>I`1rj7Cfb`gW~yCeo=R*T*T9DX#IEh`-=6FH{$bhq#H6uhpjWln zy4T3A=wZJGC5YeZ;N#8($Cnl<$?#WDa5h8%YH*GqZM%pmldTS6FC&|NKPpFDtdFk(oUF+(&Y8z3!ko zo9=neJ@FPSAY26V(uL+fMJ2zYizu;_@sUeIZChgP%6XcUSjP1pl^*f-MgPFtfd!mi zT{fEDQg<3v{mGH#Qp;@kQoe2oiKSqO&tc0>3(ZaBXGgJEF;tq1AXb;&9H{#x1l5}9 zj+ysY80Ikunm7q{Ka5L&A-u+Vo<3gOlNqhEK|g;*7WU7#0v7UX^bA4hhd9t-Q?J_4GNmm z<*W=OV&p-&tz8|sLh;@6GXfU*(8Btw8#v*x9G3v2#NxiaU$;~Yc*<8-MteAVXhef@ zq^M_@9x-jNPNU@aBbsQBe3bU-iwRk%vHAow$Gt~QgyA7RsUCufUvFT9m5DoWYI*m| z>tz!!tbQq zqN^QxbB0q3@t-AK1_XIR87;-J+%JFqC$TT;rJBBv1_Onyt0=iyPlGdpVZ7g4p~wJa z)V}tvyM&+&$*`ar zNRq~}qT{v>>j1}(@i8^`tlL;*q+L8eNm`_(x^9l`sHF@LXbF)Ff&=}16!R65i2+(E zzuO2cA}@J1OSBOzZRza9$H*KDKV}ko$gu}gJwU!ZF`={}SsVBxFt$d$cH8*Ub^uz} zW{;)hr<+m`i89+>&~|f}nLr|*7cInB%}R8RPxblXbrFYw)2|+hg!a7{j+|!3)p(2G zYIa4`*v@>KU8?2IoQO1<)PGZV>kDXLdT-6UlrTE8apkKls+AShkr>c&1m)=2OFsod zc(O}mi88`99(bpu+vZC^NCd~I-?aXW7e8mvkv5Ky1bf7YvaSq*?DoMF4clrCaD%Sv zgahJI4sTdRYpXJZAL(hr#LQ(##!gT~=^-3Av>71j;GojO2Y1*Fkx-MV7?zSPJ;)&> z)aqxEV==*Ws1#zeG17W<{|FVSa8EKp0o;~uC=#ATW1>B8hsw5P&Hl4mbDlbMGood5Y_56g-IU9QtvbPRTiGsg|qx#x<41%TDH zzb@OPy7|Ln_C7uOrdurtF+NM~fZV$iizB+?dSy5zk*&z}dARo1XwsnNmhzU0`_uHV z1qNE1CN48v16uH9$(ST2&pWU?E^b~(rO_#9Xcp=;%&ZC-5L1O;-}2DkGQt4|9~@dT&zS;}bNdjLj?XyA zYBRbRV7Heo<4)@>DNAF2(@}jat5qeoy|*g$NCr~fg<~r1WdA-j^&A&Y{9S*QDRMIE zPR5SHamWdrL}WO3{BXUcOcBxXersv+b%KjB;C_4(f?^`+LZWgbr6S*1>`~UvL=V-v zZ(%dF5lbn2>zc7cC*W}vY|4B@^z8Fy)|qbE4^N|M>!15;^#%y^2C5;D(~@0SWqO6UG}3cX2%0!{z%^=~Hk z9GaGOO^0?&!bE2WhJ`)yJRkx0LImE#fVaD0LN?n2=&A^IkR2=phM>FFGdn1GwO7L*ur*`(V8RN@t%`2CG;?QT>0MjP-0YZMw0mbqb zBDdS_P!*W*-1(J0Zwj!l-|JQBIdnpHO?oECr^t*T_Y>duJJ9)I!)z@4Nv)Y&D(Wt3 z=5g_#i{pPuSLt%mk=F}dlQH&vz@3km1x1@D2uUf%N({Kge`!EkY;c?s;uA4Vz0stS` zM3pt%n#zdz=*$DDDu6$=NpnSpe&_Gz+>>hxpX!O=Ru;@zPHu=V1FGLSA7CN{p&ms*O+I{YUBI&$#mQ>uIM(YMD54R13 z=*AQ(g_s%yRMlOL%`!pC>LcIelHVrG&c-s_-L>Pg(sXlLM&QuJXb>0D_C{x0%ufdUNitBocu@`Gqc^lpiQYV}^AyB0-)+viyS?Wj_ zaD|9{_W6lcFjMDwDgOPlTY=4QP=cKV9gT)ORJ{6xbb=~~56q~g7-%#ihSu)fP_rZF z6p&3br0wK>O}%J6^>8D9&Xgp}1X0K3i<_xMrV5#ARLY?vjV#}V;>Qr>^tbiDrgyic zwTo9u-@7mMV%FxgKfG19T>${lD8B#RSC|_Iw&);V)<1*26!w>>c8}YQ09pMgn$56i z52}a>g07L|xm%SX=-S=K_e$t+hL5bTx*s4gumZ==p>E5j2U0;itL14K;N}PmZ&n&y z&1!O#Wf1eKA#}{Jo}}|ah$+OmV8UsDgNZma@7S*7$?*jPfQ~X^rz~+nb9QQQ@GI3< zP9sPZTp8?u4bH8Rfyj%(_*fAcO1YivOBCmgg%(_!mA94e8 zp@kBYX-_Y+Lwb}rw4RVf^DXwBBQO1HLxmCVy>Uo_ z;;sbfX#C1$=6@;ZP5DuC=oQAreOf0Gd++7JVN1 zZrf2f4Fd)8-=lpxo&Ny6ymzpo9$9~;V`JOzH(V0-<`LGae8cC9HrU@%ie%M zQLcH(xkA(WaGT7*ZnEJhh;*HW_TiAwwt+S93DPs^Q*#3Zk>M(KI z`qZ!5Sr3acEF0OuTBeM&Md@;ZX~SmYiyA*#EBCXA9{i>H^}RtA3PFNKIBR&&h!cdf zab3`&3J_Kb$oq47=NBVp{%AM+b^FVTQf=_$ZlnhjD?kgHFaARq^keutXUWqBnGj^) z^V{35F`EzFfF*V;$PXqJIQh&|tJQ{Zoft{do%I~r=+8v+inxJ^j$5GfvON~jNeQy8 zYy3@@OxMZiX^=(8vi8JE?O`Z(cT%kA1RT{PpWbU$X2?E0fGMg<;FbqI=x=_Ly`%g_ zM-3)iF>?qdm8@4e(}qJKN;MqvI%(su6cOW9oq%4#rBO&pD$S)HZHF5g}p)5 zaeFY{8}Kn#<#S&D)5YA^|EN;SCmZphmC(H>p$*@L?^R;0?dxKP0vW(mI*4~ZcNhhy zUjDSsiMaf!HNHOfAPp@VMoB+Uyg-PZV4vUa4|Zs~J1?3YC;)(N8nKUZFSXG&iZtS%5+`cm=vnWY z$8*l6vv4Xeu?rI)>Fe++gNg5qKQKzYeurWdMI!XmUs`Uq-#s1VkOZC#ZqlXT2?cFs zhht{C78&KAt8&?}!K2kGUU?C}&S&N;-)|2AdImsT0(<{HG;Bxf1{44;IelqI_rIr4 zprWclw0rNVe=i)e?d^S%ECi>J_kxY<&{-;Rum}ZXnx<43OjA;$?BNX;b3qbktSWY0 ztdekdp2F@bfB^&w??1K@5~d{0AB+P)>CB9OGLyJ<8u9awCQdBYx2=Bgu9W=9$nJI7 zU(@odK>&uS-B#)LcA_)Nuzq$+B9b}H-&RX>oAnV^5r^-UvCP@9ueTs$wjAyp*L=_K z(P%<5?AC8oQyaWyN8_d4CmU70&&wp2!hn0Zt!=oiVgK_T1;?1suBAdjo20t?ZV4KQ zcvZ<-OfasWr~p7Xi}P9nH$18=aPfA~Q#9*0sxh?qF=po5OYrq}PI=&*Bq~8C2kaN~ zDWSm?MssT#SN_cRg)T{~DtRJmM>|V2?U8elH7)mGnVg-5|yP zoIVJEnA%5C>T2h>>RPady{cQrZ2n!PWXSL93Qd$tCYql7lw4M5vk3&?!b2qSaGVt@ zW{xvwUQiypjv@^BC%Si~pa}p@QRCE5FOoY%S*>@qC*!E(&ILbZ8$q^eGyGbKb}Cm4 za8k9t=ED+fMZ8nEC((?VC%2=O))(|5qaqg)Jh_v5ziG*IAG|s(qyx7}Zp93hPXv*! zemV+OuE)e?DTP85;?NJVxPy~@o9NQ$2~ueSzbgO8coB~St^me!P}QjtbXbH%VBDZX z@PCEjw)7Pb`hP7z1ff_mQZ_PYhQm=f<{Zx#Yrz8st~V5}Tt7|@rN-ewi_1hSiY(NoX(hfYa1a7F_inks}vYBR-!`ZXaSWPHGav%ZJSeh0P+?mM5bKtyO5({kUB9NCmhltAFZ;z8uE2kW!84P^q9(M!f zdom@pBi95P#hvCuq9!BI>q>7W-w~+)d4~O7bQ@3gz!);nMJ`8Bwivd}A`WGJo3P*fir>Wha&A7hj_qELtax|%#e@jTK`@hR9El`W9l1GHl>=98kc&zq3prwzJ zkb*)a8v4QKpu%dO244 zuqlh*iLo2jnIJB2w_Bm5R0q_A{FB2FVa341$R0O43|LpegZ)W(C`o(Puq? z^pt{Sg9HQyD_>9v2DCrElo9$e85pS;cHvDb^mE@&Oy+(C>8>oOcY3$`y>bW{2s|$Q zk)sUyl3wvcr`G`~X`XO2ibEEmhpcUvpi?j&=C$EuWDXHC2LphXSiW-FsW0fUvWp`p zPD=aIH{Jx7?!7BU5VivX2{iib>Gg$#ELX0>Kij?=j^ED>P`9k1Da5EFQ5Dr&ZGiV- zwFF`0^cC;VpZCGbN*kUA-g_A`lB24yyWPrEmP^j%%!hgG2VoeH-HjghM81=x-zUt2 zqazP7+_8jyEMwZ#ZldHl-|Q-2Hq9`SyZlq8soFaWwMp4QzEye=V;hdc zbT4`w|Gt=*gjsbX-pvw_e#Ml}k_FAE&Y4Q!HdKb>Ue*<4sDS{yenfRDq3U4M6D0<+EivA&o;;Y)y86YdO*>-Bxn%Uk&H8v9#Gp=3 zAp{gg2a>pO&=x2_Bj~bVDmf*#4mWMSmAwBHtx$u*?<7WTZ-1aFX<(Nhj$ml?fwEdk zUn4pMw^T$bczB)i6v})G7pF4t+il>Qb?QF$md_(b)13D{(+cCL%q3^PY+njN(`C*@{s@3q_Peev{cs1u0NVX% z?3A@B=>zd>*6>Lfscc>)n#;al&wNvgp7?aSos6c&_QHqo@adQ3-m7FXx8HTT1JXdS zyfCeh#e6BzMU(1fHtq*Hv1+i6$UztG(`)O7pF+g3q|#{7Z;05)p_P!{t4%mUnNTDT z;C-+*S|q=KfWdU*@~|J)@HD)B?rP(YVJb34H2-!^gsn$6k-f|=QyN1nJvIWWw(>v* ztMVt!SSsvxm3MpaU)Club1uXm8i{4nP+3yAFB|THaSNHDJ6paJC$u+xH8*z{Lx>@w z4zpa+5W?E?M?8`m^cicyD~q=LO7fLUP{!Be6&lWECtG1(Mk#tIfas+m*}cg?SA zjfiHwPMlI4Lm>1lD)(}})ZamD)YP72muB0~KwJ%!hRJucn*a2@_TeH|T5@hZ{(yu} zpF+qPgUKsRZ&~Q5wl`&sV za`fN_N(x)>2<{lOqqmSJ5=yN^!^evI7Li>RCJ;#=1z3IzB3W*$4GBHU++|o}H@VM5 zVE(yLG40fiU1Do3qF|2ALHT&ot2j9tA~&^!o=$fpagdNo~0Pe?w&94 zK{~Bg`n<2lOIdB!t9baZw3-MX7Slp9)zZ}hpGo6tT;F3@VYMVRMbza^5u1&JPU`5xHQ%`HO-;0ye zl!A~rC?bd(JktXX3RFSg5I4A}0(_nWTtYq~OTI7?>n9Wrc&ll}h5P3|4wV0VPr z6~~PZtQ3ElfINPuun^Erw99k`$TBHveTR}lnf_3xav0M_O+%@K!{_qfPKQ9!JZAie zABeoF+1b+VAmh35j_CRgEuZ=4A?;tNB17P9j&W%1_h4D8N@UZFQNoQS{zOprbNCwGu z$A0y}TL`Sl<8FH{M#I<5{-|bK8m$zlDMv{%=DeHgq(RlX|W9bs>Pm~JZbUS&94&d=qJRsOW#w}#<$-It;9 zTL?xxv%81QupI|s-8 z9Q5cfTpJ^ArGG{QEnPF0x;0vGlKwRt#k=w=2xtQZw$JoYIb3$jJdUU0D&-;f11eyk zy9Y28s}nW2Yybeb0)lQvx1~JL_A*gM`B7WvKr?VQY9VvExFA9lZCNgIjWVj+45lfRNfq#S`K|@kj+c8fT-WS`j36I05@ol%4Q#&4xnTKYsLHzVf;kyA^>GOn&W_ho~6{q~%gYpRKkK9KEk)G|{-mji=l_N}X=E0ww6MWJ&~B z;889#t7kNWN8by^UMrRjrYHVvaG|810{?2u{grat;4IHJ4{25Mp2gfk$4$?#`0-GA zrY$Dn9c9Dj((@qZ|3IjYsVYxmh9i}PSUQothag6L}gF4WVE$ysjL=E1#hpD)cl}+;vG>O z;GnS+LA4bwdJxeoVKM?PE^kNky`Et9m|N|qm8HwV>#AT6zgXMJswkbGGa?G^vP*r64nJIx!GRv&hfZl)Pc6UA+IJwd+zVw9(v)HR@}-kRiQ5`}Ua8v4 zY`D)y)OumE0URm$Hyar6Dg=qWBTp4se3{3sawtK$igj_I6HziOsc5~Wp^! z$~FOMBz_>EbQP=G2TcEzCcYVaV9=oa+Wc0PE{rhsVl%1P{`gWMzpe%;LUEZ&0{JAG z)#HaK)r16xWRH_ug_|u%|7sV6;bciO1HTQY&sgBU{b%UKf%LSjUr$pHfo4!*NTE0zB=d_j(X~EpGKkRI5 ztAMI{l&ytNADq_dk{@{VXpG2ZU)1Z6@s#G|aK0%xF(B~va08gxaUTVh|IlKo_ao=_ zcjd3aiTnUQ1a93=*83T$G1tl;GJR}ODmTQ5U~YmvYF%QUi(e%h|Jb8vWaI*}+Ap;X zU(^BNpZX>;Z5~UX$NyM9RNFj79_VS)K>@qrO1S@cgaEr+_%AWKb_tM4xBysCM%NIj z2p*Ntt-VPwd7}&Or?Pv8xBxc~g9^HxH}AXjJ@V5{8sZvcO{@C_;J_$FMSj2l)gU1t zq>NnAiUo4hL8(_WIYP1v74xM{wmbHcjE7gM{G4F69gkT7GYejO3h8< z)_4WfRK=}Tiv=ofRVxBSblh1OhTACSo@HCsa|`a|gq|^ix&nkSX_yu7vQ^uqNvf%L zSlnL8J5kTONvrMo90WjM<`f4(OJ5fJYOEhP?!2AVjzPw|IlF-AX?*uBO=XH97+@Eg zzIynyx<)jsBD!B;5&`$w$yn`fm7DxgH>D z^OIT49RI1vQYh2&uXv4WQio`91nQ5=S}iWfzQg3i`fc`4TyyX*>&Nk(1?mymDfJ5I_x%-eTrk04onPN5tu zuoZ*$6YXrGU5(j@%JJv!tr{@SDX)8C{KuaId(*b}fn^`31EY|^5KhqptcxYl2E0zP z8HyxHX?BcG23SN_^rwSKzFzvB-ukoMvV7IvVl^T1&rujJU@X$sTLUIge!Iu8%PgV} z^a60e?~qYFddRG~jO+l_yi4xyONXc!2d41{YUp5%1xzBs0l0zjxpnZDG*!FugnwGz2v`ji-lj;AJtT$vKme*ZBX-8(84&~=tPh(^-rnFOTjt^1-BXz zWKw^fv++22xE+H^PZ~{LpwKG|gHd*c1BU$;I>sH`yZl;=nHK5ZeB@{zpy~6E8(ARa z5J{offIV_M0OuR=;XLbM2&|C0@bv#azTsnsncOZU-y2z1Zu-}J zC7e)lQ@@iJ-lYuQBeuPIm3c7x#8p&&|zDuzge! z{k-5j<7oLrP@z=#u>`*%hZ)2IOUcNqk$`o!f0@YdJd0tjUL~1lwltYwKkIrAUCnVO z$nXi&6x`Iwc3gG9Bz&oQGNdqbzLQjYmoC`(*_t>69K=ReMlQ#~qtb;FtAD(VUNCh* zquyiWwOw~99nWGvu0&OwEL_%KLB`z0{UgGzmF(?yHCpWFn(67Yo;8qrs{465=IWH| z`z@Ul<1Pt=Xb>>XP`=%4b~J#7=CJga)AY_wDHWw~$_7tg6U}SL2_ax6HkY@3rT~vq zXNluUWB`jzSwdjN?`qY&xEmM|IP_m1##%Q^c9ih7`5&_-lKyIq_=(HsGkYD}1k|RX zf?emlSuVU#1;15$PQ9Z8e$4ida%MQ;eN^nKszAmJI2L?oT`A(C=o%;fLowoez_+I1 z-8w7&F*vQ^baJ{JoD{I}bzmew!hTw|FVeztoj5MX@VpiJLu>ds^j5SR&oxs;Y+Y+2 zhFaWA8YGFW3-24dE=%5Pxrn&@z0^4+DLQQLhpAt!_LF1r3#EI&Out?QoK%8?} zOk+H745v7LQS(CD75Y;}7#a`=NF9r=&S-DfN2M0gEpux2z7!UzaQ9XsZ#*dAe`*w` zikb9p@A$Aw%l$rnjRO{6M=)?(XG2;#CAK(3F;?93HrV(i;6RRI_S{aucJ-M0dnx5$ zg|e$b_!>zWToa6C7m+?&AokZqaHbBFUc&3g2*2>>QNo)}R9KW8u~elgU2=N9y%1Mo z4ape;3m!*zWaZ2|xpJ^5S~^Gi&+G2BQ{^r9By*1Wj#cmoZSY?Y-xr*p5sF(<5B!e= zO8fhf^hXN2M_!Lhbo~wgBIGVQ|Ee{!3Q#9Nh@r&UJwwpGr_=9N&m^kN8vQC+(CVvm^rhScnlSt7Qmg`-xjhz6q(;}` zc_o^_IrfxlRN!UmB?5@1jLbmf#Asfwao#jhjnrnLXTR&5t@4&DiGaHlZWo}4hO8-* z)Vy^#-n_Zq>^zNrHhFG!?k!L%G0}HN+Mp{XJLZ`_kz5~z&&JTJQqc_}Sb*T2SiTBt>@BL7hm0~F~?W)XV?i`uo@MmJq; z))sE&nWG8#3FVB>ePf6w{f$RInCLYptH2WMYyTFpS0E2nrE+$}f_?Xeqd~*Wm}D>I z!4|9qf&geGT6Q!(4^bLR$Du~!h8+zz0aEvSJm8-Q01TjIcrGFMUL?cTv4XKm zxfDX{R^W=plsS-{nFo?NP>D_JDn@qE)Zlb4sr;CAjZ`6nKj77@$3X-q)|hZ)70}%j zP~{@eql;3hmoXjflCL0E4*tmS0|z;suXzW)r+{X&Vq7`Zk$~svDui{(ag?*&=4FsL z+`lM{B6;=kT?9K05P&o=H_GVMj6)n5Iu;p@#{AVi4MIZI!TV$Z8HKR6-uXs_5uaXs) z*yQ7Yz`c)W+z*?>XG19w)D=>F8fce&WTDWe%XXpLwNTEE!K?%M$005z7P9@5Vmry_ z<`=U8zdJ6wGVb$rGu}fTIuH;_(y8dzHBRt=>ddttrB{c^?ZAr;&a)Kfaf&L;u~D<$ z-6k)@MHnLSZ3W(T3o%l!B)nVMG***naa{qotd_= zIdK64TqXBJ=O&e4{?`+*l_u)ETJ@Xs@SyE{<{-S^K{047cm7VD`#BT0%?X60_VeYq zLN>2I?|$$jL>GEtlCYm+FdXfmUuC*IE>&M9ZmvCJ75tLq$WfR)cD%0paz0$KXvZU4 zWcW}+dA$HVQ)$g`UPI!_aDV{(2A;hdsa+GiVT)3H>rZ21k4B`=59(j{)klB|!;x#n zu7XH2jGZ$Ph}5R?yZ9K%_?N$r&@{y^%+K~qVcX{6JO(H_IvOpwsMuk1J*t#Q;GFg= zbo=OL0>Zs2IxvDPZ2vGEUy(iB-0U~oRmf2>FfoBQoiM|{VHTyUha-tCao3t)NEU6` z^$>uGgV?*Y5r0SHtC{yo@h@7|qKffu#yCt)1rusT=`{NBTo{@-V>d5QSOYCA?-Qy% zFPN-o-#oFw0a+%q@CVV^K-iirFQ5fjKMXcH)H*qTdyJdU02`dS8bL%1F-H*34GJrN61w+PD zpTWa(qE;RMD9VgU38{db0#XqpT{{jp)mPP6+_qu_i>3r9%n?2uB|)dpk}-Cp?IN=- z0s!FSC!ojB-E(20JC3JxhJ*w-Y5*ZF#Os`*HJT~S^;1z-nf<08E!WRxAB!8u0hGm% zOSwCVZPs0b>HkWs2&@@g_8U(*fUT_+VnMzlV$nhPbiQ^{v)hqT!e-h}IEV(=4JC6- zUbIF$fYQG6U^$S!kCN}0^gMXPP8nXZSFX!;F=)({Fm9e$|MXD~(Tp8Yjqv@N%XzfM z4hbhPLK550c%f-^icnYH)^EiKp0lP0a?K;iCg_;L%#d<6l`ou5d!8P&jhaI~6^}1% zX+l#8`LC+mY96=)aAuYVex--+l7d0 zLyD>*QyLu*8{iN6Qf_+Bxlf^j+M zgSYn~3E*)u?^26SKL$j1OaLvWS{OM#%uLH4izMINyTt9uCixLAq^Ht8+i*{xsTQr3qO{Ua;)C)SDR3J428V! z&G8XEpSL`nw!2?HpLdADOyWQ#^Ok~1=lId%YI)yR#PKZ-*TS`YCYvp{nwdS-@FPl8 z)?JFXm~7yYLtz!PkCk;L8BR(XfL|q2OfVA1aYiHu>|%dE=qutUp~en(RpZF@CxeZH z#G#H_gaTR4yMo*$jld^qQ}qA%F4tmMIu)<#VY!1>fB@R>(aPi&bp1Bc;r($zeH}&e+U;b_?ZK~1V)C-u4U=B^WEX2l_ zFu-R0a5+g$uigQwU|o#9__%!>ohD6;VwZf+DHOClY=2ny|G~rzqPcUOr~uX^_=cu# zMvFyOO5L2f=P*FZpZ`p=58;Xz*n>f*7XGQgfj8t0$xtMQGWo#{A8yV{y+GMF13yJ* zy;hImRR4CgB6KY@BJ?@`(6(w`gX{B2Qg{daA70Fj!P)&CAAtHTd36a(@!|;mU}JPj z#*_IslS9dvmvSo!MTkM&O8o!V0suC%+$Jk${`uMN{eW7q6Gs>>AY4n=^K>Qy6rNAv z8792SZy6#|(YPj3o-6-~Q1YQYAvyU3q7gG}d_dZ>ma_`@QA3`8eMv^h!DAo^R`uQ& z0}(z*bUr@^dPhP!`VWHfw>;4u$o&J7sf&nh;q`fMARS%>f~i^yExd{Z3P zI39NXg9DEpEuj*i0QNK+noN%C+U@y~BmjW62+wt?RxCKQ=&)riLCu-O5HhSNrFsjd zH!ssZWa)wX6Rtg@4gF^@7N_^EJx~kP@u5c>@8TKVrPWIA@zbHt3Rr>id_UAd0L!}V z;wwkoo>-DPs?aXa8_Nc5BEN_EVu_em`?dQutAZ?fGve@TS9qT+l(4b`fgEJjEN2yF zeHK;$I&flO1>|P5p6B87U`V|5P~f5gcfqk2)#kB$Lr_J*d=DfpyjYdWah`fl1s4Y> zEluw1+x|&7nBS|0PvU--oFx{JMp#ytDQpu?#y+`?hOsmu!P2Vz;%(LUBbgH zY$(-HsUskO66;Ui$$QKG#|fNum|n0wNMjPD`y46x0s%k^a~iI7^EyD}oSL$j0?}Y1 zOn)5d<1z*R5c!1ek5w>_qYNzH=wY$^KA9!u0&YhfH`P_N0lZ1*kYY=?_4tkZB%nb; z3nx2H$>706E^n%IU7S9rbmBf8O}%y-pDBqseNQ*GQpNXt0JRQU{|XF+?jQ)GzyN_N ze}PQie~>zNP^s~_cR$a6l?I36hOymD&$P5rE$4;72w{fR<|0B-j%;tF3k4Nh=0C`| z_LGUf*-Ki{wrq~*lO`zGVoK6G#cGeJ;lOcF0cRU_vU^~Liwka@{*ehUt8&sY1Tz~- zNgpHM!w2Lv|6W2JxDv(?eTxH?h`>UBEjtaa%8>VS#t*7M9XAcHy!PAe7%~EMAm6l! z*1bcS;)=lnBCc&i8%R;fZQY=ZdrpLBGPuXKQXUuqywg&Fi%24F1r-jby}dzWq6ckzo5114R$MYgb%$J7d{{Vl-#aa zWTCtMY_1w&)-nH4gqq^zOH4^K`mzs138>WLiNbjHUTY(}994U;{LCNeyH+&3zBS0H zn|in%U;caq>lGO!Ip^Qd>Dxdua|3~tqL?3u_`=g>-Oz0)QB{98*~=j>n7C~x=Rfn1 zQEJfj?~%1OTyiTa93UWB18U;O^Vf^dm;4;k_)_2u@w*!$13KH=_R~JBHWO^9T=iFn z*)an+mF4KKJANLw0oO*_E&l30bEOap*!2)VqNOm^r9-!%euxYs&(PG(+ zmLP-h3!f#NMfvF@m$k0_L5kws>dXvqf+RzO=NZfKx996lp^2Sg;=7yj(Bxrai=}d} zaBXlB6v^BONiJ8T11esxvT`G&GG7mn*~7t0e)lwDRw^29896;~8n<9`z*?=QgE2^8 zR$DY!aWW`BO(htkw?2%egk*3sx?vfe_L{Dyj>zB&%|f+;vuWjd;QW>~-$5n;_JcrZ zRmO=1uxq_hxt5eaJwjmGk_rBSW-*#C@Zv6MHF$Gi>BoDPZqOQ=*FW|U9jDdnwYQYh zL{{!E@SM_&2d6J~kfA-*nQtO$3ukIc@K8xo^!p%o*p%CK@*F*Cusod14pl zx}L@8oMub&xeI#q)TZfKhd`k&+V-;dM5TgcsnQoH^sFw)b3jePSot4Oet~-Jn6!&qL4d@;z$>c8=H_^5^a4>e04+)bFkBZ6EPM ztNt2$Q^SUvdi)PkL!``1ZdfIA?d_LR=k@lDzR#vgGW>MmkKdFPZB&dMOKR(tmmmQA z4W6rk-ma?I9zVDDp{gb)XECaojy`g`kq9?OS^z-OWZ_r0iu-X~fAOztV~NCCjEzBM z>TsrognGkzWG=vhuna=0e&CzZC@BXJMqnePqHkXiM*SVt^g8V7( z-?HkyRR`UZ>6+j)_w$WQU&mxP-KosB&;a8Ka9%!gEz0(2kQJRIwQt*o43MV54%k8M zyXob;GCwV$+^=6L^rk23(A5`13XrpMXLH!5=Iay3_ZOJ`XWi(@hE)$QB>c{&*)d|B zsRE#J&;VuMyHDWcN=U|lp83bL#ZC{~D@B6k@c1QohG+@8rvBP|IlZNr)Rt2QQq6eQ zr;hr%>@yNeYkM6DIy5*9&FTuP3N?C2KQc5p3k%sqfuoaCz}M?Z)|B0wyF8^U@aQYq z*&Jd}^V!D{QpW82x(r@fjS?7fEJUql_0|oJT=asBuI6#y^}L}+?w*l$){kn*+PlsO z5NT+`(zE)m?loHuDJvf2NFtK%3W-{cK4fgJP`;ra3+ICZym2n$K~QSl7URQD;z)^2 zR|=AEhlI{(5~-!ga}3%r1Lohw<+SOT9QP_brHyTz*|>WKCrzT|*LK|8K@LV;`zW{; zNT7?CkcG>(wVHI`B7nez=)PPcmK2uKxcWayptD^6$I~@N=h+3@w{g-mHX7S@(%5R) z*tVUtyVkwW%CG!-*TI~<_w1R$8{R3Dg&A5=Zoi+U`oyKo+gI~0 zQ*t4f^%~ud{@L-iS|(sM8og%z_O3cEZU^pLAUxCxBVj*@~4^aqB%23G$xa0 zPyD8J4pAHbxa#OfBS~Av<0MSRo62^G2y6GYD{jKO)%|i)@!DGsf2?93V?w|3ib~wS zE84FfoOW}8f#wm%){p{+Mw zt@W*K6S)o^q_>bU_m5*($|2yU;+B9v=~@qiV?5SGIfGShfbfDUY}|dgQjn8B|JMq& zq6C+sG>#NMrc?4M8<@|&8mXAf&+d$nj2L-@5&ZViouigbwT~O81L56+PfFB8%6?}m zrHvwcAioMl!iZJXly7&-1YzSnyr@51#`~h6Np9QxHYx(qkM|7uEy$Rgcl8oZSj4VKjr@DG-cx} zMX(*L6~%Zt%#Gzae~=g#he50OpHYOo{wK?Kf>R1!+gI8{mvL+k-y&^=tRAT|3oaHC zw~+|UjZQKLzl1GnzqA~sN7%M92`AGo5(q+y)`|DIYKlNSWh7R94n4f}UfB58x25V= z2i@g1$f_PO3G2Iq@}*UWEl^jeKap#hC%9xg7O*Kt?s0RB9Il9w9q(@!%iHELE2W;a zCVcZ2CQ7J$+@jNcFz&t;quO^Ey}hE7y9%8Cs;s)In{kbewHESNWTgH$!NH1EnID@g ziAi{@qj|zgUzW|78XsM&Ll{zXZ^+}Z?2CM~^;jt#4?ZRG#XX%u<2JQ|!D9yVrs++* z0MrKo)~(m9(~>`XERi2a-s8}+1`KR9G1V=D{;NP~RGWg+iqLJ&NV!dR==}hm1@%KP z@`olyLq@E`u$cCz|Ix6pG|bvzlH{aYM-{#ZilVtPsyVN_Zjf!4FfNmM6TvE1+Hdik zsl`sRvibaEcBtSO0(XAauuzWU0#X$Hz-}jZUpha$e|v6?$}&)Ugi=3Z1XKH>aoe-1 zj%D`AR=m@oA{2{~43JUdaJb`hZsxP7zC2{L4M(Py=q{cmYV0@OOJ6cth|1U`W*MVG z2#OFR`~QvL>t9dbXew$yLgYflHPVm>DmE|}I62-TvUh}JkJ1hi{jk;`j6^tSMg@{~39#rUpSFcm@8duL+{f1wm}LtDgUgOt=YcU)G>ov4G?5wkmc8|!HbK|KNr zM=4u3TArA|E{Ru^}~-#E47^FETfZf-(@P9PWKmX`aKT>o2qzti1#cO-E& zxu4;RTWL$k@%kzDtf{Co&|eYot{t{jwcGE5)57sE8TItVu93R5Yxf7rtrsP;i;>e~ z887qE_?I(maB_IO>=k=~K-eG*JF5mTkizIQC2KOiUe}u-)Sj7`QA#I8KnhOE`&QC> zQ=HlMHCIebMa_}uY)?B(9lH>_r(#G^4!K;mqYJmJHB3l<^Ea!59 zF3rboW$GPI7UweOlUDF|Vzxvn=cdXHSXQxSAuW!(Ob(4m{F95vq7MG2Qgz>FlCsLj z3Qd>Kg{Q??Q(aF+=lL%_igI=fiRCI}Ap~JE8jM%8Oh1mNDGZnw5uDRyDT>NvTHbqa z=>AN4EV?5PW+W`~sow20$3|}V4Xkbd7@c-AkM|B`KgzXTy!G~!ReU8a zdNL_J+*;~KdfE~LHN#u!n?_bK`zHW*mgt&&D5isO;f@|Rnl=HZZ%Gr@M(UHl zItACNyS?W+1Jm8mu>Ny`u;aOrocPe=d>j4OQI7GKKd1%thi?kEtJjq*x)U2iHQ%%o<{9XkR9 z#VmBL`?+jQ#Wc&%_B(d>L3Dlhj9g(`cG~DH7J=>z$Zk>>p_ERJp5s}QhsZ~u<~23( zlh`KIJVAtlh4ZKXzkg<{e?0d%QsMxpjD>?Ua(HX~i5bzaQNd2y_j;&^D?-dfLt{Ar z?@Lu0auv^nQ71)`3;)TRKYwRQlqg;&2$*DYip$-CntjY>hEhSojNtMt`X$^|Z=Kry z6!vL;yB?Y`fdjg?dvTA8!XnY~rG`XUQT;4{OEa65cvuyMjn(l*jKO7Ws{nw0XXJtR z@duttm(`Z;k-nu(`+C9itUZZ6V&*;L| z8<~6jW+#)`TA$B?mvu&l2?3)|q?~3Jn_(UgV)W+XnFbz@soc!cq){`b(a_ZuqzAEbxy)7G%=%fhw^ zU1}I?0>M|k-U9gvS6z3eN7xkqGX!@^$NPVub>K6=-ygiDM#&WqzynV~rYq%COX$F8FeZL%pJKhD08se~iaiA%nK?b>_m!ltI!K z)>Gm?;$!1bP|OZo`mAdZ31I|kyk&-T<_Yf~T-J$78Bj#eKwW0Ruj8?o#mNq6kXc-V zH&N*?DOeuIo&Mw7PA6U0A7s|oNo)juD3oRbOinx)LGK0&o&imOwrXDWTyQnfYlikP zk*~?zTwYeJ;jxKF8=x4D&r#9oz^)SDRhW;0IMR~3iYI~37~+lXgCO#Z5)21jmmh`?EUbA z&Dkgy`1RSAyOY7^|AHMiTNot!*6Fc$^Ox4~nnLoKfitu9zuTG}+@)Hu(aCC)O($z& zq3$v~ybMRWwr78{ zDSJ7#IxLVkwbDbu0)*?xXwv~Vq6VCd_pO$Wre*R#>R%DAQW@q6+B9^?Q%?Ya2s$s4 z!RelRJA^K38oF~xZ`$nb{Z&R)DZ_k4YIAUh7;Gaj?embgLx*rWr@(k}n|8@Gu#&KL zA87Y{vmX=`B$N|7xO=`-V>psXg@-V>uVeTXLhoDh%!)S^iO;p2wK5LT74?YtF6rp2 zrENSc5$LzDk);CX=W-j_KA$aM}!6DJVe&eaZnU$G&pILl)Ex1-Sts@C3`j`1kDL%xkJ|`g&=^D z>_h`47BVZOVeG}x091_fCEadKHzvq`_k1qNgf0r=@l^lpxcMN+il<7{~nrzUV@Wu#j8`iF|X?t~SaXs=BIVv^hK#m*hF5Bz{=x>=Xe>tXD znQSFFEM5#fq4#EV4hq0wPw3BQEX5(ClghKmq)1m`gb-l)*jAf(V-VmRl++)SZ}23C zFh+z~7Vl$dRZ`#QW#t}WgoO{2!|4r$56#qZ*t2*2?y**+MrSrVyg2sOH@=?@_<;{u zHdj?X2Z5F0Pj!!}dSl#8owgr40&duu(pS%Uu!Q-14qVz$70VfoZ_IRlg57a^+6DIr zSOXA)^u@FvcoMj3CTo^cp=(TLNu1P#^>N+O%PODHAW+c2H+nPM#Cp!fQT*_=zv`|h z6EV~3^f|MehbkVeV?S4NHoDRPTlUdUX ze0TxYM5ubage803$){8i!j+vdz-+_wv3nPqkDf0`{Nr1H#?Bxgvz9+A#9z$YY_F}U z+2wYpLu#eEJh;(7l|L!ow`a`_Fb3E-Ax@G{f0OtDcS8uh>e#=tyAoS)(2ekbuj-3z zM!T@>0)Z8uOXKYfZ3H*D!AqsPru7D0qjLx9JWth4@>CXe&7O-J1)NL&yF03TX!N^HH(UW%6xVU29mRWc4ccMleN#V^&QGzvT zToUiJ*I8%zTg{kD^S$>qjMa=v+oavlOwQ`jp{+j=BQv|d4ZF^$8_q96*AwW+XBV+h8EmW5}FHY6C`fa&DnJr=m6w@_)+_RI{A`-z%6LKHd6hCP5`HQbHaely^iry+$`-9}QX4?zp{cuCx)2 zc=s0!J9vvHK6xL?`15jy;;@xoKww*uyc_yCgdJ>{*ONi_(SM#l5R2Phb9}?JmO$(g zo#0a+hoYX)`($-OG!-aRP&9w!^r8t$X#RMECNEpAtUL=^8|1@LsnWQ58@`_0)Q&A#q&9jj-76F?5oz=Am%_r9y*~>pS_T+|dsX8%ntJ z)-Ns_6cgZD@`t?j2UoMADf|Z1Z3B~amv!RvA>zBgF0y)eE=Cb5q=;Y|-T(Y0obyjz z2J&**!bal}*)4|Mn8s}w(HSqnSqY}0y>>4cPEZ7bK$k)<;DEu=5KFOf6$vbsVWhL-qUzIVV71X$E334r>oqsON_j>p zSJ4G{i?g#$AVwN$W#FSvLS9qu2Lep*frH@MMwgp`gzGaXXSD+6#{N15F@KW}4*RRh2tSSigTlgm zbqp@Mu~|=t!t7^H2?qf|(*VK6ArOVhOAJY*DEgRlJJVm0b*G=l!WK`-WZyprH+~Ir zxO@A)iQ!t#sIRY26ZcneqG56C88X5-26$6!a;>Jkv+EgJ+!dQKgQ_aA%K420%mBlcZ;w)9?)Sf?f=62~QZpJx zZq^ykRCOw*#d)QezZKOD4^nqWYLNpJP?3C%Pesx+pD&izlLF)Ge2bNtC#E5l$kd_- z(HElv^^^{k+a|oj>$Yca1XjOVvlQFqi2PA{X75M8$*y7y)Ua(&YOaPkbWm#QzK&Fvp*Lt=}r+3HEQyhgvd!p>u@@a zG%n-T!Wvz^F3Qqq93Lse?8jp`O4=CVQTR|Vvx?vh2G zSLM%%6xaHxrJCd-x`kh?wYL|K1#2T&v-~+b>pbW^Z)KM{AI@UZ z_oA*IOQDGjhqm--&39Et(+oUoP@o?=tM5Y>97i(&gex;VJi8R_r#})rgi^)r2p*yQ z=#Yi*iT?W@idygaoy5?ZMt(BZDNzwBoV$y%sz#=&MHAw@<}2*QAFSkV?hJI854Mo& zC#d6LGt8`uZ%i9_x|#^HT0A!hV2-USTd6F{RmAI~wTBW8p78)hK1K{db6>J3&P*(> zM0%}Wf9i-vmON1eNE{9aL7-?(Pp=3AjTo30Z1*NSHy0yt&n2|~p_;+lq7wPnHKa^Y z&Sf(4h+8z0o?$+ZEFyFC>c9BQ=4w@;fQ7wDi2N*Mz%=$+*{JTG825}TWQ?ECh_bRlbMDnKiQcmm#mH4r24eG!_3Ik}Ci;hCq!!@G@ zooo;2ZM`|_tOsd*6bbKQ)@=>9BKs|3l6ANP)(%^oR=!8&#-SQzEk9j_)hs=VpQ@$u zG*X_bweTWH24j3*-(n0!*HCaq>nZ-(4i|bNo|iV1nTDEb33@656(rvCcYF01UYXDR zr+L{KNO~nfC>T-Lr>4&G7;!MAYsU|p^0@v&Ij~0ZLG|NnwtvLvY%5w=50|ydq;r^> zi4p`Rx*jSI(_xt%Q z*577{Zs5F~1DrrwG{e<#(xkoD(ow`76FeG$Wm5BJgOd;u+RoCgqM34hA7n?R?9P%| z7-x2O>!99ppbyDE%g%^iCE1OuA7lDu!b_J|*ErPewk2gHVpQaD=g9UwJ5&(0t|5O{ zIw9TWP6y!PTvsAscH7S;x65ho!ul_y#%p0#M1W|ZN_`C*J~ z1ub=ui)fS4!y1dR_emo)rjoCzZ!8I2|IZ768JIET<=DGrkCmCx)+94y)Fe!qz-o_U z1Gzj!wFHKRX5yfC)9^CZaIN}aU@h_&={q%FtK|y?UkOunTzR16;qXb$+6e#3Wec&e6kpWT|85F{omwh_8<*G#ySByRjFc|LTy@BxCVBgmXEF< zYgEY8B0@o-RY-7XJ$4zRB8I7P1)to3hh zm)#WGx>1i%Q@*pfo7pTynohLmiy{F}UgBq->Tp1&-K#+oUkmgC1;6=)?=mSgobR|b z9o{a-PDM?X2y;&m+;&OnSIsJ)Bk60Ys7#iz-jCHpAV`V8%d@0?9U*4AS%Gto>F_7t z*YVQMQ&s<#ohqE8>htGuwxZDU6Z^GR7%m_$4f*x(tX0{0qvK?)Z+X+Hf8$lG@i(2)LZ#E)3#+aT_0&`i_snkVPcig2fL1A_eTYq!v#eht1|d zidlskrmd@2w0v4FXJxUvWQLfwhnRw`v&3y(%uZ7|UkcvFR8r1`i%CjT@-6KtlE?YY zpcw6t>s28@Rz2Hjo+o|h4g~!U`!XzE={+TPe-H2U9NIeuUek;nv~q-*K^)35+Fa_JXbC!- zm)-5{pM#6Wc8Te6Yfw-$!6OFxrH%L)doX&5bT2q)&8q$Oy03|LGR9bxIqVMi+ph#L zg0lV?DUWh!b4T%0-TfjQvhmN1Hyu~mT12>PFV1_Q!n?Xdg6hx%QkI>!RFNj!#zs2* zKFT=9&eX1ByHSQL1AV0f${06%06-Bz!O;zRaVXnua&6} zN`)!mXaweb=nDW7A*~^^qorFQKyLA=c-S#V=p-piRIDqiuFi8-8Ld?HjR&ZBt)e1? zo;2JVyI|y)^_ZG=Fz(~7!l;WskMxD)6vy9nzdjQvko!7RUT;t=*!*o1h3ul9BN@^v z`$ZmCskm!|^6G57hhG8V`MC!#33$VosHnzX96Vz1d(M*I3~ZLOhuO)_mn2Mfv!Lu9 z)!Y%&q;v+#@V2ugu6#*h%M?d(M?cd#4{97r@Lju3=Zg6=uLw*neMFduN8Ax*xC4KU zFAJAj&vU3{SyFy_t|VZdvFl}SQhIaRPmY~y_p7zl(vsg#&g_aI|LSmFWup1w%Gh6tqsQ)NXi=b8|{B|aT{7Frfrdn zu;h(Us5XEX%i!Nq*cU_T^ig_tQvj~aD8bUSs-zBDx1Vog+tQQv5HkZ2_M^mgsD2@R zbln+7MdN<*@sm@@`FcKIHkk$S91@-7WqzhSi=8|0af1I6otchtC2YQ8-9WIfJU}!g zMP!_VY9er8D{rt}!^`qDkSrt$!MuT5P?M-Pml|QwF5^auHemRv2|g69sC$S+(t2@ASsy4(td|@3UdOM1q@_LiFs4 zG&^f9^(Q#ztSNZOHT~z-R`*+`hmiTnfhcaL*LJvO*D0;JMv3UAnohQ0f`jY#_R!Ct z#QoCr*0?*^uB|6KrAuT7g<;JF`ofFHE7qrCog*8#i}>CWnw0x0>9mA%-Goy~QX(7R zY-%m}L1&>a!mM!kX#8r49n#Y*h;>S{ExQ}8Rip*W>&?TY(_^8xY-(-MrcDQfHMvne zqfzKZSo|dLN$)|SR;!ZxvROJy)j!zvvmkpoZY=|!x zJ`6E3nm8SHw=HzHJ*G?9Ow$^!^E6B4{MDGtw+WKAr++-4<=dQdJ&|ub>}SO}J|`2# zUi2r__~KNXB5j|};#YO+=e1eF!85>!6ujVAHe8EBu;;T{;h3ZE-pd*82wE!vwX>@E zk*;XFP?11F-xGP6WXU4!0%`Ke|6!+d3+ZQ@EjUh4Iv(qV)Ou7AN~BU7B%D5EmqmS5 zn5G@<=a<}hrzWj_%98HwNW2zFRo8LN6+8V;iE#01+of{*lCGbh@7|Y4^Lsig%qH1k zrNlmt?CX}Hbm*+y2KjY5#*zwS7UkNCl%6DNElw(btV zr`SRBO?fq3sV=gTL3pOTjW7)xskZ7o{GZ`}TA?2SJTL$J&9lRAmJj~XA~P27rxi`kdI zWS0%!A}=W{B7E4qU>8qV7#4I^6K=Ssb27*eLJh>;bUfC~6sQgx*f;18`LHgGC0FX1 zU3JZNRyL}BiRVqdnqJNjrdNh2fQ)mHb*lso`{mSc4x_qM2{mN(#^PT&nt~AA)AxYU zIK{~Gbzx&VEVcf+4esjlPQPM34|U+eG|id)rc!qJ=4d{g<_pLaZ(F~!NqWye*Er75 z$-uB2O^O+d<}p1v3Pj)Q_5b|E#HtD(g)dzQnI_#P3c9gBzyz2(ch#9HG+aRoA5zAA)Q-3&CZSxw*l?a zadi`Wh7!zJnD0+31&so1W<7_$+M@7;f;6rV=3@$>Na z@L<}g=LV^rk|FNUP&agt3#ks4xMn(IS*5m4DKXMF34cE;j8wz6?v(Kt%>O!#mDcRp zajc@z@KMvA7j#6pzMZ23E9&-m5-)JBv)w>*NmgyRiEX-O+J3mj^n|3Lw-}8Olo?+W z(=-+jQ_3CKzz@}8$}|>QRcLz}bb-n3Z}xHiGg{_8m7FsSXKG0mX)wGIj}yKAV8u?@ zisEsi!;EN4z6W{zIAlDoO*6EW&JC3Heg+4hBB3Q6psmetr+%IPj;c}C z%HR3sX49CcC-H((m6_y|L4y?xjTv0#K9^fuWwaJig8RW^ zK{*6YEqbbpUfUi-cXIed;1eTx0I$Ulw5^e+Z0!|RSJ4QwAh?{?j@S#fK5WU`Y|><; zsG2+uzFZYY9F`Ei%GYv1R#{^2yUAlD}={x=VtB&Qz zr|k2OM`b|cX*sPq*PBj_jZKX9?=aATocBsEgY-#j8YD_iB~38X%#Ymb?2qWXgy z=CZKy$wujtmJ{iT2y`vO1UQr!VkMd~Zt~ao5G zuuSqP!kjA(Rv4KhE|R9$CWZ1;Syi%2>0Y$Qsz@Q_NA5DJTO(q_AQdPhdHBY%z8?@g zPmL=%OZBZWx8%2+He6x7SxRPPX}i2u=^q^_GNi08o99)koGmTdI);C(?6ADk%$qN^ znjAl6Q=oLRx>?xK{NouSvp8tj;a|8^`=yU?#@uF3L$O1NCsAE&o=TC5?7^Bp7i1wd z^)%|dD9pETB<6B>b~@+M$$#RWa63<(_LppNwlO)|n;=Sq$cn*aWzD>$>&*TKVIyNK zNnnnTq)irzV^&{)`4>J#96Qs%8oy+k!)4|)2F$6o;tG{R?_N69@2g)k`u1E_W;3!E zXdg=zb4nFRZze{AJhUJlopkivbD$! zQXY?E2RTZOzs{NJh+U?Ka|LQAySz*`uK@YL0mqgo6beLWHagk%c97=Xi!<^Gi`(e4 z5PT+p{Fb}TH=i=Fy`I)7`JqV8jFRvkPs_QQ1?9koKt#x`vN1hiUav@olEiAs(L_~t z@Ill&y-KmT+%8nLgUgN@U~gIKHdn+-x-H4En)ytWZNFOAi9snMR|hl%MiTKno^oms zMAhy!-0tOAT94JUmprFj7atuYlR#}nJBju3r&Z!(UYkSonwvvRCn zC(>I&(}!;fVW(L(s1P%n@Ov;s89VEK_Pcgc9kdHz%g}KZ)^(?gEE4Mk4c5XCg0TbFsHwHE-a>HP|e2 z#g0v36@=^IV^gP0~5h{};j6DQ-p216C9J>)CYCMDw3Qn;|FIV8D(= zfv^n>4<}``%(&n-G``#_fl!T%LKcdS#Ef)`FZPQb!D96nHM-gJ+Pvaw!Q4DjjjgVD z&{zZ$!h>2I-5>=0OXwrkTgT}muhkK4A0!SWTZ1DAPw5>U)8Jk~;WMO@(L*`*YWXd4 zpP)I017H;u7Y{kjZZ#HuHnf)nY0a?cBQE_=XdZ+J68nscW#*RSZfqaRO2coAAq@SR z6)N^dT3;P4!hOC)a}XshkBTt&MvdTK*6)FHl6!o}-H>xs6j@PJK=r!~ktv_=)>CyZ0vuMEN~OlBKKF z(Ic-t4;?h6@DXFXWOW#{>=|mhB?2hCIXfb*@_2^=Cs})ob`$bJQCM*ggth_(Qo5xf zGT(4Mg}bYGE__~>_gv{P`|o5$vD>!UO={k)RT8h^GeegY1mOMdFrk`-Lvvo5nlOP~ z0mNFdEz;;Q)sWZu6O$j?VyFu4^pd{Tz1bLz#Kf2Wp;6&aFE&a2`5NcFNO{EXsHLS2)5q+7C;LW_M!O0Bm-{JFoXn)#? zU}(SU@dJnE=Hbz{p4Kz^%@e3B7MLHgl9Q(wm&&`UEY`yOU36BGb@R12MB)0Prd$G~ zAY9}%c7?5@`4&QF%BGTO03GS5hhm6`y@RbbRS>B#M&oK4n5Pf}hn2a9v;r2el|$w> zMBDgCxt%--n_-h^sHE!=x#-2=^R{|0QJeAms9!dz$coBZ&54s=#N3ZlRe6!QN1Sk_ zZ4}e~R)hJMr8@a5`G<7+f$4lSho2`4q{8I#7yhF}ibd-T# z`#rix#UB7k4t9iJyTy=g()I_Y)IpRM`ARFDkp1)tFyEbM?g^=n-BIYS9>R+DW?Wo; z)UuR2poxUXB*c5*iS}L9kF0ed=(49`*l_|4I4xJGA!-kY(sa4rPAUPADpCl!V@2PZ z!<SktXNkdH?9uXleA+glq`MATFDQdLzortt_kF4e3&G!k>NIar`3$M*2}_#0*SrKRzXSBQ#ldtiI65ZV;p zvA6WA&rC$aonWd6w=U6`Wm}c!i`sLEXk29sl;%GUFPGbZI?+yc+qQlu^zlxcX(`V{6#U}(0>WwNVL!&18%oTQ!sZ~f$k~=7 z=tJ=8HKocwpD2a|j;0uif1`h6D||09pwULdSo{f+xtC9U$}X$GdcqU%(IWLAZE?EU zll&foiHv-`?z(BcQcp!kXZ`u{J{UtFuC?A~jKus8zbDLov?%{$#`$gHnDw>w0o%Yc zFqY&{pF2pzwd=diG!d&>R@>945gHty;d#S`ZJD(nsPvCinMHyFJaqq>1J14DWEgPq z0OZkZqx#GPM;=Gt8)tN23DXeTs5*xv>P^R9PKh{FE-yu-M1Os{887Z0XdD>ChTto^UoAPVc;#x(#zj2_fve@PR@51xC zT^0TDnc<_SqtkA(!B2ZLtI{f)&*pKp*&B*0{_gbU_tM}GRcuI*-n6>!!s9<1mczKmxn97i4>XdsD3PMH$6Q=8I(Yw(?M>m2B-bMy*lv3{tI90` zuCAj4ic&e)i|f+<50|t--dRZ;H6N<= zMkXg?M)y5DJ#|~1hKC1)WTuL2sWQcjw6+LO+G)DWX(h`XBGhYAD=Oph8< z7RYAMP;&@ejOTMsa%>>JhCpoeb#UBI``f%9ybEN)bTB#;ikwQ1%!pz=Und#<*v&l&=SOVAk>8T>5GO^vb&92^ zCf-bC$5IzPDRz+YK8@TTvbSgXn>53q4LH>CxF~J*1KQui68N1?f-$FX11T0sfD?7pTO3>C@`4NjktIJhK{ytnpV^EtT`Ad=I^4I^~dG? zpd z5*cKJq$~YX2K-D6mWOY7q{xFp`AK9xr#tv#2O2 z28INdkNqZf0v}Ji44qH8`T0giQ#qB)4tC7{EMa74N|1^fZNM@{HY@%SGnY3K?+v-p zf<>Kk*jZHJBQzaX>de{y)VsNhl_Xeu(h4vG+88b5F+_OMJy*_PHpEfu%chDm0!`PC z+Z{a&-vV7di)xzXkKpw^{dP8WEg=ZUE_?sKFTm!(_a#Q72L9{v6d)A$RTEdun|`QT zDXB$v{>wVZWa=aVa57r@(FFwyI_X~1{(Z^FYG)*7T8Gb2!e}mL>k1NPHN&T#)X?4q z)C&kCL)@D@a|a&Oh3(QBf&2Ie$lRdMxPX3q%)3ruY3<}c0+p}XpbkMyV2#`$WfdC1k$5VnqcagtON;0aNKknTQ++XG!<2h2}9#>V)(ZAi{W(qG#`iR2T zK)}#e@b^V^wxbC3yadk#7+jjc=<*RzYmZ7b#5e984iStW9SF6&;3e5A-waJ zDbWUjDOc2M)E{A3afLI*fMLenaV)|NJdR#e{A-l8koIuNU&Ug&JYB3)(}FY=f}Fn{ zW~pla{3k+%km**UOGM?@F;3m45Hq?@I}_jSi;TQ?sB5)bc7WqjD(qH$G<1`yoOhom z-r@Ce2y5+(t(5$yZ->f73uneR$CE6+&2?&pA<{cu4Tnk`e+Sq(C6ckw|*pc?WHvP3seXVRa%VvL0#H;7#A zoFrZ%y|KF&h8*B!o!uUHp+q`}xFzEZhR zQvKw3JvFyk^E2O=8PzfBuFRf?x%8muHyQiX4>2N&BGd1`O+-nZ z_+(QXfspvU3?H6T%xNjukI8thq;hX8JCtxm7!rcECp0M}$i6#w^aP}caR8Zs6} zhVy9DMKPP$#n-w5^g{qvZxet5G7maT=<4da~2wf_6Z!;DIoI$`Gb zn}H)tkHPP+#TfiQ6OWCLAYyP7|^S1o!2|S2aWraHzHF4$ZL%=%RPMdPZW5&9Im9;0S&BW;> z`RVm{iZVY$SygqT#qkg*%lPtT!a5P`m_A^Z$O_yIdN0D@8jTf)hJDDHRkAJdRFe66 z_uNiSIs5dezHW=Bs6j8)6%1!Ty$f3N0e_hDCrpJrCbk-^MK7dkHU$&RrkF-7XAZU+rbs9u02w4iA@f$H z+sAvVbRKkcL2_y~+;!ukv~PZ>4ar=c#_fFKy6Mefy~28`WPR}Vd~0oe_1IbjKai-{ zk{RI~%gr*qE>5;j2&$QK`87vnlHi#a94l+!V5IdLPwlArRg3aNkkIqn?~F?fb4{sG zO9z`TAXMN0igv;5RxWA}^UU*3ri{C3ii2(w;*sNjYal>=c&S)Z&Yj}A0a3TveOk^}g zz$z;#J3E?CLPKNa&`NLo8m2L4Ooc}jREHI3kObaY$NheHYH||?<*Z;s?pbD?;*~33_;pZJxu$Nzrrx~ zup;3cP1o#D(tq8W3tJ&(HmA*4R~xOBsFN-}b5HsI#Kqa4%mHZ5pU}4bdH{G`faUuN zdfHFX1&Hf?0uz?uwNaFqI_vR51<)-pM`3AciPQaN55PzS{9bOyGX*ch znvGV!>P)_Y{^sQw0!%=oLX{($F!aY2qvGe)cJF2TZM5Vr&}pf~cr+PUSnW2KV`wI< zv9%UQf%iKl=nmmZBLxu{Cb!&lrE=eu5+tN0dxT$UM;D`Zb;NSQ&L&mr!hof2$>YA4 zA{Wz%L%&3D4FUvXXWr`ywk%C#ef}!IVo@Php+W{d&9KLy0{rmX-j z$-r>=a(`;|&?{Azn3xEdS2DB?_l6UIQ}+6J2@Pt$8KD7Qp94EiKR-Vn*NZt>2`MRH z-A>QW`gX5fFE`GQjFFXFf&jHwjG!|2wXo2Uwgz4#NV83QVh+nA!h|Q4t6VfXDQOUpE~UG>yQI63 zF6j~w_~-U{-tYPkzQgzETL)esYp*@moO6tE-}e}EPBOEJGEYzQFLFl-eR?jkk3Aig zqt!!L0J8^O#*{@!GPZj=KKzkrZycwHdvCwxLYpXl79UFNtwj=|zOvxwByKKi4k3pQ zzQ3iu#!I>(5nTX7Lvb%s%thKQsivh+GWm0?N~=$F4B4{G>fz=F-dLqDdPSxc>>mrT zEEzcYoU5*)V*GS`XCyU|QRjMA=i>*Kq|3|8nPQDYV`m1e@czx)yF2{`dr@v>P0a#V z__-3T3!v87tu(161{94EUR_^juo_F6neC*0Y_r@fo<$`j)O-J)1)v?f^qDyv3?$N* zK}sk%kt4i(!6-Ad*|CI9zH(WAxTF=dGC(!xxP|UX!A$fikyuC5itQlornNPC%er+^`v$&)rLXIlD*9bAl zC_9KREG*3BWc3Z?^x}ejvWpdzMu&)J*)gud;evjGK&0MS>@LGWNJ6l(k8=3w#NM67 z=ve<$ao$8nE)N7bIHblbHT52byVk9SBP38r5+I3t&O)<$9bnHkt=ynqLYCFqT z!27p}iJTMvP{ch_g{ODAR?v5tto@=zVtLK|Ug;&wJ~K<`>$bvgO0XoR%R`_zaPpo? zlmw-@6HXk)x-4hJ(SLTK_b+JHa}43!{%S0 zY@rGY~{WG~X(@uyb@sLh@85 zPHvt^9$=i(sjVd59NS?u1^Bd(pup!Sic-Y^M9vsDh{dRFqPb}92iD200M>VZeFR>r z36&|ac*4Rt`r}#~xJT^m+h-7IY3ZAjwK)U$@ZOY5WJ`_|pXIqZSFrG{SiLlb-8{;a z9T5=`I7S=R24;3m0x{-t(vTcn$T%(bfRbiPz)-8bovL`TlBOPrr^*f0M}#$7ZhUr3M(AUZbp} zxY%kkGgBh1jj!s`-Nx?W&IPg^ME!?;~FJ$VDqZ#~cOYT4xJ{ha?h*Yx?M5CGerkENd@`-z z3G5{D<7S0rZHGBT^+?Bk5?K6z>nt8tt~+TnN~&6%qaBI3)+{Xq%kaU@Z78M+ojH2h z!rct41_;Cw=bC9LOC)_yBmoM+k+Nn`O5Cf<{H1d)`1$SaI27KR$&PF%E3P@$N}%L} z62M5=$zm)% z6doKLyuxMzM2z|N_V&xBkB^U}T}IT=Qav#ct#?siAkHJletts*NEnFQN46V}=;6Hw zC2XMb77-T4srC0gb^xX6w+L_~)bR-8Etx6Y7Za6WbbQjL`+?y^)S(`Eag~Rl^pRLl zlx)S;BNMu9$!qIPW&pO7?2S>PiIAav*>p<6KRbh!93=Yv0>dk|+2DA)R7si{2+VYm zX9{R0hVLEkUn#t$%2EsGp>!@6I+ON$?Y4aOO_93YnuF%}o4skvd*tRCL{b!Zla7h$ zX;o!q$G?Bhe*H4k*#WV<{c2W6uV0DgTVy(Nv%h5a&F=-{1&1T%*I2>eX!xu@b#<5_ z-_Ve`Q=TVMDtjRwe5{jMY9>OXlUQ4Otm1wJf5j4V8R}>JR3>2Tu5D-C34hYF$~s5~ z8&LU5j~c7NkF^pklUHa2?0k33}WPy#HPV|t@BLh&{hSQV*D?0;2(ev+QDtctd8 zj`#`NK}nkp&Py%wea*h%HKOK(e(WT(sX4(TXFwbHMp{!M>m`idkVU40N^=*9$LW?o zh^}qx;P6nju0JK@9B!5wF+KenisKvSMd|MW5tU!1Ij7}BITul1qU94 zgq(a62w-5B5m9~j?Ra9JKcaK{>wrs)jEvk3a&b|Yl$U3+nGSt%Wfv8v-GyJ z3z%7cULNQWNC%L{oo|ly9%$3k)0ow&hCMOHHp9A6{P>fOyLd4!F3uqN1Yh57$d6 zoYoOh8N5!CRB@3wtS}J!-BH4q0qZ9x-{42S(W)q93LQnnd&Ys*Us6=MTX5@pRvN#M zT@G=Uyd*0d79XOK>bp`3^K3)_<*o8-J6**~ej!Wwn5H6$Odr5Bjjs&XwLtE1H>`ja z=nU9E^%q0VDwlyyQ=YIBN8b`q;O=^y_d!vLt&2g92NYw?@bP;ZjJ#4z#^dPh3Iv5d zaN$Tx4cf6|74el^GZSy{xn5s=TwGkJHvd$_0yf>tp0EI+y-6L#W7Tal^6BrcFgWfc zDe3obo9?%OTi)EUSjUr14mYmZFOWUjYebJ-&Oc%hwvB8u!iX~swoie@6&!OUvT zi^$8%3lq-*0O;{zO!$i)0kAw%CQ}Y->Rlkru$v8!3&zXjdIYlw{=2}IL#r+BKYsi` zr&jpAw^y;axe8yZeh&o`M7|GKbIyD#%W`bV3^AIP7qd6G;sD%tjF2ad(K`I8Vjv5k z-z0~K`t{3PiN~6~o_(_fx7c<=-qYgv6w+ta;xk&8d?oejH9>RmoRqb=)562}Rdpz{>nc7C#0;DzXi4LNjEo%j_#-$tSd~tVE*=8GK#ad*=Cf6H!oa|YAQEii zFRx{0Yar-~&(1Jt*{NbzH$zWO>kpEYkYRmpF<2Ida};ec?bw);yn(u5^|qvgWc-t9 zAe8k$-57k2B#64dE|`I*{;^Jq77ESH*J`Jyq!hiUVJNRQ?DVg-p6l!D13JDT*pVhQ zG}N&%?dP_nq$CnP7XvRZuYiCT7<$=6rWX(j3W|yaoAe}$3P|Dxm6VilUVo9v<>KbnP*tVD2s=Hsf7>~kXyC&uCNGRfn0LyVQa(*_bX2j$Q+cqqvRKZaCzXy=^&4ogf+)4A zZVzp^xzvAfivt8Nl8TYB6dXA%eBMv&`}gj!9P)W_aWPTfLs}S0apv?r*3M#o@P4Q#LR59!QnY%e08<#rV!+7qw_O7tU$X|>1rz~PQln@ zKlZMz1v)>icL%rM?xcF(Uq9ULW;UVzc;5iJm3z%=3XuA)K!n=b+NLw0kQp5>H}X-Y zmg>~&xBIjnT6qci0tJ6Zze|ePdwPEU59mw|PR@NekbAfUvCsuv7Y}Jp{j zdu;R|bc+%bXEro6Z1zVp8?-Hxe)N}h+e1Nw^)D-9^b=uG{WB5dVc@p@A`VYp{2d5@8b2;e8D|>nJ9A(Roc`)3VfBOzB&_aS5e08Yob9A$2OS7}H=WIS-QsIeD zkysiT<39h@u1OVVS-aSo#)s@TuW<6W0R>eIp`IYRGY)kF@+a2swSoy-vP>>;mStQ$ zv;{L(8mTPf&0XJu!YoVurdX!_vy zLN!=eD3d$6Ro`^sqYGRSmNg~ppVLzS;;X8vBBB^ID}FVfv`q=lTGfJ#X15_rrthQs z7^89Z!o}_wNH#Pa(vhn!BpM(MpfiDmxgz<7TI$U^BV{(C&*IxJI<5y7lQ2&Sr**687du(-_J>P8Cy!qgVL<(#4 zs`X-1jCzulMvj2r!_aF`uQE0uA%Oi`|3wes2oKJB4N$ya+g*_mUQ1Qh|<9@(QnRFXi9Jk&*`~eh|Nx#Ly zuG2izn@dp88>kJyF#^5tPPh)FijEd*i)(6}fe;MBAeaYn+jG?XIu3BQOL(V{We^C7TijtBNXsZD_@jE0<_mXkRq(pvA`E3{{ zAI<)b)l!M3$%IIadqk7`!+Lj(@IU?hFDpV+ZTYxM?*uqMCYPZz+; zC8dmwjLb&U+=1)3z1a2i@Hlr9hzr*=-0X|wE1&7^R_2HYbzAQ4pIpy`f<7s7@blk; zg{!57g}8jq7CCPEKy_GYGVs*1KNl%r1j(0Tz{&7`G47X{<&7X#uPW*pu~K znfLi1^)m?Igq4+*bL9q^0`6=OXlH`_(i)gyAS$i7ZN7Q1f`wV{#Wsit4JD0vw>y@} z&7cJfk;@Qhtf+WTfySs^1C(cAs0Uf;=3^NTKw>}g(Yb?}B@}C=LhgaFGZ|9|5-C>t z!8%)A03Hs0b1|fokyYSVy%s$ zhA#~Ye1U4w1e6O|a75FIeL`nrXHS;Pi{vfy#xgf0LI%5)bNKaueWBh>2g|ebW0DE@ zncXt{r;Pv&o&MV2FO)r*4(K(C47WqQ0u|%0%6E-dGEZ=cVy*B{@Dn;L*NR_SjW|+}4k`!HceTYtJO% z317x+0Kxu{NVfNlo%lb<3Z)USFb)DHZ0;cKiKJx(xbm0A?*S+{q|P|vH&RV(j?(Od zE3-R{{~ZUE0SHLeGU(Km6c$PgI|B9N^3oa75den_6pUVuJ>|Q$XNTfmT!T;d#0OGb1A-4NcMoGvEnzy6=9x&&kX4x!q1I)+h)2 zrPU)7@O;N_cR5N?rAz0qM1%YSv2dZ;wR~`@-ey5rSJ&oz9AuA)1l&NweV!h@AASK_ z0iFm%Qk%-sF&Gs|!j}^(!E@*K)uK$6d0k(+{-@VMY(XU61p;HM*DY9X(wdk!2RH^J zINt7b9kg!Jq6SD7urFRbgJ3aee&^=^E&!Y!1IXD$vU$cc2(;P?NLG-~U%q?+X6Vqk z4C0%or>8K`{O@LoI{piA%dn;&bvqqyX_V%D3Xx>)!Mj&T2QKoZHvt^0wav-r>P-^oTKn z&3*?P@hWmwzQao+7X!NCXliFTu)y6m>ZE zqLnUSlZBnnv6U~I#7&Ao^~)>&&taSXFo=i^m6W9PS{{lgdMmXjYUZB4zG(`%Q~Qk4 zjOk@3yX6Ne`NbLf3h5VVH}09PLmRu$$XR6?ehn??u(Pup6`WaFc>pj283{?70gDU| z2ghwIMyl;RzTCpo=ej!c>elPTW3IWZ?aqn}kB~4@oNTdPLtVX0r+(CgZN+&?UZrck z#xibdf4R;!wN7_kpthzaB03r_K(zeE=7=UVkmaLXofR+o?NW!e$Es!=f)Oz-h;G;-^3TpoE8dPG8?~kka?>CUL%Z=i6W;Q?_KF@~YlDdU^c~qc0mL zGVnaAZEbB072l{^vTNRq;wSRh`=Lrl3E#y~jHhsDZE(K`(x{^1nGe6s*B*{t$7)h1 zEVg)YjXCDFakvz%2Nd!^5! zrkWYokBtHQqpHf$#>NI1!(sxc)d16V$7S5?P7gE#y6ol!_HgU{Ca z3I1ZxuvEG)IJQzWptfkb651{Z1BQm)rx|45KW}a649(4VK_^Kut_BGYM<7hB(LeXjlSDx9gwVn~Sie!d^nkhI-y1#+bxCARG`RL?1&QCHvN9}*v$p%=sq6Ob1RW^pI68a7y$qz_1O_d~ zb2NX~WruzZFn58lxHDTka69Mwpb@o61dg}zJZVkbYyhn=Sb79#XVv4dH2?8lQ)GwJ zFva!6YnQ+MGM5>2om!A*xSN1o{nD$OyD2;y-nh#M-Ichexc3*8PXCh&c&R%F0>72N&i&70f1 zH5_8%F|%rbyc%i!K^#DV2fYWp&tS9dLX|04p+b$k{qPG;n8)kS=}p^B>y+D#I9cU~ z?k|M=E^Y!DysnSK=0epVTmt;}u$3?4=?J71Ad-h7K8rsN<4ewu&lW(@EOBsAPWZK8zdyqh|ksC z0|OyzC(NHPAm)A+9E)>v8qmie0lvPuxtSXU^NZoDOm0(ivn)=>hTMOfWvKA(e;TN2 zIZHZhR;{O}XII}WQoc4Z5hF(hLa^TVIXF$ZtO*N6MdT>#&%B^W$czn_fB|xWiWqcv zfA7!&83tJMU99T&fLwsBfi`jN&C{nzy6WiyG$~6O47Oys7arb982$bI_;`4Tmv@lx z!GVEy5)wfRHcX#LAg|IHev*@u%O)_;g5S*jDl1uwXRN9hWC-Cq#PW*{IyyS4On)Mt zZ7kJ)eA@MW++Db#l^6TZAVMgEd4awSy-X3ohT_mmBw6gge|?|#^*>_*`9@3ezk1t` z>1SJOfPS1bp9r-N;8Dc2^RXJ|fTG zm1{uqAd21{J z$qhmgsdOwjQ@#$&7loyy5woWY;in6r1!{xS`1D*?wy!*7FS;QZ%Amo=uI-)xa7xF{ zmg(IujQP}MWr=wn0Q&F!XFb?d>+v*L`0uD|o61tsph??B`U!w!^@WA|WzENq%`1!7 zVCkp8pI-rmst2H&%4h9ca)@da?fT&W}CIYkEmoIooTK$M3@rOos0 zpS3GyLq-{1=YxQY&u%-eIP?<&e>~*r7H%8JlCEIjv7d_-z8ygP_ZQT0f&Qw8c5)xo zQO%V5d|GSs2BtW+bp#c{egF3R{#{vn&@(mN2Bo9f6EvuySq-*JTx56S!9tgN+0i~n z)&^59kKhem`Uzca*4kQ2OOL94GT{>uG2M+ld;c1gAJ?zgL2C{ev3>$YaSbStwol;o zTLAKm_PNXkr6g@2LexY;f4Dm+22~<|0iSw2d3rnnI<=|oJ$Bn^&@RBv-NcU-YbVfD zI<9f(pgS1q6^Knx+P$^Ta%NoJMAFu1%Eun9C z4QyziocMO&^z^iO?ZM90*uY>7psO~3v~F5YyfYs!^Pv?llYdzt5)(^H_r1(MXCQbD zny@Vr+$FU#Y`1cTfdCP8wCyp^lzDZ`YVj!~i z#SZ558u7ZFk{JI6vJ^DkTAO~-db0{THG>r->*c6aK7M32mP^3pejG<7i{WOT#VhIHOa=^bMBUm%X%vo?=!olGhXVEmR9M2i}rn9=tff?_zWV<*j z{C6E02#MM$#E|c&s%otVMa3Cz8wg~R3N*14Gqba8pw4y?3DAo@WSpGJ#cewEWK*gc_>|)YPOTC4upV?m;gyxCu)vss*I6%*zM+FGsC^T<-2#!b#@GZXPH|({iw>2* zYXhG2<;zR5$-^sbJ?DuUIA|MiC8s~c0CXChz--_HJl0O#Yb2yQuQq_REDUza%JW8y z&_a8FYNy!d__Mq>0p-q12psDqID2@dkUzD15zj^OIjDR00>S@lDjaYfpfV@a!p4Td z^_M-t?wOmHQ0Cf+1_mYf8hJf?2bl{P!E=FfwO|DyrjUWnGmGHQW4ozdy08JFN*L6c z-thge7+mnVY(RzO&6@9%@6(O%p)()fegh6ZzH!8eBg%H2XX~mB7d}#O_~Tm$#xgJf z*Y^9BkKTtmaonJ3%`0{+I5o^pyWy7AIE*p0m%Z~wvhX8jPQcN4Cl8vGs9Pg!KGS>; z3SSw1Rxwx`fVrPKB1uiiv+ulURSV@KL$+f_uPZbKujh@So*7unn$_-pvI0$9eg2eX zKCzRP2=db% zAXv$YUK{9ZfBLu`BNI8W!YOZ_6yrv*r-+z)8*y}O5I%syI|GBvYd6q$af8!ybBP>e zpI_vZl|}8|`uROO`U(CijWs{_Lywdsk9qg@ZNSvNGY`ST!^7hB`908s3gRG!`vN~ya}7}xIO_p|S*_DGa1y?k*~F+ybn$l};+26h`SbTc zqy26JyB)fnK$&hMTfGDDH-)M))?`f}IkLX~p)~GMo_pmIr0Fdi*EXYteWv8OQ73>U z0Gi_iP(7NGlvKaY$JVQio0fbI;nyOhw-1lYhP}rt%>al1JuK7$2R15{h6;m-SR)z>UQlic*YFJCWx#)G2Y`e~g?a>( z4dB%--2^mr9fDj~cW&;1@4sE{ogdVSAb~&eT)VGH-#q)n?0fsuUpHdARbKwzmh3=~ zYyMsJ6Bs@eW*yi=WXSO%xi~p3-St4XL%Ze(lqQ0rqjs?179Ss9`0*@y_qrWKkD}sY zsOEogU{(5xz!=<74k9tMlH1Cv>8uZbq8b~k82mBu=Zy34T-!CL?Y*MUIXbZA^mZpg zSCztPXaKRADY_Wt{|E}Ue4xAq1Q&&+g~O{=5dU&-r6GvFLFWf89jyZF1=^y=G#7v@ zRA8$}ftIN2I0))tfb!e`w%0dgDX@J47$=UOiOB8OGuv#MFyL+ z8k~CB01fPKieT#lRnvMpI-U!ri8C`Z(7ow@9&y=XO)V@mnheIuGBuijct5cCu?NpjdE(#UEGwT0_ofgFy>GK@|XZlT?OBF zbvUQUq=+ryFqR>xkYA1R>IV!1O3XWx^94}Gu%kfiCju6YWasAQ78TLeKR5mjkQbH& zc$Y|lF-4zrK=Xl1d|i!chzi&h5Zpm}3+To!&4TqHiu~$$rj@{Lw_NZkWg<}Q2f0)f z$QoKccsd~w@_lXm@{v26g98jF``mYp)-^-CJ zEC#A{4^SYZcsz}e;W&n$5tYhP&+J`jjs|nV-GI`~&CIBc*AJMmz3}$_EJ2<+vXS-D6a`=KVgJ_-8!UJ z13y5&q4!H5$}gMP#fKs8$N9BP!(1ejN(7;E-yXkF@P^=q_cnmy z;d|NZY&&Pj@@Kw1kuRY)fVPU@l2(bJ5qh%=&`?wy!4CO}hJ0TcKao^egg(Y(-z_rr z#@McnRP8GVSHGk2Q&PsHB!Y4?aDfJ}_~KmsHR@TgiAPHcg?;hEOqs%r-Au#We~!Ck zfJjjHAOs76mqkw8ibM541p1k;3u55I+0{nNl1s0c}p*ah3kww(>s~oNjFZfcWh9=NqRKyAXAbF zvYOfG)02@7qq}r)wZSrH99elWh^`)3O8zkrSqb>u*wC)RVc-mDPjdtT;gO^(2b7-H_Z~-*|YNeYda|*RqZiY$S~f4Wr$g7D#SzZ3>9Qf!qr)+8?L3kUAX zof%vrFUtC%dg$|Xxda))#RYjHVyq&(|0oqAmY`FGFXR2h_V)14@Qc0$+Bom05||u@ zO59_5t7UV{YaNV_+Qs^67L-7>190W~1+qN7<`NwwAq^BbE~6KRIjN%kLW)M5=Pl&mDBJ96 z=UoF;Bi=!kosNAGF?f5d0h+Cl=*37(s(R6-s-7R&cutNHn}VDh?-ebkWK*LM92o$cR!Zq8-E2>Joe;Pv?82|jY@mf|4p6AzF zQNk!OXlK}hWHfaHW9^A<53UlP&1KKpZ5&LymCH%qjGWa`3p}?UywVL#ez0G3-gxCN<(e zL|H?g6ShocW6+Z>@0+K#q~V}ZuYJ+9+Vr9|)3Xb`%Ckva{r*u?DGi+SySlGr^yB~k zR6ek6T_1WKfmhrVz8pO_YRr2j%HTd(3_Og0?Pc5JrM4WZutXI7_r0cXjmmmyP!afw zs_jY3c~>)y5Wm1(yxp}YhkEAERsMme&N&YYwB&(ji5Ye6n^;Gz21>bsF(^!CY2SBO zW+Y_cU2kVDT6C%0TCyX|f&!w#S{AI|y*3R)A0*2b4_GMkj;lXKst<$8b%veqeqP#p zp4~Mig1DS77oUug7>U{6Z#6CcZS%ziuTBlKyX(~{zKjvh++H~DM_0^hlS_X(CVbRL zYN|kaq%!V40{K~sk5xP|3~b47`IVcW1l(UmL&ea~K_;%BAG%X%g6J5)qZ!aqBJG~% zZ#wEYbD3}No{-xah5tIwBe$}`Kv*{#$2Z?_uFvJkP7YzM{N=m-2#d~BHrmChtEE*r z$#q+31~*4&42JDB!n$Qle{kRsSSI^V0%M?o>t>*xvOuK$@QjpHz?6C}T%ohs+KrNq zayu&sHt1r#on{PK&Y+-UNmoWdcMsxnw{ROzfVzM;+;SH9ylz3E)xnWV%ScKkaBNV8 z`ZhSIC^XQXW)LR^i834Vel>}#-{8?5Do-98CZQ@}FLGi{dZCMDj@<*|XH}^li zXRc}tI5hCg7dk6)dVe_#N#|OSTK04*P=!kPOi7%)OZqf=iknm2IPKOcoaqu(eNo(C znQ7%>FUXo#kKmE|wI}4VFz%sy5&i>>?CxI~AMc2>C`2Fyi}1!t-79}=RR)4*6hDrc ztgWubYuC0{7WxS5(I9ujX+0|d#0X@;%W9?8@*(b?`E?V3-1R=fm%21mdisD(${%FAjylFq->&hF(%_g%3oPZXTo#kwxiL+csx=P zQ_?fwx4_9I!Vh^x7s1H9B&Q(8#el%m=>bvV6MHBBHuj;619jnM?Kxc2w9cM=H_o`} z^?D-a3nQh2!N0xfL7N5z+{l_>%GX>GCJVj20B((Z7i&4kS(%3w`zpd}KN2Fv%zL zP$gxB-zB{Xr>bwepnhxVTL*GYBDgVMn%=yF|Io>UlUIwW8;(vM7{pnQ3M$ClI$vPd z)YPjG%+O%i9uhPypWBmfK`VRfdxDUV!%M+o-{`|s^)pDz# z%*;~%anPZnBYBC~(3;+&QSB&_U0U5a{6;y~zCT=CkJh+dBFDJEp}>Wjll)99%tWvrn5y z+lTl#1tyQyjNRLXn`C~{ zlG0K^u+$$cY7E))f5pUt7YUXxVgq?BSzO(~z!xNF^g-Iq{G6;hjsi%c+YhGbl_iZs zZX|Xb=Z=bE=4|q7dVK}vj@q2K@~S1)Hk7y%o>quw;H;c>e z+*w2KbZGsKv9|?Nfs*qaob85rdxxw6C6lA>l!z?hmS%4-m_DyOs~a70_@UIvZrqJyOWU=a*aA*@jl^WikqD5^!U$*h zSkRWU^QW~B3y!<;yeB7*?PV%SUs(Eq$=ldMF-38+a#H*RRrep6Fme1(G}rZs0J`$1 zY}iM)wG~b)LFD!#t7XvhIUOt<3~9SyQus-?+#f;O<^ojXf)c#@LXfB#q|Rgz(|n~4 zAQRo2`@X8aoc5|N)}QTpt3%k;69oi#yDI=Z7YcT%H}Q~JeR9-eP1v6|w&Jf(dS*e7 zGUSKayUcT0<-6!@HT+GT#-(IOx1d11YqR&&SqUc>$MVO5$GaVLs~w#*U5$vdQS=0| zX@1zkJ%kTb40tOq$u`_Zw`Q6DN@n-%)EbTb!*J#@cn4e@B{U#Jp|2uU)?%XH*w)e! z(R_91EU#WVa$R*d|M8ZWKIi$y=gx|#H}J|@4qCL;O3lk) zqbh|59EMc=KGnA-?SHOV_j7EuHc-VS@*U=h+)Fn0qq^nMtG@Y{$Wr1h&3NR27iV#V z&v)JNQV6LDT1pi>W~7=-0it@@tRI2d9Po~dViBJjZ&1@JV!yJa)NLs&u^q#S(fzd_j&b5d>R2xJVr2= zK1V5LT#@7p*INHTdnP!sVPTGzsz#roYjtW6R>dUZfB3lDWp|Q>oMlC$e92ihSXQ=` zxy8DJUoRLJ5Ne54y-bAT2@icMcz0*E!9zAg;7;FqQ=S_IKeY0LMaRh|uwtR}sy8{} zTLlY%_{C3r#g5X(be@inW!uoF)uUhZR)u_V&*?!Nt z8zFYSzlkEhL>Pp=M&0DHA>X|2SCe3A6ux9`e0afL9%dC|er76Wbj)m5$ePz@MnJ3& zk0FVDQYpJNf^_|j4-3NMJ$ZT-#U>+=Ce%`0a|W@X%(mh~_1(s%%CKV4^@W*&e+7fE zPU~r$#u-X3X6juWkP4RQR3I4fXr+DqcG~csRcW)6!r?D}CiCb$lM!Ne29C9p0!3gV z!+-<&}$$SJy9B^-&bjPeRy^|oIP_3eiOJ1e&x>KWMjB8wM=#YZv z&tmw#H$c*h?40nQx3Q02*ObETRLO>wlEp{<)>tAYg>I7@9^U>}c*2}G=AoOurtIWB z1W+7#8rg2?osejFFgVp*9h^K7$}R5_9b_!h$_r+RoIC>15NJr9v3SY79n@`ihWmHs z%ibI>oUHP=2lv=hq0<>k+iQHQ<>6frCUZMvBc0%I8nme1{4<2!767()x|Q=3qoTQf zb?3Wegkf}F#8gt;JUw-}x~N91Rkco>GWN7aPe1mlmM1T{+Rh%McEW;+0+0SOo7SU1 z?0MFPNad7d$%>NVo;-hy^OoYJgpw zG{#?J<1z5S`G&lc@1sL&o4YLS&op!Xv)*=APZsp*JH2G7LhN&LKE+m?_z2AEgb1SM z4`w<$0~Ieh(`j@K&1=V#rpFG;uc)LG+=B172({CuUf<*Y_F&a-X=7XXYT}6R@<)yA zAcQTw1DF1CU!;H435GK#GI1KEdDg<{mMMHIiql*d%l!B zbyCCkpXi1TQwI{p%tEHEr&jlB^;E8{%R3|`0$`&lc*T)J;{)~j0xDx|7_Ou3?7m-> zKYLUDWCuRP=|tcq)P+7Ll<+u_C=wh}Co0AsaXyYuC_8*7my$K8bVQjE(f)aEFI{PN zAOLZ&TW8AORd(; zOLl49^!e}^_-CUs8}{`-K1j&q5q~O@cPSI>Vu`fJ`q6#1YJgqnV7S1CW444OXxIMt zfiFBVq-571*H?7WF z)kUG)OF>S{x`_&3)r_0a>$4!EGUxMPi@^O*yQ^5MmF-Wu=HC!9w0S?HcI}6M=%NV{VsX=SLZn2Uhte6^6BW41PN|Y?UX; z`aR(G$NY)=$lOQUgYs-Q3ZpY4tCxxaN9$` z5`md%GdJAb2hWU^PSo-?M$w?R)Urv!o0IgKvQquDWN6c-aR?P!y>aWEsdsppT_<7w ziD!vGNaxRZ+}psW39q+eZixEC=GYoeRlb_13K1v@{F^jV_8PS7Ml~zNw~4{L0hYgz zH`k*=e~@-h)-iysiObG7P-EuA#lP(@TU)KXTU@*AnJ{$96&+4`6?5U*tC$YHy#An*!*qD?)axu`G(^|gFO zDR3_V{RP`i8f+TdR%2Vu#`)!1&**ftugv6Ciw`+J}F{({{*_d9cD z&dfbCC3S&1>|=dMA`UFKaK(k9%O55&>URadiI*j6(sO+{h;5bGwrjnVGF$sIk%5sh zTu_wP|JK~(JWLNe;Aocep|}pFSU^nsyi1mZG^fr|!Fi{`*{Q`nQ&5T38mnS{5Rt+> zLtIlyt2z77Sz4*l+Srqft$!TdqDX*Oi79LS4Vw~=Iln2C>NW)3olOI8{^RHL<@g(k z(SP{KP07yaX~QNw$Gt)@0A{#cY!xRIwQ7!s(Sq6N!m&8E;nla$;K7nH<@Y zna`{S%%8st`G$3|m2EY%s7lGX`0}i4YUHqfnlk28Y1Ssz1aL;erd`M-l;Y>DXo<8{ zzXRY7@~oX4!_9ghz98l*AWB7sx@q%QlY&i9YY@ARwuYr5E=TQI&ei6ZW)%XC>ya2% zAeOg#Qk7#AyTqXmV1l_7PN(^0Ekg0L_{W?@ywbmJ(x3pFp`0!&k^YY> zKdDHV76#s+1zfjvs4X(du|-0YiKkC(BK&q{H%%F!hJVG}nk|Do;4Xy-d#ua>16FT| z3mB<-i*rs(Mu zt})f58^nQZMsv%S?ltxD81-kauVI*b-z}WB{SvL>>r)vSH{M&_&V3MM)|+D)?PUHo;79s5(U({v?L zT6m6M)rk1kPJYT$Volo7n=hT{K)5H8Cwg79EyLGYArjB4=V=C_1)sLd%${=Bka}iE zZ)DG(#&l;Gf_c!h6D(-8{yzv964GTOU5gtUgnd-DE>46>c6g*!;^h{#+6C|V*bs5p z+fmso9Xw>?VU#9AH@ubL>O(9tB28Cs$dvOLjSBq;7Hz-_b-%GcBD4`_c+_avYgyti}+Wb14s6hm;>mhNyRpb{kdiS0SU!t;RX}lGtHZ42&XD z#(&nxrG_;NO>F2|>!X9j7tu|?rEfDP@TdxVN%oR%zvpbvQ%G98{4Ao8b7d2*(7kbv zXY;J&Z4aia*D_YzBc@4*%|V+}-HvUR+1OXaIiA^l~_Ut;$(g0Z{0_GNPmZ;QQ zaH~;|#O_~4z(ud(*|!3E{<#|a%4LQ&;?EG>(~?IZTpk`}V2GnPRlI)8L`H)F(8S7E zl*7Cz@_b|8OZXeEQ$U56_ z*W#s?fBn$n2)@?c?$aQQvc}huIZx6I%hcp<(9m1;E8O<_W*Ydr+hwJBOigkq2nm|H zyqMKuJ1Jw+G8Izq4Kwzh|ttB;{9eu zo;2t7?=|h%GShGG$H*TP1SCIB-EOx+EEbB8J2YZ+KCj>AOcFWM^{z_?<=VN6JilET zz?_Au*i=ariV-J8W*Jq89oPzZyhT5U`cLC1k^E*}z@Jj7A5L!fctpoMNits_WwD-; zHBVZbX>idP+Xxg$t|`}>YUoJQJo4#36A&s{yD0xV%xCjzO@@_N{QGAhENYC+;*9BT z9d9x;J~6^FJU`c93>B671QC(0R%xTl{F^irX<2;=6S`zzR@%snS27m z$~ZO}!!5E(bwM-+X#}rSZiCuh{G_%n&KEEy&J=v5O3wo~p6O@fA?w&@&66~q8l`A( z(>=t$GQIv3ymoMO(j21G>FL6zk>x~}u1EB;hB`7&E_b@X?Jk~gV8%sSg@~H|oV5U- z`V08faB=2(OT$+AXs#o$b>#_Y&LFMSr(V{b^}4u{vR*w-*MSlpM0Ik0L_#nMaNKYo zPMp~N*yeR|+wh+M>Q*K#!f7&f2Q-Q~6bGj3>m2Ia<>Fe3RQ4x~;m#*Ggz4uszaXW`f2gO43*i>K?yfcwo~z+ZY1)KFO|o4#l(cbNk_ zt)^!xy|eyGnZmg1ll|e3oo`+LVj?0~%0{au51NhZ74(b{t5Ng9$WgVu=!v5r$}cA3 zu)nr)chsU!1W%=g*(&E>p@OWP4)k{_*e1_O>>7y;q7ou(5s&UQ)iGuG7kKXv+DiK` z=Z6dCc*iAw_q=u)J1)U0dg^7H5di4s?114~-`4jOKkpV_&j#6_o!n6xA_ zoorFZD>Jj4y^u!)R>Za@`>ih8ZKdzqXS0M{&x7;*nnaV)*qkB7>i1jMXQ0ErYQSe!)X5J|1P-AT~4!Z7AN4_6%xT*(N64+soU} zFBwe_MT7tx1&=7KN;C{s*pH_fkS^`UN(ZIu-3R1_x(d#o4Gb(AD=xj=9Q$jClW}DG z#&B(Egbb8YH!7B9bkx_6b-$H@<$)sqoxv7T_dYDNDu`~s$4BjcJ=b)o49-GK7PYbs zjNlHAM8CJT&Z2V*?3Nt67n0a(X(;Axx;U`d$kCOEsk;1E+ls?w>Tpl3IWk<2N#bY%JEln;tvY?kYa%JyV=azr@ zk(Hex&RuEkT3LD!t#Hj)m$ZUI+o5Nbo)v-Nh1ov4%e{iX z!aIJTss8gOj^U>ofof*yNYh&qT<(xy$A|jtob%hFS8HkNg&?#0%!M_tRr`LSLv*%- z4ybaw%B=q{sMlYH*puO7KxN%z`&5k#hav>zRW%X+2-e9V0Z54otLpgmRqklE+1{Rw z^Jo_<`AyC5!M6T#6XZxC7)MEz{{v1V(ZP>FRE~DAbNL&o-@;wuk;7KkqasJBxkgEf zzyLVih=HC`pHH?0oh$OZ;s4ko0N=Ra(F;ycH$EM=urr zz&Y(IwoN;On;+cPqh&LbG!&1{nw-gZ%kzF5(qLZmGiLbFW=examw6A_{Js6lJQJWxUCyqwph%0J_)7YCX7Xke!S-+ zQLNSi=nilWKtUmn_FqJ_iamzCm9lDAB;&TpM#p?Pm$*@k&jrv&q)H>VjR-Yz)OLJi zCjZ=>$X1M>e17;C{}cdK$GN3MK9t+aOsbfRwD6WA1+w?Fsn_$}s&TAi7GqJPDxFY2 z<)8hatk!ikRmMouUVxMY_S{0Y=a`AExWzL?!bIR)-A^9tXy@jbGPoDd&9X&z z-nL{Xh4T&2qPhtP5C|&2LJll?a_(^&nBweH%aJTLcT^NdFgSv=UY9>`Rru~YqpLn& zNEfo;BTjbRAJFYOJp-!FbT!hn6GpTW#_i%z7Sizynv@K9Ka) zv$vizvTk5x+)Vl1arMHYCLSeeEc^8>{^PkK57ld#2WkQGqPjaFlMc};AT1)IVbtL> ze?JTP2y9++8*_aZP_Z0&b50k7%LzxaL>-2$-D?mO+u6zCF0?Ch1DNfaW?;#ysm-+u zsb3zTG>ek=`26m0SZcaGoP|5LF(MA+uwD&VG2@6$_o|Cm?LNzX&X7kaEgk$}dEwcb zFdXh?PUocSbN`%$e$$)cx3(BkW!5=om^)Q^R5@q4(lE5J;PW|EuOHPF&(NsEQcvl0hJcSsIb3qBaQ)AXHXf2dCJ3GgPTM(7ip zBuS?)J5OWj?5m|#foZHRMKn+ilt3GM5dnc&)XzHoBEPXNFri!MI<)G|MUC`yhOaK$ zB?7Kcr5pb?$YdN?nxB{jaH_(XP&OqkM9J4J4EZ`#=e>hfCCbNitrpP+7W0H$ei#Z` z$Xr$i8@1ZcSKY&`xWW~JJANfiyq?*2Iq@4WFD*NKh+m{SOQoK|cZWX1#X;QRDY8cy zi_NyJs37|^@Y*>2@g1O1K#tZ!4mEak7400!Rn@_9`moYT6<@ zS&V7L=0GyzP&;P$O(m{WWrZyN5xJ(R>y`t=-M|ZC9X^fCF>3wnOs;Wul8Dn&mlgpp zBJ|HsPnaHr?8v#mNi`ELfAvAUtH54r=B6oNngk!_-ldE8-1mvg<)@(#b)_a>tmoqsm4vFgB1S71Z(kKVk40fk9fDn0h(%Feky;q{ z%$AWmD3`CL8wNW+8r(JGRi*!xH1-N+wkAZJhsIdpO?QYZl_!`u7rk9_I&MZpvRL3W z$|E#muaUP`JkIOJC`?JX^Q2e6^4W#kIJ}A%OJy(DF<_gjudlVLu`9`qpkFEro!!$l zYi1hNjbz#OQ68&Eo{-~JCWA<0u+=G+RCv>C4ZhMIc)zQ~{bW~4^k1m+uQ+@jo9>*p zljp{kH2GER#Cq#Wk&fbi$<}H+DiF;B4jb=qt?GCvn;cE_Q&kVCb40L@VhkKq6d}sG z%Nwp#JP(O3TQi7^AJPNeGH*kLxrr9&1HTM8uhT6a+$Lh>Y@BD@Mc0(^)9D7L!o>FP z$wSaJwtjSJGirh=Fz*aBhggb2*#vt3iyXUd`DbI&;Ne15vB;U#F#j^E5N{bl3E)$x z<$H-Yc<6?+53?mS?`pbc{T{{tH*{(xW@X;34a?LB>^LsJTw{h~?NH9kW)q8)3hRYF#PY!TM@X%EtX*-BaM;59S@t*Z~A^!vG7h598xYBGyZ#! z$>Z$juxkD8Z4KWUa#*~93gK5U-@xcP6f%kL)_Hmadz9sY;Tqyd(x0Xo8BuHh2Wz$JE$0Dj!Rp=$0Ntwg3gu%FCCsID=)%Z!RT;*v(Y53&?= zQddl7p)v;#hma>q5t_X!Xa+epVo}TK5cwX(4QutJvYkjqK4(@Qoj54Gl&ze7y{zZV zR4U)k%?q8K4fXJn>E#r_PNrpG>DMV=(wGTf_|9S?M&-;;%FcZcHn|39el;+yEbgsQ z{_4J3=-jROU{#h#CYD9-tZEKCt1&i_sqT>XxVFg-5?NUPJNG+OXTm8UqGh!BbzGaw z`_ox3I+?Fy|3qF$X53Y5YmsBwot<603x2iI_v3ZXRf_?8vc6q(t@eF*8GX5CDbp^d zGPJfk^mZ}daQTMlHv-rV>EgF`;Qq#Yt?&^{)U*y)s+>>6Vx%W4lbKXg6nQZ0K4TN3 z!t%-xF0P5j$Vg*9fZC)wO3uGw7^RDjSu}d4AfL*|KD3NM>X3;@wn2hN4B00%ZJNc4-}~@Y zGW0AOWO_d!LmNiw)J^q%w8@WE4W7K|xFQp&$K|x!W^wX+I{%d5)JvW_-w!TTXnsZe zxz^v((f$a`?*1c+bagwPIKQ(NBxcSpXRi$Nx0r{Ftm$w_LIgM;^GLz;4sooEB`^9)4$dm-;^h_}CH!v;t)KEs3NQcf5~d27 zCscK+W~xcZ)`Wi6{mizS`AVMY$=i{l>wsBOl4P~xchpaS(2&X~pK*_!EV2(8x)}fw zN`R*`1O_5TwH@Ta1O5LFyklKOskLLQFGT3o7Cg|hDuZS-&!d#1gUQKw&=ft>`~Amd z@N3+iIzAqt-&1n*ZXNn!-)}6|_mft--G()TDc~xL@AAJ_+^BjRx9+QmJRk|vijJME z2KJgqGRa;3Tx7nx<)q8i^$7t_P^s+oveFj63%Aa($$%s;P^DiQ!3k`ydnUhr1vC*% z_z%(t^=V7N*X+3)fka;TCkOl&g}$l-r0I6izP~C$^So15_Nmc)+9t?E+?67#PA_bx zi-~#))q0zW2}u`T8?MeE&HGZ|T1jnrz2*b;DzD1-KWss9YhQPpwff%!c&$AUuo+sR z4+mEx+if)Td&;hwX19RoxB*H!fisCE>!zE3|;$FXcZ<5>PbyUcfL-n%k|n?3_{l+DTzcKKws~z<7q|9t=Ue& z;S~gBTzF-V9qK;`q1!={qP7sz;pXBH_TgRCs!K0|w-oKv*75WvXj`q6T_IF5N|hOQ?P5p()4O67?B2aEC&0hw`+0cS z08!{Y7U$$vNuMd;^7P84fv;jxO7QP0qLG$OgT-a%kP{m`D3qpc;>=F&X?YA$K>+%FbOEwJCy%#i@-{e@-`xKjKQ(#vo@ zBR;OaT*>uyGe%QsYvosSig0(oiISr!(a(KfF#PYIrJ2oN@}dtSDXmH1CpWn>zaUip z62^-?gARG?Hu@En1~u8*Fcyn&YOV5H?j`_T%~6~TCK&SLyle-tDsB zn%6=p(1^kC95RWtNaMwC+Y43_EkSk9cw*RnG|?+Gb-9bT37XI0PNke-f8x_$4bx$h z6*CZ`G!>~?xN|*5Uxc^)&hfmV;CM&a?{r#PLr~<=*2?d09GDJesSw>j0|BsS84mdT zdo`+CelF4%{0$EfgYE#i_X<~Bo8MQ0D?5CR1Dn7=LSKo!M3Y5YB3qI*2Mn+K*ouaf zz-3?nkPKLk1t?6LCK&?Lie2Ve$2Tas)h=o~jgjF)M(;qewzL zV#iy_k0V5cY;#4+x56JjYIN0m5wFuTp=wSH!kYmAFhN?xZ2yIXeI^F+%lqng8sE;` zxRThhMQ_hdcz{49VVry{m*v-J{>!A`l!XKpeWZqiy`Y22# z8*p*6{n!1U6Seo66RV?|RP7G4{kQlWRf?#4sceknVg?MuQ4jqCg!<2aNi(yp+2n`! zW4qsf>r9N}g|KF19j5!^s19T&e!gr>=(P#BovqZBlQ8F>-_==Tq!&A;hyV&~Yf_Pc zc8Vo;P>|!2Bt9Csdjj1OtX1NTr~NJgEa?+aml?8<8F!ti^S$YEJ>*!LQU5D2*W1Kglg{1#X;6QqU?t0E{F3EjMnP7{O^>OA zck=j$*5JjRMJf~hWH(=Nq_9K>Y$x95S-q3c(v`EhAO~(G;VAnP;!G1;RXe*sZh~yymiEMlArDGG^rh^y-qyR|@bZF}$28um?Y!Xs@RzzT# zGL^Dai##hWgB;7pZf-tuHbj{kzCDaQuH+S3l(9%;&gbgi}WuxX{{dGYo)uTdX*$6e?CY9=r;bvV4oZ5jBGX zivamcA1RN+J4bU%L*fs2E$3$3J3e>y=>$UaTQo^TWZ(nB?u0PEFdfXXKQ3r?gNK3{ zP|sL4y%oNWV#2Cv_0${3%G+5N(~&C|-W;Z?cy*`?Win)ZHj$_PR>0F2_jKvre9gRM zv|d+pQt?G@xc;-IMHeU5I4E2Yyk3yo#lGdeZ0w{^(`xo6aOvEqJ)awYplQlU)t~Sd zJoJE~D@ag|0|3L^;1}<-VGla&d^s$?DjePW6DGGhDi-dI)LHL|aIcdDPs%Tiwp*Ae z+e>kbcpZcDhz6Or5l&w4>_1pY!l3;wn$_N1%QV~*7>P;kPt?93ih87sK_yR5M;QP8 z5~xqtIDY~EJk%14;1# zC%B;aNjh0Mju4Ygc{8*<8 ziBzMgKtzWo)8Qbc*aE2FunQq)o_oj|f)t|flk_>(2ab_31ft(@QlZJ!q=Le?v$q$G zB<)Ql)9ZG7S@FVJ0Ch&im26$~6HMfbr|efT$p+FoKJZiG@vFPzLEzy3%bAr9G$xy` z;qB1r49pU!z#*tCXzPik-2MG~(7>RB%8%6)k?5t8mN=_H2JfGxoKJXuyDK;3Ks}Is zpkzpXJqPd|FQRp$qs3ytXGf}`qN^A|*kETkh)d&O~bU>{LO5ZcD{q z03CiTV{&%-r%3PIZ_~4iK%B;)Jn-{tv4**qCo_nDSP9Ci$23y`0q*D5HMu8|=c+OR zV2l_u#fZ1#8c_w=n0*0_a>g^>`iyHiL|?*$w!g!qH9NobQC!sON*P6GMwzr}3NF)%1*u?|6ys-*4jOCAz+)Wy z@k9s|4W!MW45W;kG4@UJB2$Tc8#*Kr+xaV=NoT>TQg?YbjmjrG)ByI7T8nQMI=?4? z$7s)pnIv+Q?%uyi>YuXr@5Cnk8^S`DnoGNwNfv#Y+1(A*8WIQG@nSFx)e={ZI|}E< zL=p@&<&66Xm^=Ld*9}U00W+2ii`iT;Oa@E6tfd^4LW+p|Jwfq2bKyr^7Mw_8pXHQ9 zZ#5xTDgntptRCHCEf3bRQds#k;(ske?KK9ttbxLNm`aBXmmo9Yl}Z!MQq0}qRv%n4 zr6GBEQ$~{e<t7s}k68O1s0*!-HNJQit1Htz}2S4Rc6P52jIY!k3BWHo6Sq1*b_0 zc$Ie_+=gP}M2V6mtzbezNyI{&`e=e2GoAo;zr!Hv zaJ!8G&x&tR;6a$>AIm6kQiQyYg5&_yK>AsHPlnv14uzAJ5A^w%Fd(|YK?*i?6%67V zBssi?_#O}4(=XxccZsL-UV`yl?6RKmMUS6-y!MLG>gpO@Ug<~!N$gksH&c}b9!t7I zqP7|#0}3f1fZV+u)Ou(QL?3e3*QZVpS61cR6jbQHy259k2to0BxDARq!z05@hK^sk zWfLm@w6wPf7n)VOn}cc7L2V6qypsGv3KzTCtBqA}pkf)3SlhbEbY)L14|~(nE~lP` z4`C$5C}Biz!J=IosA#dO-fhNX)CgE^mW`d6ErC3j; zGj4P%>Jt?Ab-Kla2Yw!#T}*S{_kR2?ni&MdGwpl4CRS&Q^@|vZc2N96)s~_!xeZtY zr_y&X5$dv*K7&E}OWoGCGEdRHw;mIv&XFqur*PC$^te42(0vYE!i%CmbGsVGX@dvo zM7u_q>n|!|er--K`!?(1!6c>x731rOw^IaClP76M?76dsVByJk&avT#@2$;i+Czm5 zNztN6nrM(v4j)K=1-eB&maTwsc`BEhQS2HOwkRr>j)fM}6!=zSNgle;Id@Wvu!~qc zCx9aAe1aG+SnhwvP*R>=x{2_cV#$>Ez5xN1*hv4Uu zBA7^Mb9j4fHB;paPgyE=I|~0|!a@cMM)JbUz3Q^bD$)r%fHE=^=FFY%O25f{&o5Ps z-u5QT4oX={f4k|GPf`EVF=b=^fS&wkhN&{ZkgGV=sHyo&#ZXG@PY$+1_PBbes%5;N-X2TTSaSFzO5INRvjsH-JKTc(|3Xz zQH1NlPs+|?%x0)6%sv4&QI-FYzQv6*FFIvw;t0X8#E>BpqF@(dH!9Gs`&T_HN*5HB z!v$Hb%+d)s=y7Y9c&^5A<{`q-oqmM}3fGa+&n-qBSTm9H_jP?S5;RujbnHTd$AAcK zwY7`sn8?uGm_~W+OvUF2>6-H%*-7;su~0~A^RB9Oq*IJdatCk0m@7S-~@s&Nj_$@iCt#g|32txH9iJ=#n-+ilMnKmqiHQ}nV zEPPh8>>Na79jr$=`N^Kl$vtNYNC=*za_}N_yL%-^w#WK0o8!luj7`-S|8QbVaI9A2U^4 z-J_GcyKZ`EQWS&V%3j^wGz7e5-y;hKh@v5jY&$Cf;;Wcj2eiuW7@yYJ3VT8|UoT`k zHd3y60XPITNWh`B=pdnYPdcFnj0GqDKi`OEp5xsNhpL9ps*pRU`+u3I*c*sJ?5;16 zQtJ6Ly|tt3#Xy=eO@yhfgtPui0$4?LU48sWzx6X~mZiNZ9>IGkgq`^B3Ok1?=qs92 zt4ip4!ZwsjsAwt-0SlH(yZ(cZz`leJOx+31%%d_ z63*mJ|9&sK-M&1-pS7d=*|Pg!8)Cxh*SgAhu`6W31HieFRe#o7_4MG)Y%4{E{dr{v z_*djPWjoewk^i9qW~myJU~Q&G@pNPUj3~^6YhDE_%n=%-OY~BH3LP)brXBWkZmshgIUVsmYh8aT>gm{Wojl&=0=2UB-Vs@aOitj>9zXEZw=8YXGOtsNFF zX+|(_ps2OlkjV}Oxv?pa7YvIa`rbm#Cnzn5>}7mB?F zHY=wSs!pBA0ny=U>=)1S>S5(2MhKX_X2pxYVHpZ^&G!-Gk@fb;Q*ot*=KDVth^vtX zvHzRGym(ST127wk1hHcw39FypP+n-{e^3}s78FoZ%7q~b*6Qyy$f-WTgtQ8x+m#Jq z!*jI?(31ebQbA&)+?GxXw7r!S2LF&L>z#2_!X@Act<#z17K=1OmwlJh>#QwAo*gbXrJ8`%nX$)F>5Er~+_2bp8?q=AaziTT z9OGivlukuyXVf7kk*Oy+ z$~VFP)uJ-o8@bVB#+4vm^)G?WS6e3-PLF9<5nnUrU*UO5VG6RFLW+9iw?=%t`3>mm z;oZH8$2e7Dm>hDy{jp0$$1zaOz*p}|fWIZnOOLKDABpMUqxa=_;F&YL$eKzezU~j@ z#&@IdqfF)WrHAdsNcVVr--s2zxBm(@NCcQH4>fP~i!t7rY`7~zf77wiF?haMju}q? zI`--r{LBpse~S#@dAu2nCsNr54~Qa%2=SJG+@j3ci37fqaX0#GTz=P-*%O2C2zaH7 z3l}u!XN3rxyp_J7dW$ty`ZXM*+uWpdymh%$9<^CR?vBCQaw-E1F799NexFkY9gX8I zL~@lg^=&pHGYq+Qn|`;vWyWZQn%)7I!by>I!byJ{((=(JuI)LX2;oy=nC2tFO8Myw-ahw<>cE7c_pd|anhapZS8MxPR;-G(jV4QAvp z&jxcU4rH5lK!OR##^N<7b6r^~ip-sBk|OK2N18t^%)L{Ai0)sNLZ2c!V%3zbdvB2Y zQd(bSIt2(DiY*Mk>t@<5uF^^j)u#Qx;chkVyqZ7Syn@wo=j#fx_|Md+NepKUfwf{A)HWRW2!Xy$sTCohiTV*vD7DWjZ)gXZDDSdY(vum0Tr>)^Y`<=~Yot9<`J- z2XFX$I{T{@Hwo>j;$ZJYF~FB<dF%f|DUvi@t77gBcv_?@<%NS$OrN z9F0;u@L$4uGH4v}XR%}~$Qm!U4M^--G@P*<1%Je&Ml}>`5|co+Lb&+4OPD3BdZdql zes`KkYG*>na2dqd=Gy5I|5~DWZ2Z=d(fni)E}>`%&VW6C{?(FAQV&nVs$akN-h6?& zRD$%GxytymWu2f9zMYimD<*R@MI>(bZ>P?>&nX2=Z~~fTS#RS5`0X{2x?`?=Ce}CJ z*DSh>EH^3S*$VIb8!^d9R#n1oSe#3K~mjBq}hq+c_Z`-Iji`@A&r_ zS%UPl`Bo?5(@9DD1$hH3(rHBRC63BvdUoBWizElT7*f00n##+yX@&_bdE+o^`jh5T zDK1TzmmTMv-`~0-s8`rA!K+I0kj!jql=6K7|GVD=bwl#du0(O2ZzRB#aR0X3PaRho z=ZjO6`p0$WacnZrO|5^WJ#s)d7&}W!t&)_)+n2*Xh4x|*lA?_zo3rw)(3UuY&&{`a z`uBVf)?2Z8Qh&!$#(!u#gv~b4EzK@&-@Cx^TZ(AP(#?@< zZD)VZvru>9{XTYgS_8`vQU8UdlnkJUlNejrBwA2FVris=$Y3c4T2LTF+wF%O75iIm7 z-HQ_@Mz-%EnRS(LI6oXuWybw2q&fF-?t}&a?4PWB@;|IMwSC1#<`l_L{lmai+bcEY z?T0QN9l1cIJZH8`BGE$eM;|^ZG>I4Eie}nH#t6%H5W<2ZzcH88R_pt>x~W}^PXX(H zi%)RB|9Bpa)789e79DK#VGixF(Rc3LgPM(gM4TgRNmVC#q-pP54v7k<<4#d9+ZC!R zRj>W+38aMZu2)Sc9i&~Rv)z!JwGy`w!2x_zSUG1T$;r<40q-|bdr<63Vh^cy0vkN5 zU~zWFyDkX@0Ldg_wpO)-fdXdHlq7J!fs2rEGQ(d{Wsl!9>LRDnV{*~(kN@_igMo$; z^O?B(Yn$(2#?Q(OH?h4BPF!eb6SCnk7uo#q=Ob{AC^w(Npz22 zZ|9v%qO6J$l~733{WxAX?@$?>AE@V zHwWhDBn_)rIm}Gcw8k{Qh`kuT8PVS|OG~9BikjY(LJN~Vc^bj^560Tf{ISjAW~PF;nzn zNSV1S#O1gqAnm!(r|0xuWaWkz;%ltG!UVRt7ZKNz^Z0Yw0T6zwuGRm?(_d zAOXyr-VW3a;{6j~L|hE$4PUpppJ6JqEzL?zE%=TswaPu5QQ2?lYVH9p>NS1j%(~_; z6oT|f&B#(!o2u}RJaOtFjT&^e|JC-?otcGXWndjMa#{hz*2V+11i^QI!IaGVOH*5bZt$F@$#V*`pvq1P+{ioa9Mf#DaHyg?Fzt9A@? z4}~y{qSqN;I>c+H=k{3rUHCTq9G3l33}^#Xh#QJ&CJLH)P44lO84!Tj(7yDkt&ccg zFYj4kb!n({O9?KqR@X*?A?EZ&k-M+Art)BWhrbfsT%n5yG#B_u9Z%lJy5%S8lsvmL&7ZZQmXxXYP9 z#2R46t^0XROjga|Tz_MV?_s6E?$t~5#@MHK&NEssrOU%#h^$hDk(&>wcD0mgICqA4rFc5@=ElThugQw3L}N%t?h>8t)dhurV=V;W z;#3t>SB|h-F8EOSpH#ja;rQ;ZGX}96iI$?J%#sXOT8JQgXQxkeI%~4Cc2oDuR(<|* z0r&BfW{fq6|9Yek29PN^hF^BV$!63@62|jAn;YTU7x206Qgu#z_(Ogqh)qerm}Qlw z(h7F~+<b`co79$cE8SeB)e(PpIC8q zx)cnZ->S-Ty0E8FGB6~xqR~EXorsu4@sO@eb};vjh2}`ql(L2d{_3i6-%p=6GnrF@ z<^7EyNyiowJHTph?UCk-<%zStO2U=LNT3j@9%3qUNy5`D>>N7h{|o}9vhOf#f;+f% za6R+8$uS?>bY~XwDB@qiwdOzM&tRWV2PJvpEuO%Ifi2tXf}{{ym>J!@QG9o36xp2& z2nX>aWLB~EZ-8{!S+%NVT*yv_Z?C;O<$SLNYE^UhrRhxBunvT`eufFpe@Jd(8IaoD zoj#nKgxWCZgv~s6Jcm!%EK!vboDN=E}bkuNDVZJqqX|JCn*`M&_GgQ>_*YpT8soN^P<8ky*^Sw4*?u_{gJoPq;V zrAEBV2?$CuT%x80*}_hC=%!};N3VM&y2MTdrJ{qyk7!iiuJn_w;FPRoDAsUmr)84jx!wt{!B0t9jMRqb;Qd{4@CVjREdr_f&E6B&+x8p`a9u9J^+`H=BD^a9 zLSgx)2++qX3jmNwj&udY3V8DY0H84PHvR;jjd4~GLvqxo&vL}W5FKuL5fbqZ=68}T z(wZV0qe?T8^$D{0wGz{M?53)XbW}dwrJUD`ovgs?x;?*7=KDFJj#MbXG(c!YME5$6 z_xsWbVck#Uo43rtB$ywpNgf#~U;ehaW@!ECf1lhjsl4VJq(w5=Hp5m`3%mZ$tcE{0 zlC3L9(+{Q5JTjwaTsBc$pqFQgRA~XQ;Ni~ea+~57 z{sqs#?zKt0fcw!T?z=?Y%3C3_UxgCvN}`!onoT!7m|I?jGzJyXnlN_*{Y}f${EKryDo!c{gb|EZniQLKt+}bp{rWH4dpM{eqY(gYzP3e4U39KOzx99-*dH+X9etm z@o@u@xUD12&m3n+faWV=^KUI{!`CV04Md`G06;S`Dd4^WkugM=Lz{z?Dw+(1fwi#{ zEz|=l>3?WC$LPqqU=4TdiEU?M+qP}nHaj*am?RV1wryJzI}>LzNp64luKT;!>L2Iq zU8m};r|NaqbNX0I2`blmTZ7V>#!#2m95Ds&l$UUvm=AA%`6hK7Mo{0sf`cOP`S^xi zAsx}WN-11JAgR2`55&=@%yqy_Xx#yzq85JNP}LH+Vw`mxfcZsc>`DM~05 zQMR}W$bHLieDh!4H=PcE{`euLD7JYdTgRl*dvg+BOdEKM=$T7hRkQXAhfUdsJ<3+VAEAb=MJi=&;kpLqpSx_`<`LUFQ zNi}pa=UEOA-WXTsHcOqlDx7STM*(W8;YW;V?Z@KxV(;}fLH=D4dCe_p`)4($ujT|) zH3q1u-hZB+9{riSd1x&#x;Zl-HA13wa&NP@UW3NPWIabz6;EfW=$a!rCRx-oy=kt* zMY6+L+T6u$q7jgUwIs1|MO{pH*RKA$&x{S(LzGA~yHjyhRd6i9h4J_qrWGa|2_~)O zXK5DAvbJ?vNt!CBBAr4pS<^cS0|c$fwAux^G9)G>FfuZ7TIvHD=^yxsqs_Mj=wcR~ z>+m!*?D#At!&@*m>{PY9vz`_?2#(4LKb|mDS8^{i*-2Sw*PP2AOx%|nE|mc!QsCn^ zSUwy5DkTXUP7%ixSt;sbu^F)=9Up#2-?=_#$X^+*we$Zy{vm2A>dU5Z4O5~oo!)`| zkXjU#jvh5a=1pb!%}A`NG5vMM;%oe~=Zy%E^m}sgC3L87vmgXoBk;;4fg5}AkrQ&= zyoAjyBd~RIV2&y(5J6L;8ZzT}VrjH1sJBxjZ9gi$onWNWF;OOLKJdXn1ev)fe2W&5^ z`i>s;6p8b-V%-mMP|yr_b;Sm;EcdtH<`{LOrKq<^pcgcADz&_nSHk1yKfuimUHeH{ z;yXCyY-T1@42|%XvF890iwi4R<#-fU3>C#RAAf5;lS*z$v(R$fT6UmC8u^91&I+u{ z9BzX-dWZ~O`RpEaUXpAht*P#7nn%cAe_=N`JmMrOMH=VZ{CS%2Cs0h$0}d74Y><%1 z!>T8FXR)IKlD@^p^&G{N&7Jgh3U#Cv+OxxgI@>xK|GCik--QwXJChQceBcLw zTtM<)kEn%sczJc_#zCG<|9Qo|-*naGg2~aQ2$G=gRtMdbxjxT1 zxenF{#8he5-cUWgapuQbcx~7AY_D#sCzbw1ns84fB|zBi&2+-Mg?tR~5bD1?RL@=< zO2^&3Ti*B4j{o%-Gufzqa-oy*FfSNX;Z<2V*=X+oYPXal@i0%_lsyr9&@|Z$1rLdp zpvAROf+6<1sxPaLvT%yC|9;o^NYKW{;*CgL_6H)V1XNM`F(C+jF!H&k+ z)qFg+=em5AmY};~DeGiJY;$7N^>c#Di%$Qzw9V6Zt){vI1dQyxp`*XJ`56gJes{C6 zoNl_5Q|lr0CtF-z>cJZg^W^v<$I3@+PuytV&9yq5G4$V<=OWr!?_R&@tEy4Ft@``c zL^pZ6E1nrgnbJuw=kch$N{w_?u^PwT(=zy1N;{*+^?MfCJRuh*>XI54an=Wy3r~Nd zp8x~yGGnRQD@IH40%Piw`t`BK*}#?JIQaTXae?dN>Lr zr(#yMI*?IH4(ke6`mE`OeR2vD1w42_Qsz(Tdj2rQKIOK9h_*&r4M%4U3}7_~Zxv(P z$18p_!QTislq00nw1QWz>xrUO`Bzs-)gP2|>vgn)Gf%<_?hoCQ-?8z$_F!&sI5ce+ ztJm5xvqhtN>XI~e``>C)#8a3#OHDQH@nsoTkLj8+hI31=u9N)FBma7&=*#8sReA37 zPY#seu(oa#XU4T?s#iiT38VMpR@URJWH}c+97M$5`Qs?5>kDi1n0<4f;HIf*p0##Q zj%+KQ!5HBh<`ZgULzqiZ8+kx>kn+h!7rwyL&H7|Jn@! zr>8DhtFHK?ys+R(p7AP=X6L;fJ}dP&i=MkCLN~|?Mk<1GyK~~;@hI`sa#~=mHBy6M{K;F2#41XHneU_MvQfvO>Nj;Tcb( zkzp=Jr!@;L*WrO$KX{_j=v>1PCAjD}2lKnlr7kC|Pzria4pf`n@)IBaBy1GM52;@t zidrJ;^Nyi9YDShGdH79|wRe6A3#x)%h96Fc!@ESFweUEhR;IxrggwVIgB!6mf6@n$ zgcbgu1z2F`sh4kiF~!t7K@0P8F4>JDG&bbU#8Q?6N3;{c)RXln*@LM=1vKXD#PygU z?ZLm^)>U>R=J(Zjf197}@A8f6%jXF;wlk9>l}1+Q1lLB#*Q;?~6vAz9uD{nK*U) zckxH>F!P!Znm;SF**5^9tg48s_|$TWHXX=2GDk+DoL8)U*o-b--_JbH)?IE6c8!Dp3kOO5&7Csh{8_NW zM)8kZ7k0A5f)mW*ZfEe_Ig-CEK@fcq2G zD?OuXH=MfgKXBNxJ^z3iw&pah!(dEhJmPG&{MOF%46m|lMWIZ+(~t3(0UpaCpF@_3 z`X>lKLu91f{Fde@e+BVvF;$nEv5B48 znCb6ZA!%FuIed}M9YP{-ssu@vUvhJMN6lfO&ahs#K8_N!3$>tPf>mHTaR$=5#NeDb zH3k;ID`8=4G%rD}+OjGfR5P`hkM$xG6}5Se)^tUf#e@F6pkSN^*L*`6dIA(qU1gX%z7OatMQHlggPo z;A+EWn);$W0dhua+(jG2fKS?q*XruqMCXZ|Rh)yy^2zla3o@JC8J5;5Aeb{*wXpM& zEe(tujtU+i40pv13S+Ds(vnZXC;)Bj)aYgklDI=sK0xsM!j~dW)vIQJBy$odqe^-B zo;<@F=^_~FyKq{B-_u%XwuBqB7aTELwu($5(@qo2MJP#u z!r>u4BjAq`O@sdZ0jU>|hrFMEE4CXz9Mk5LoF0*1-Nw6(W=f0jN0t=`U_MYj&krox z5bJDJMsHL>NJndL@JUf&A=9A4eZmc)AaQtF$tN8KRLNY)Lp@g{?n~AzRDlEH_!iz^ zCE3Na31piw@s(zZB(Uz*;0xjDWcaO@x)#-Jy_;IIYokMh=Y?(ISJN)?jIhb-+l(dU z#9`^QWQglgVRTXI86C)R2ls#Jt(wYNHHt6w9nlG~umQil{OfaC7NR8-AQ8t<=-5o3IhG{kl#&f; zN4zd&)hfz?$^g<_+A2gSkATEZweRNlT-78?vO_;Ttj&Dk0XU%flB<>LM-sqz&Xn&* zC9SQhKBsS$qB8QPGEGzJblkWNHA&I{nhbAfA<;*nh8q8(CatOd^>HK?b^w8^1Lk6 zTv}(iwzJY>rnL#kyE#*1!|O@A>hlo#!5Sg@W%qjMR$hBOzN!7Y;d`=a<&|tcIX1{U zV~cPWEp%sdVlRC?5~PGO8Q9oxN~(uQ%QWLvI4f`;gyt{?H04q6KEb4GYP*CT$x2K9 zhb(|Wmw*3HmgZ@e_q&`!aV+g02yVnB?MNZ=UL`W4qMztyZP@YtdGD@&S-F4@q6$lY zx9`PRlWnCNMnlRObiKR9iK)4CF9}0|IZ&mmdsHqw9FRc)X^AOoFlWdR!2;Q`cQhMv z__R%WK))$NnT04J86dlaNL3!@k{x9a|-Zs<@N*VRI!-k=q&!W zCh{$4)O3Wl5!6N8;SAAb&s;f~cXAxyCom~O031pxcd(5V96`@(JOoofEOUDtXA6;I zxekp+uVlLu@u1bb8QRgc@PV}bP75KeskTS2Cz!dVomAJc=8dET$K#jWz6f;D!VB4U);MQRXPo&O__1n4Z;(?7}gfkrk2G}=ffUxX%b?kQ!3q|e)n?^0eoKs2U z>bN^4M(aL~q~X2y%N`~Ne&SL18~>)MRjWaGXvBcF?dSGCs~1y&Rg#8Azxdw8v|bS` z4?iF*GMY@kX0X-b8@ek&Qc%-Gdh3?0eP#wR%HP`;)f4EhfLW?LV;8181ApfzZ&!mY zX^!Wi7c&sFBtkiC98R0(!X+^DEN$mDL$ux^st;a9k*Zps78Apc(j1Lp#=2TRO}7F9 zEA~O!q{QxDHlQ5%v)=rD2P10wG%g7^PsH?s4QUxtDSvJ}gQJrGXadDRUa|?R2pZ

!=|QWB_%o3ku5vnloC!Mjh<$4ab+^y54>e9#-%taWjp?Zj?-Zkk$Eg8(b1 z6L+x}T;LQ(*u`PyUd#VhoT9GK^=^W56<hd@2phBJD86)iQ0+dtT%;^C)!l*R zZ)hpP1;&Z}xLB8|jxPq!rbsref7q?vOklncmIL4Y*R;3&e#`~rA&Myc@nn15b0@a} z%t?=k^o%dgs}g64*r`C1Q_pIuL)-# zb*D$M#j1jKzLOpo<9*Hkm}1QJP=&9i{4<|t@K$Z!%sSeNj|>Rz7|PV26O;$>Yi%-0 z4+JFy7OG|W{{ar4HF;f6s8g|Xdb~(bGu1eJ3|yc_zgLeL=PVXXSi3icCcO)ML1I-n3Xm7w%0rbMYl^$j8y10o#yPcq16MQ z8UpXX-Y4rF!zQ0;4mw$Z)cQ2&^7tL2N_s`#+VLO&%sx4cxI68S7f_Br*S$K}PJ~lg z?Em1u9TQIIs8JR@{7W#n`(*fG4NgyVd$q5JOE=P)IV_5>#0~)5{rIuG=UTTPJGV*n z@7RFJI5W_`<=rrGL9HF#J+4Y_Oa)F?w%>---X8rF__C|kJN`uj^CSC{p58optZklj z@u0%TL<}AD;>q%r2cI$^ZzUEVy3$?;|A6}af&3tORik#3ZfRQ zWl8B1;IW4h_-`71_5AfuPfTf*Wdr)cWqscI7pWX<+|uaHC^#4~st8;69*Rum>{fhr z1vneecq0^H*wX5cIqWz&IFIehq59i*1t;B{IqfHR&Ct~RuIWCq^XJqlV3H7phJvsH ztTU1<$7+&(Quy%MyhHUnNlzXYeX$QVye zQL^BI6>^P1l8q()iNnzPho8DC6lYu&(XP`c$ap@6g!)spy4t7V!>BNyY8XU>iQ=MUp@xOuo7z z7{p5Sr!;JJ_yZhCW(1vSTrFdk!1)eu$}gAbxl$NXY?PZWE+Ystg6ufc#RF7Itylf9 zC4~Q|q5)fe^;YD`Oo$muX4}Bi=p{YxacET%n;ZMgk#f*1okMXw3B;KNaD}454Hv}I zi@yB>1ath{#hAI~fChrPvm6N)!f|0(Ir@^^_+#WP_G^};CenMV1rR@}bJm z$m>aI=FH*5939HYmSQjHQ^mM)mICPc!!W6A_-;(hI%bvP3ne9x?=9`! z0}0HUSgNYqe6$e^I6p4DO=j0dyPJPDY+npUJeW;v&QgaAuXn{WTIg=3xB|kzmH&Y? zabxtiBIncyH1hmkhR)uKbvjqlgaHYVR;LHY$wjhU#iEr5%lPrD82J{J&la2g-J$5u z?U$Gu48)efIhe4akufiR7AfS1{;3B6YfD4PNfUTR>i(V~e>q4(yp!%;M5)Rl=zK;* zDdcG)kYT?Y2Qbfx2?1f7YV38wLx6?|F**D*vnYZsA-5i79GCSSO$j8WI257e30L0` z%!(>y$!aJImJokoqqM$(kr1Zg@EI(x_MydLJnGD+YtyM04TisNm0e^TQUA2gvZPqh zZ!%Z+S|VPCl z;|#Ma()xOV$9OlD7lgRv6lb)0A(3?K>oI$Cx2v{TC4(2SPHT#3Rh8PJi8e&w?^^Cw zF%Y8|L{p%6*^6WLy(kLe@L zc-LN+85=e#C7q+DJw?*k9TiJiKsRT-yf|@ThcJ2SWE;Vp35^t{rUIJ{o1aK6*PcUb z!Xkz~)z+)`Gf=@W*J0P2#EvDVz7m8>`^J=pV7yLdZX#C9#H>0`i3UbESMlHu+7ng` z9Hybi>+4M7Ra3e6QAzXA>HZ@2D&%N9&!x`OUE4it`~AEXw=2mzd3L1e-qOqZhAX;x z3Ii}82vvss@cT24@8-0t`{{A*??~Ro@3giw)kK1y@gqZ0PC)>Eq|7-zbB)LKjoD^ zmX1qfGlt04&C|)2G&tY|M+@XiA6G{-UjqpP7hP6@e=qmO+OA5-!FA-3MI9F5X z;J2v?p+Jw&Mzj02S`{s}(cAFOM_O|Azuz`J3uh_8H4`&;o z*RXjD{WJzhPsVk(d|5)0B@IlNUns{D9nM?asn8fU*^4BJsDq7RhE@H8oLMhN?-O9Q z78^jUU9`DjzVC#EW&5FsaF%w9BnVKJUAGvDs9M)oi=lw$TaAfkg&uzkeoc zTl53!Y(hrTjC67L74e{+kO5wMv44H1fYV(wd#4qL;gY7v?Pu7nwqsl011dne)(SpG z4u4Qig#SVq3pkQF*ojZ@4AKARngY$Nsu1%4MB+G|hNSm5=8?+RTG+P!U&qKqzEl%f z@#dSLhQ(Xa+_r*=0%`zdQGfyZpH?&_+sDP~Fc;}qMwhE~UM#tI@on!f2oBA+|JJqk z{ucorYY1ZZ#+kSb(Aq$48v^5P4Qm(b*4U#CP*+C3abs2zaJSz5ytmqW;r+n(kj__G zt{~L9`rg#r$X7g;osl5-{Vr0-kkbC=is}wwz;sA$gx;n>K*(72hPaRI6;EfUbi@6(9Uj;W2sfKEN%Jan$T)Epg z>}i-4-m2a!o&_7!b)~%YaToXMIUU=LxRp6^g?)4bo)vr#TmcP9YfoV%x;Poyz{1Hp zPFwJrgfNcpCz=JT`O6{da0d{t&`9yEj2srn6oV~3ftps(f2feIB$LhlJWH*0jb0tcd?{Ua4)bocSy z#_%ZS&QXnPX$gUcUm!`y625Z=)-BHRyk@4xa1Nz3?7LZmB`4B>C6_P9cC!L20FdOZ zVfNE1o>2+P%J3zf#Rnke1Bug>%?6VTtq&0ATJ% z&gbzWV>1hwdcO|}`eZt-?xEUqI1Y$N;K@l(c%RmJa##)>GHTJ%+4KFk9PaB^s-dV0 zW*Cu>_?7$#TNw$5jmp->0rGep5e9NmoH5_(^}z#rw{k<4R1Ct*2)eGV(5$|Ko_G0V zQ!aTQx|#faZ)vBrJiJ<70G(j4fOzSIj5KlhG{Qg9Y~+25ww_)m%Di1}CvlRNUXq&| zE7g*Qzh%XcCIrwr(BS65NccPPt$zjlsGFRYbs}f;@BSdKY;4rmw3HMFvp;*m?o7u0 z=;USlz2nvQ94L14rbLdhEZdLFf7 zZfO$t5W4mlU_2SSE9wHi0&|0cH})7a+!66k^GS@jau#NUVk$$!)MfT#?aM|cf<%VC z_L>Zr1DG%xWVZr-j*zoVmAm@~m6SiQClYtC6TI=;0bvfbINP7O&t!Ftb>q67M26i} zSpDc{oPzkug)I&L>BK=R|L8F>z&@@AWTKB|-p+`@iMzGHQYxP>%VTPOi;cjwvN&a% z?8ZDPq?o++06@5%U$H(48(?3oX~rQ~2>xK}7^L5m>PW3AEL8qpcFaPKoo*Hs}+LUo82^JJ+_!Yg6m;3YPrAN%gvikeU z=gr*kmXmgGeJ=fj_pn9$?q7LW1{ax@q>RcK4Yuhi{yX^;ue>6dr}Cl;onD|Ms{8IsotPM?n{UF9FAAQe=PR z!rrA*VSkev9h>Fjc9YouhAXSRU>x%{iiu|6aoa25e}yu6_fkrQ+byg<3E#DUEP;6Lhp_u zf@9p@J$g^#nrgNM2}Ly`e+H*2LIQMag#Qjz{z7FJQO0@^R)pNoWrc=>ERdbb_$b0p zSuhlZMVgnK>vk_v^rIOVo_?u?rPZhVEoD}oo=WhH0jxhDlJ~PIIgJkSj8q2M{i380 zxE!o~%Q2eHLfKZ<7A|gYH2<{iYE)k2COjOho_L&PBTX~a!5oBmos`B)6X!n?S55Uq z@jA9zDN1ZBiq&+im#OGKr;>%8>QT$AnpI`&p=DXTOoFF_XDMIXE5=2v0)kN$V( zfqOTy&W9;KDZ>Wi!^Rc0f17M0xf+0`w`;s+f%}AM>hKkd@xCWec7b_r9^6dq1iN{w zSV87Xx{`VPv6k0=XYsb{4vydilFr_pe0gE(SR(%&xPQj|=*LT`0kdsfefJ8~CP|X650KC0$C*G!4iwS$_8Gv0813@GnG46MXzyXo zsyS4_HkAPYT1r+!ZQg#e;p@*OvgZ8#}bLlXlzMQ!-+%MsqTF|Rpe0- z_ebf&=<)xv0FKL%M95hzU|Z>0_pk0K9X7B;PvT74#2Qx4tWmFYd&M*jUK3{*5gtj| z2Dd1o2l}SjY^3fzkiE`|GE7;0o3+(P>JuUpSrWW9v?g!vC_7NHngS5w&`b~B>*3M> z2~S??>D`PjXTdl_kwaO_h0?c+O;NX%+cS&c`F(lV9*w~~6&R$5Ya!;CvOub3Kr?QL5w#n~PYe#N z>M{kJv*x-itdSH%zykWIR3qmnfCCW$iJwOR^)r0$;-zPZ(S6D%Dy>fAmTM)WXYlrg zRnB8t*7j6zTTl^lo)4ZVlK{n+JZD@C032>HyR%T9ptELurZ-IrJtYer}Wyg`k0 zK`t>Rj}cG-Mi@3fcnxo90Z0OQel<7eMqihOT{h8hCfk@~2Q$NnikL=Lx8ZPD&&8^S zlxt4%7QW-h*WTrj0ICwrVxo$K8x5lh>(}F z6M$@`DN&UeA%gmD5`V@bAr2q_6s?`b?ccPZgVjWiasnjgwv}~t6WhMr5vb!s>oW@u z&9E3pnehk%ic7GsWF5X^V%(|9`sOJ<3y`f$WTAAI&b!7g{QVKf_`rMu-9bx6&l;Wg z7!u|JIs=a0D5nI!Y6`_==d^(NbIT&@_$u2`gCv>!2s@`i1b?yx@0KX*ic)B+Y6MmxZE99{EH}F4vftV81F9lG0tXb_&QYG zB0odf#4AITo6{3hZkns7pc2`-EOclq(Yw_MzdXArzCRD>0O74wQhUC3oN+m?cxgEC zUlmH<7y>D)CiG7FkeY@auoo->KIK-Ac6Td-8;BZc`0SnY*txI7&Z!(Lg{i62r@_fk zv5WQI92Ev*kR(0f_T zkA}p!{{6|2zbztPc0Evx4_8=gLu~RwU{i*+M<<|}vM7Z3jkxu=EbB-f#em6-il@Z< ziWTpeu5l==e*J>Q!IdfEC(YPG4Q=_ce%}XIQPTj^u}vfAdS10u+z}ivPf2mjmrsTh z`@hKT2Zd!h*n)v@=1$fAxF7clT~~bmqX2b=)3`?gG8c+L4g*w5rvRcI&Pp`F!MS*1 z!fukIP{eC8VwiK?{ciU6Z>#j}5BxcU`FSKMjB0-RUW)}s6u#Dry>-qxPhshuqIwJE z(Fqh4uGw(fS}3c`83B1iJ-j}{Oi=eu>h%$*LnYvmC%e5S6Re)Db?}i2?RSXC5*mmH zMMv*C9J+PZo&=t^F)qAw&}Rdquv*@CvGDk3es$L6k}a-^*?m0y`R|7NU`()0b=6Q* zj}Brw_Q4D1nVOrbPVSztn1+;T@EdNjPS}c22e~yX#0N-Mmvl`*k@fkZAOy$Yyk3nf z5U-f2I+nqpIgs5#Ph{QyLuXBlnDcXs@8D6POS7+GWWmbonj>^Oy^<2I_}OE8l^&-2h~%>CH@Zf)S@@1xC=<6PF>7PBNEA+8q_kLQDdLV!gUq_2H0+9FLqZEg zMd$^DekvgxFo0BML%qy6-JK$?QOsr_z=u9KkGyQ;_`Sz!sZH%%CaCzu(UwWxM@441 zX1qA1RqnWaRh@Y0S0vSR*;l-jjRMs4Ym4BAP26lmy{<*>vm`(D&;FEh%v|-wRX_Ek zTJ=Kgf08a+hkA^_HNST@A)ZCg8HRtSK@QhCySfNUl{`}BAFyJ;GcJj&om@M@`QIQ*_w-if?f8 z1v+Y3iPXNcLPw&58LWL@UWA-UnMWn1PMP12@J$DB7gm#xW;k*JesTJ0w!f6Vaa>K> z2P_$w0u-SZ3SW}KbW&_>t1dJ4MI=^4oW>cyz%YR>FeHGhl9A6uT6RPoFgJztORGc& zV|gK!TyAZArtHBOsyG^4nGUs!Tth7AH6Ym>h`ClHrvLT z^d^+`NYlNPu|KdW!*aVSLIc{F?F#Cq<#_x_f~m7^yn9V9kW(?CabHB2zUEj=BP!6?O`T|^+YZ*dee{*Y zu&)2HFipe9F19=ph8HDD>=LQaW1IA#0%mLgb>-O%b!)R6&`g8HTl*Kodo6i?Cqg3G z;m$QY9B6d;Td2-lD_!(*6N)=EE=^v1ocVmcvn4r~MEeMF{Y&GBT<8JCw@P{jjla9b z#W~!Aq$RX3H%EIX?yx;-(6rg=v6`a|1Qf`wBHF&6w9Mc39zFfw82f1|x$>R&lYag_{6q|J3qZqzO?&J?=#_Cba!4JLf* zMQwCBY`~gJrpDAUncEW~u)~6cf5XfdXB&7~d3@-FI7|#r_DAdCdia;9u_=Tm#}1ro zQ;}5ZkKJy4G=u3#b;+FYb&HOA@Pn}??k!Q@VJfsWP&n_3VJb#Gd4T|DT3E@zsuse* z)3rxxbn#<^uXDh&Myg8U*pf0d>HM79CXravj50UV1+&%IzzJ6mzmr9n9@LKdb-!DN_Ojwi9rz-g4hRT zZnao#)>kq?;#InAaQ2`AXXyT9Lh*J?l{)N9f}e4#&I7pOmoTc%;JP3)rf8Z zo&v`oorasoXKEez+{=n6?DJncB^97I=Rlu)A=2Od0V7n1n#i}E+4xi*o5I-ea=y0nwr{EbYH|u zKh!52V~5f@rT=pxfG+xi%5dZCy^CEWW_^k1obzDv7>Y7v8tZvRwe!|M!EW@$3jjp? zOSio;{nhnoro|{Zzf$w}+amUAW!KT!w`qUE$ncqOCbwRsOh}YpKx+>!59+$2BJn8+ z<FF>#(e%Bx;)Vk_(c-om2g;2`I(s~(*24oL~O`|YAfB^Gi+dU}KRp;Y5 zY`suTFLC#fHoXdSbYy#x@`rd|2A;$0Zb!3d z6pQpRM?5GU6ghb8Vuz;zz7`fl8EWd|$58S?Y0Q!-=aGwV6K8iYWWC?@DkGU;4DmFQ zEuaqc3Gvy0AHMORIx;fvt?k!k0yCSiLp>b_?v3Uj9h;DtZ{(x3kb|6Mq0T!l(l<3E z_Q)ukzy(tCE0&VXDluVoWs6xfw`E+RP6gH(K_wq^!Wc3lSF!?{t<3{2ZfsF4Sz%-a zW_N`%Tlf~_PQ$<3PWT$W92+1!p{A$I;8x% z?M90@W;)@)j<2asXIgQ6r;Y;hm&S% z_L%e^Nz8KPLbZ@rgJB3g6wSQ8kxpHG_m_7Be9x%#ncP2XORq&kIr&<4>3-A@m+|Dx zqu3r^UTRr4SVa(?utQxKKy~&CEc#VmuWu-}Eo29ekBuUGH*`gpgHPCgT-RrvMBFzp z02Buz63F082pVu!26<$KO1s!70HgSAOIfwFFv*>RL9*B2hS}^rKtJl2&&VY1;CH6` zpbKnRub@x6vQQe8tQ9;=#%WkeyII-3)D_|cvTolWg!tQ$^l>p7W%Ne|HaV&=mr?3nkk4?|DIQ@qJjbJ1Kk! zMh;nvyw{KY8}+_>YVG6?p*uD}QlDzH0V1Fu4Y@}z4v)Xt4E*O~cuhRb{sYepHk*8y zx(KfZqg1Z`KV`3*lF)l+8VAAk__>l6=t`Jp8zoEI0dsO z!CN6#Z;>-%%coH3tt+~w?f!h4fUbWneND^=jO?7XcN%gj)Qz~Pq{;Cw4%_=t^&q7V z0DdvAGq&i#*WI$J%WYC921^(@Qu|^fvi=e#%1fl|l~gXkw31Zss*+nh^RFC`DJs0+Bm%oMsxO$ESe{F#cvtJg-|y83SH4}A zVMZS&2rM5z#rkQ-P13!@2K{p?ZXA3Py7pxW-KBSYVJIV$X=%2+Mrt-dnGGPV!CEa> zR!T70Vijm8)%-kpvBu`yBkk^JAS$5QFhCiUaEDE918 z0YtY3uer-HVqPRxVYo)IJ*G#$@B`g!ci0;qDtkh5|E4G<=|aAaukM@Pc}7))hLv!v zbmlDzd#_IpnNu|oNPdU4I9xoWms$>-fg(*DJLZT-WHp>Rp(_2R@NcT9&tw9zAQP(v zRzRCp>9rXd)!LF>zx1OK^RppW8joG$F4WQTxh}WnILFl?cE?w!e!YK;t&X7hr8G6v zsM_Dqf%fAYQQcjb9?Uy(2Q_Vt7h;i0l^+AlP?!!%#!|W_-Otxu0VhWNq=j{pmUd{s zTQ|OUD4)2Xq>tlgwQ`a1H-; zEbQzWemTUXbO4k`?G{tJJSR|HR<6IiNXRfP_dR#q z^}V)5cq#t5&UV_gkXFpVYnRKLH`HIJeWm`;oJHZ(fQ5hagf;0in+E+mhw0+(HxszA zixj{0&~K!GcB}2$W9VEQt<{Wa{jz}h)W1c2&Jym0N+CMb2dIv+X|92O_%(9;!^Qkm zVHrRayq}1_^gPgf7-(QOy88(U&$XNuC*GLc}JRGO6)G}peQgL;eA97GShrw1!6h@QbQ zmS+`XAFMf1&l3H|UiVA7%&@sYm(_J=wA}OL5(l9D_32jY7mi{Z4}Xp%i)jH6(r5Ok z@+z0?$a;X#uS960d-Vq3h9%gth=KS~|HJc|H-hbj*rXoHtQ(Y8zKoeS_Mr_Tux3!( zkiDY#)C?JB(8?=lu;$MB4wMi>+CGwFy|Ux^E<7{k;JW0<%?o-DZP=p%OtB$)Vwau^ z=?DA?^DU}6*KIWej<-tFj0Ie2qgF#BkBN%PU@Z`JeR3UYW9kn@^BjjYuW zYZ^pGHcfLy92_j}fS!`NeL*>HY{@-Usb$wuR7;@$UZthYjl^kw-0V9|rrU zUjrD#^rHScucWlIA}~o~XFr_xL|@VKqWF(o$--Xya63%TOk7KV1+5pJc9V9K7j+eD z;YE}-8@~V9&ll%pYE!eyj-%*SjPAUGf06PEnJh#xBnuus%QxQ&>eAQx?FyW-!a`lR zbS2Z?LX|O}7I4)z|Dt014t&kyIk>cnXa=`K=*ro6JmrQknZ}V=>fQ>4sRU=hb3mPK zmO88q?8A>SS3dbc7#;k9<=c!^gcfCP>5{l>< z?>a_|#^KEqE5zOW=9c7h*|fhIPtI8%#6D>V(XQJg?;BS6%cVesf_N(-i$Nx3XH*w~ z27GY)?=Q1kLQw!WVdyN2=*_x>!?8zd%Ky;x4cw8iP1BRj#H7O>J)mVrm6e7T z?HG6h=tuoV|4ble-LKZ#(B}tU%*9wxp;cafaap0J{CIK3D}vH(r5(8!%JDJF-B0J4 zHcM8NfdE%P-ws;#9NH0OWj!DL4<199?W3Qo64^-93{YK8=9e&mvIzJlEDV#{D-KLf5|qUTAm~XW(Cw(7v76Pn!p|HN z*US49{MRF16r%AD0`l*@h|v|HNhCQ2pE_G>C^QCO)zs~Ynd*YnedI@Cas34{9-|ZP zQCCfj*9_k5Uc+|NlD}P^*bpmi-z?CPCRD&%eH0eC;VeN4csp!;N7VKxcQl#5nSie+ zFMi|dYRDjv^?-d?M!R$rm`GEoRcslU1zF)`*RM*^68ufXKVJNY5;hc$()FHKgTG9^ z8=Tk*6_A375Py6!*&cw2`iq9?rH~tk%C4c@_yhP;AxHpzHfnG0@7Y9doKmtF2=NP% z+J3Y^-Yx-jgQ87LU93!45lP`z!?3u2A7XknDKL)L@0LhN7LNWbQPpl6bpPJ7w2O>2 z;@YBhG5j`S0Yc@}AlNIyR_zBte+yp}YUwrds1hxJ>`vFNdicq8=LnsjB_5IF|RsH zEL_2p0PqnSI_YfSp?UV~*euP3y}E!zq6s6UAbt-JBC^1ffs`>(tjI-j5_0$G3I=e zn|7ADHYxM5DYCFlH~y+9STppcSEHcfj_m z6XxW}6f)5-S4kH+x>AN$r_@Rp%s#mYr(#?~7m+EYhL>4K+KaM4MR`5xoJ@ZSGDQ}0JMZ~D+&e&fDyL1GXo5}ntWMK7eC9}Ry2o3!)&++3}ie~v0~f* zvmCYB?VO^u086?w1BTnilm2Chet;lu`Hsdk3Yo;mDqog;1GZi=8T4>yjsEVf_s-fXB#AVAIA~IUiUt#!9ax5$nk!@)hDjDmf+GXiH9zj?%Rzkpn`+W+akn&j1)6Sf+v;(*>ak>wNT z0=^3n9bcL3xyB{Sy^6dkP3H?2rqCMFh6x(bbS@z6*-r>^q6Jd65dk6Zhowg9#*Sv+%e^h6IG`#v8Z5jhI? ztY;+)MyaXuy?&+3e=YKsw3-e8om$<^s*lRwZf6lAGinnvtluA_A9-Vo_r@&y2;xLc+r` zp#hCPX-@4Z);BnV)tLwdE#q1PLK%NqusEp0GhCgkGWWwBXu7 zT<(GupF>cZd>X8Tna*@j45NqzTI8PlRkB>fv??s39}mm`=KYdb-NCqYzJHn}@Prkn z=SQspRu*E*aSRYUX~^X~)-Jm&aPmKoPPvQ!;8YY4OapW4JGI{4dX5i<==c?Q5eM(B|Je3TFcFMbjNV>BBsUm`erFA59t%D^6SaQPjJ(pSU}B)6%-3KWmT_55&IoK z0!qG16>xMQXaN>yXDq=2>rGx^v$AA%*ys48S!w^4lWjx+pKoblRG zT^9aA!D3L3>e($GqpN=8Xqq-6=@bk*OwXl^qfTTV=18Ku~KdHC@8KWbBr|I-4zkv-;P3M6!Qd}Rh^gz{!uzNI5;%t~V{2 zB&d%4@PPiO>i30xBZG+bRO*w-^0>~p-tSzBxp%;hcNUN@jQoaLrP7`OH(Dgq--&9&=H9HCizjx62SU(MEIG~@xD zoY4md3ZpB1?A3w(6ZVo5N($bYjS?X{S=U8}NW0CtseCI3i zOTs6h77@11u&k`3Z(DuwBCvLhJcT2X@o21wW<~rBy$tWZ8{4K^3^_yo&-? z0|T%WIToiWf7IB<`7~mn_ITbeRY2&~vIOz4aJD_}Q?Y0^m7}%3<7?HP~OEe7{ zA)11~f-M(jwNQ?qQ*|cpQGc!yAPm6v96+m-ReTJia?@A=sRr-A0crzuFgRrU6~Ka+ z_J43cCD8RbY&ld0krJc1m=}%)7eLFBa!b$DGl(2zg;h$Qh~;2^w)0AGR~;u^5N`sN zDQY?r8xzHVLzWhnqST_wD)!fk1?maPwRzI17*0Vo^OdVtxT3v{SmuFW4Kf}>384>C z9~ocv!nrv=Ztop`h=KCycXGbur_p{Wy$^g9JtqI?tN#v&6`QT_zyzLPT6~X2AUFo( zfpK}mGdz)tvv_gD#vZQ{&Nn=nytlqtRV_w+nuc8q{E7^TjYc-q*=Ue%RRw9xbl})X z&MY<7Ztm@Z;>R|5fgOBf*Bt#9Y~B)!+Q_{5QF^NM6Mq%BSR_TlA>`-WAw0{JTnS-G+^Y7=U`SG)&=Q<-m*Vt^%{wgr5Bx2sJwHnRZhE zYA@WqA=f+5H%QOOG?OhVzOb-ShZU;%$sYl?26#f z7IM&bEwKGE5t*W&5nZzD@HLx=RwHQ4c@eP8JR5J-(_i0IJ_J1-VNi>a-+DuteJX$) z@Rul1J)|JFKX8^i;ps9;MAy>!Lc5^<(g!0XIm8!VXo;PMTfs8DJj{1aZBvTsn|zeP z?Z+DO#p`&tpUj(nOKz0jPNgU6Z>kgW1CS(VBPn=qBYW&e7n|d4c0ulcoEFB=#u;oR zttU>c@)O=VTF3^_dHv%W?cNqT+g9w>B@p9$7-A5TY6h1Dmgd>M!FxXlzKFi=eUBdv zd%bT&>jFOv8+CY|_ZMDi81Y zKy3I+t$XYe9_E+($c7(R{n|R^0DS}fKlMP2W$a}Y?jo}vUqK*u+Xq$dUv@0EqKS=U zhEX)%ii;|C!09vGl?r!3zIOo!oVhuXB(^>mGg zg%s1f_b0v~!-DffaFm!dc}f>sv4X$P$aHV1Z_drlBBcQmXtwBdU8IJdpT^>tt$+1n znySG9{%OJ`@6>O^ib`vJ`7567M$lHOqzR%)zqQXN5m1Vbf`?{)8dp%6ZR{3NJ@m%=fNU zUV}U%!C!E$rY-M6A${wxa^%R81^F^^ccIom8q)?6&;~)E++1@jp{={2jeHC1M^_MN z;&xq96&u`&wpn33UD{AL_YE){!O}l8jM-I6YxP|oep}ar7swh+!_x%-R0GXTfs;cW z=mI9ib1RWIa9ckzxbfd_zPxK&N;2ZyMEtuCVRf5hv#*H}Ol=Qh>{%JEIqu}x(YuU3 zy5HrH4V23~RxEmwC}voI46l-cSQ4}A2e0`Y)tkJ(^243g4?-}}fhD5H*|s{`Ssa07 zgk@6KqIV+!PvCvbbFhw!Hh1z(Wnh4vM~JVJp4%TEvWrZghW#mD+g?V#wbANEK~0!T z=u0f@tzSdEQ8AR-^4c;FZujpJU^&qFw>FhJ%owr3&}uQa!R|MN^BlU8fSV{-Bhd4j|ZQ@JfTJD;dzul zpuXCaRvYYOIBv8|gK@GULA00?6#-{7H!Adoaq(JU#H+!?B3A(=!^mEq&4L$`X|OE6 zoT`XAx2SlcN0kK<=po6VI1jHE$y*LVu87bXQ>lx$@A*o`__*PQO?|V&jZw;0mNZod z!2gLtVYDaECL(t2-*!X(n7yCI-7B8rUT*wrwGiKSG{^7Z2F)b?d-?XKBrXm?zXf7j zSXJi^KR$(B`k{`!i6z+)ek4Us?bg)m#+qlg*Ig`Rz?&Yy59y+zj%9l7iBRZQ73#Qv zzI3gEd}ssQLfV}uZKc|5#Qc=M*52lrfXdT+&!Z#5B|(lDLEfmtPs*-G6YCe-mnKcF z^^%Q=mzAE^pG!?gg1d|>_kDD~xATPNwfHy}-+n6by4-*A32?v|j_r(?N?9xGZJg)9 zaP0i~lYak~q-iFsXwo+rs*|`7=DE*#H!`xrZz)Iqga~J=j&J@U_m+aztS|MM6EuwJ z5iDaE{cKcA{*MW0)UjT-T}q4;fCexxr8oxGee}rbL^YqNMf0NR(b3sN%UlqB_P-}P zYJ!Bhuy{uAieFFXgLU22+Z%uFtiBNU3fw43H@r=Q9va!G7B*-xHoL_elE>dxJ#gM& zj%OmvcY`eNK3q6~4(he}-~#M<)eHzup)Zixx1>#(6rwj88fz8Auq^Wx`rng!Z)oGd%xdlMHgXSi6>0?c(5dv zBUW%sL$g~PY(VS;(gl0?>l|r-Pyczr(%+~&0rXLjNWHm`SkJy+YQ$?00HXOzeqKkh z+l5nAvEnXfxQF$!$vdrW51_jX#ckeJogVarKl%SS@H-x$ zWODBX^%D}n`!RZ5h0Xmc`{&>5$DVEtCKN`d{K|iRpmZ>}JP^(Mz-FRNvME^At$&h@ z)hiyH=Yo!#Rx$nQQsw1qYHYzEfzTX<@(U-A`e!wlq5trI<#NMfYE(n-Dx4k@{cW~o z`}}?>id8c+8^r#y=4PO zMAIPe1=t-DvIVG7kJ$w^FZr1mg1Xl@&$*ma)n?&x1fn_2%El|e*uMHC!)3K4l}s9P zw7puZfVbJH+>)w*48A7xVCW-f9wd#ZIpB^>w%`#kX;tOUx2rhXhcUPRtq^5QF#Xx$ z#urtX*W1GO`h;}Kv^Ff24FHI8$RH`2PM-h0u|XqJ=bWwu-9Aw2OAW+f0G6h47>)z3 zBcCpvj=MMrd2G6}K?{_r^_BfiOjoXzv`P8=Po#1iY9;9*WJ))(i zpn;Sq?~WG5Og`2sFYL}X-_o8aIG2;7E`LhfBLEw`nFIxMe z%a$Cpv?pO?K}rKJUhYAK%^98Zf&X6a&Y$MK! zd@)Dz9gsjW75EtE>GDKNef>8qhTbpoVcte|{y;ceLZZ02(Q4KIEbKK0f}62GeiZ?(Q!b z<)BuZUjxee?N-{y3K-w#fJ+`eVER(LFmy34W+N3C zL{S6}By(sXc~M@}i+B`#I=Jac@n$To>?_4$+w zcAaUBicK&HYw7M^8!^K&dL=l9bov5sN&1R#uyHw~IyxiwHss|Ewhv3kK{b#%J&l*< zv5ZRD9RyvH34RC2I3!0PA~k3C2?0_}#C%(Jq8cWvaLX4d37tu9rqmy=wMC6Qn8ASn zAs*?TYC}526%xGzXP~HBft1%b>_ioJqGZa0l?GXU*IR5Wn}8ibtisUXbC&3<$fKW% zu54I9&^ja}iSv^zU_q%C-^j!McVW6y>H$Z$jCjHWMPKqZ^ziW8#VD~(9(K2tJez%W z3|e5zh9kXiEH`+P?ob4*PMfal3N#7&*b0wD*Z6WbaZrQty#)%C1;0Q$OGO)og;l;w z3krX?wuZkm$`1i!Vas9ZzEr%;a-*lxpa1w?>zNi*2wynGV=s**_s@gIsz-JQW${`Z zG&60}9Z(}=Jz+fix$HGnKU5~v!kB$BZ*#fm)Ap?P@{Id`I%p9XW;^t=2q>;?~K?>=E9xu?^lXyHw_Eja)&IjJ%Wt$arnVT>o}M+a;amzQ7pq2sSOH zzdO-2?E3d%&SZXL%0gZ&!%nBmdQ>w)00-xR@&0(TjRmZ&27SVBKhEfAFcDh*!erKq zf12YwZ-{e@;>+MLAYG}7aaVU2@wprs@@d)3%#hKpp3fuEeTZ)_s z3xtbB#bS=L63CZ(t3vEl!D3$s1LDS5@$j$t-}SH=*sq&YB}VEZcQ5Gt^)0Jo5*hb% z0f2>fTK`&5l1VGNc+LJ=mX<_yg*}6z^tW^XQdb!k1ll~`hX{|f!fZ7vUQL5b_U-(-e)aFH?uD~`rIG`|MgQTj zq#j6o>9(Xx^ed*yP4rmx5-4|Ges}cK)>~HSriz!{&x2z3`T7nIB|ok5g7LsP7UmiF z2M^oAA54{zBr6qR6kD!=76tb(fK;mlLtTRHXg`_OQ6;qs6LmO5c)n87n4Di5?shH; zOmy2?$w&NuF3yQ!3j$}B`GB1Q1pOc#StQ)EA|X{p!(@L((+Sbm*WpRP`&-%X1`l+g zEyFn)`S6L{JJAI~qH3h}A@tH!V2*Z(>yV`~~Rp2UT{SVG+3FIrXL zuOHMph~-K{CqtCzj_5mC?8$ojOYyq&hslUyc=Kbj2>Od+koz%noV|XP)|Fs7zGDEa z9zg!w8@VbI3XH$F)C*#u$uP}nSt~K+#C4jWpxrSlLO7l5MbVsC>a}HXoFtiKJZl~> z1f6?+A$fxVYRQj967O}dP#3a5%&Zu(WU942w@~%9*FbNS4*yw5&rml-8wT47HbXkV|5=UhhLIM2J57}}rum_m+W*%YcYM|EjBg$u+aP%%L3g2Ol_ z)kXf2MzS$4a(PMB;m-wWJos@%nU0*UQ^OFvJ7gtf54@)czJB~MsMf?f8}jujpydc6 zP>WcVE~$aXvH<4GY0r@85fLZRvhI~k-fw`aHl<$oyN($%sCnxY#Nynn^5U<}M9$3` zXZ$+paAJva_*0h~q9ZjP*}?~kNbur6mALI^pv|F1R?j_WROW;5>%|MkjOTu8QdE>h2X)$zq^txPLh)K``E5+Bsvt5%_!L$c7Gn zo!_V?ms8?a%+RrHYwu(J(u4H~3$t=I5*Hh!CVV3>bJ7T)yS3q4%3%nC@c+sh(3!Xo~+iXoL6XJK5&^A<)rkk zuiK~bukwApWHj2I7g)d-(Jk4v5EE7IF5*^}+P~Hsr{9Qnm75%nO=Q ze~_#0LOHz-Un+8B*mLA^SDA_jEdA}v`n$=Qo?{s_AgNC}5*@yw(nxMJLl+RHb}~!T zA$GQ4(=HCmL&Rb_l*XV)`n9aIe8SYlx#hRK`T2F8bsEC<6J?MJ_88y2$-xG?VS@!x zo-O(bF;q7h7OS5pt%397N-`ZW1CY0R6-JLqdvHWj$Np6kyU?=B$MAQ%-PJ(17?zj* zuNySuM%PP(DX}b*Y|ukjM2w0H;*uGx?F8Y!9DE7+ym2#RSM3aJxl5*jPh~PYDH#E~ zXiq|iT@77^IkTSNjcdJ*U_H-G-X5TqK%?iFw88DMW@M^D)RQhU?v0xbjiq$hbv$*u z#-N*((`YG51%rm!7$~o?!-=Z{TY_sWHTo(aB;zJg(a%jxj6V3oHbu~T%P2pGAZ9fM z!_yVi)R%M7!12Dy_2oHiyB9JN+mTONp%&rO(7kN?2bWoo(Rs^rGR|l&(hK6~u1I08 z?o#dY?vv~+qqZFW-{>h(ixdb@20`!&7?HT--BfDb^T@Ep9*N`pgqlmGapt}^BfEdG z$=rt9G(1wWy|2u!Hud2qotmNlaCwtQKr(CU9T*Qn*pS#uaux@M_M}#0X#8R5v?zyZ zL;51k!fv@vU(Y2SkX%@pg7WkPh7>w4z{l4W5z`0rUOVVE(|Q8f-C4C=$mFDHA{k7&7+Y-w` z<2DS>j&Q=SWgP(M^$;m$l0R%t{#UkJ5bzz4&2qF*A_rs5C_bx8L7(2iG`V!+6L#Ip zMzy9Flc(vDs-OU>344Nm6s%KxVj%cA@;AT%`E>ie?a)Kh!-D}?@)k6S8Gq8q#^${2 zKp_-ET%*$Yo08th*{&`C`Sw;=V$RbY&SgYNO}#AZo0>`fOUQGtQdSIm&U4m|HOUe1;x7~HcPfTi#)1@T?;AeD9-0<=wN^PbiKGgK? zMfw-g5!IHQra}R${~dF<1Dt?3b<`-Ckw&dqZQ%k5_F$6Lx={)6JK?E1B^kd8J|70F zg43${8nFOEqZaXBLjS)q?owfqto@?ljxVSVY|s#`wYwILBoLbn{b~tBPE$pDRC?W9 zWTdB`9=1Xuv+qf(KyU0#84<1txP@m&is`ZYZx!6~>c=OhZ0jB3j!Qgp^sOu~k)Pu% zZaF3yCl|v@cA!`=X|dU4!URaV=-VW;dZLM>5=fGW zJySZVuLLAo7XbM&8+%t%fV{poyq2Dawrph~NgZxI5{TB_@+a+MKIPR% zvpqDC5&HeOX3qI6hyD^}gqq1hkIVwmtvTMhFAgs0SG($x0|szhR)w4+$MD00NaFat zymi+CEkD`b2E2gSjgVK2q`QrC+Y_isJU#P!=I&2eq+etzX7v8=q-2Q#tv_1okA5XA zk9EfYaP*DPpeK*f{)ft@YZR3tJ@&qpjkAA9q=WQ~S1&AHJYhLWj^pPjmYHN#uHORr zV+#{+XlFEvHWX2K*F^|>_}xhQnnWARYc4`fj=6sGt`{;jfQ#Ll8h3l{Q>uPH!)`$pL?}7Gk>cD1X68O2vQWglJ(WVbIQYEgo(H z%i=t2S;L{X9Y;qIb#*{Tb~a-N6LI>4U%%B}@E<$7jDJ+<>-a$0w^@wk&l34V(B=m1 zQN-(GNxoj}_V@Kz!%r@ljG@f)`nd_v+^t>ReEZge2p}VhfZte4R&9{2u4`byQ?yu@ zQe{z&dNOa$v9Ce}@{ssKTX z4I}O!j^>BJzFIhvAV074#mnWRS40+0E!&+|@X)|dt}6BQdUEc>JsIao9Eu5DQTKce z7o1z^u-G*!OB1B2EcX_*(#Z@2N4rFaK6sVMqs|N}{=vm3ZY(QmX5A6VZ%KlWvt6u- zP^SGqp@D~ID-+MdV0VJF&?6gG!?6Jur|kv{L2z^Jwj0d2>SHg98zT%){%gN>=)ggj zYFU^CFB&YTu;4){H_uu%)7;$e|EC2Y6c|{(B6IXuhC}QfiZ-8+?jj;m0aO(mObYQjR6BcA1;%MR#q!gUVj zP4`{lg*0<)&%Eb zOz-a=-MJs!Vy#u5D9!%n0OA|1nTdHBCUasl=Q@Ad6B12FQ|W8@HptI+=txgPQ>2{c zRpntLpS3Eogq#a9R+7!Z0Y<##Ljq^|aMO>7m#2K_*W;1N0 zFV)Y2gB9Uw0OLyye>|c4tWY^Yj+AXK72GQr_20-djlM(Zj*~gJ@8gkV(4`mBb($}V z2;?~C&92;l%_9zP9OK3JZopY=mai3Nc)=oN%h;0?>{XU9E_$q+bf%9SiTveom$M4( zO2owL5x^AX+Uiz)Z3wiyFu&OISNo5Yl|%KcI0LQPAn9gnp^gqXfJT>;W>e5q;OEHW zb@Iu%7rIVSxU2uM6{Xv;fji6Yi*ec(m2QJ4qeOUf&BTOaOdP$i_^(Mf=n~%V&U5E{ zKDNDVJU>VF2I<-+Gpj;-^lihQA4GgX=JtaL6YlZ~Ef{2eCZPu265>SG0(G~ zhhglYccJ=pX$X>^#LP;=uLZ>HBEBez_rLCZ6eziiJJPqj&!2VFG0~sqWH$yJQ2n&3 ztINI=VjY~Ylz{gh2h1c_l9}8{yt{-LI4l0GXs}>Z$?R&u%yuUHOK_ut-gGQ;AVFjb ztdPg9V>6;>zjP9nlG2_hk+V;#anWz$K%8=Z&r1wl9>d=(h|;E(O8SX91bcE%JnYlg zlZX2t&y7oWYji}JhDlgog7I#Z*?PiFUSgpyP3LbOv5HSAqUUu@RLs2RICTTMl*HxO z1RBd5S3%3N{iYfwoGsJ`*Eg6tjU7Q*at4*Af)+l)1L#4c{xuoph|hdg6LLMDI2e|2 zEH*MrhE>QxYUc)BBoghiA_(q784kKLpanmHv5B4>NTncbp#Zf3l6GZeLKyjfbknal zmI;af92aqS5x1opS61G~Rc6h4;@#{I@n&dn)MafcF^EwRO%UB0>bpBn{SD}!b`)no z_frMLeoyFdDFt}ltT+Rj5;_MraSiq|JyXJn{~I8aLEaHHT-~2v4Nuv|E}6?&SKf4P z?o(}+KDY2e!c%GFLd@ZX3F2ceaSY>2W6oD=6;0-b-dBRl);SdqWct3Eh!ss{vKo5Y z=;AW)xl#ZzQUEDpzmdz)34S?U&yy$;<>Q3glN`oVA zzL|*D$j!MYDj0^o{VykaD1CPZH3K*({Zga+y8_n~*SMi>iDHyLKZTrT#4}?|k^^&_ zk7k@OecFQl#+P$&g;&Fuk$P3U3O3Z7b5q^6W|(p`V+IaU=%*P!W$(@mB|lBX)brM) ztD%8X-FEEIe=Hh&jnK*W=0fOal~@pd>|RmpEvg$Nd}|i@dz{^&3`%#9t!^4Q568<= zf4D>QT)w9XUN?K|#g$YcS+_s#){%}?uftumipKQMDAvqFugV9^i>Cf~DrJjnt#j-@g`5e*iy#0?mhGPE--n)+`` zQ+0gjf)rK_AT*D@X?pwU`xhOtTj|asRoTmv%Wyubx#+03h}5C_>#rQ-h#&z(H^vB< zpW10hRa`x0Zt3#ejco05cy|7tXiqPNO8?Gmx?jEnDk(&{+iSy=B9`+c{WSXU0csLD zf7Q^CEu4E`zyKP|Id;}UTBx`WZog-xvm}$dGcqQqKPf84MHFl@!Jk#A8E7yLHe*iZ zT3CA5oja#_O#l03@!j(9QmdQ8oY=#jIzN7-qB>~Gbm`ap@|i{LxPW7Cp$^l8kJfx65ypIyHBNS|He+{T#0f09YPjhl-DlAKeQF(uX>-h%`ul(^l z?fCgvQk=aL0jx-SUl%Vaw|ZKSw?}7cvvsp@VRr&UL((@9^$|$OXiJGzTtSiv6GcpEm$7iG%L22X=x(@L;AM4dR``bUNU-k+)vdC zpcc#)G<5dU67IempQ&o&X~W$Hi89`6sF6f3z4T}Ac^~^ZU2BnCE=+}+!E5lamjz2(AX?H=36FAlpHwcp5);qu#T=fe4m9?WRFn0R$IQp{{i6ku?lN|calEw%;c zl!|Lo;$)8D_~4z&{E+>^%n~Trzc+WlLgR5l7q6-?&qiy&zeBAFtMl2*UPz9gIk`n> z84dg#Ur-vp6;eLzC_pH~VyIh>*~<1jEAHCl5JOD#K1S}}?uf5n&Oz<_#_7n;-j3BJ0`EYHf{8iQrkU6(8cPpvCJ9&U z!v#uD%f#rxMhunP6xr@VMMgwILPA9BzV3%3BO~j1AMbfDQ}i!~8L+{PQl~JB&x`^L zn=Kn87k&2pF2Z*~S*8N&729+6keEWFTL4+Wh=&!XEucA)+M{nq>*W?XvbsjPiABSy z)7jVd&D>+;0C89(Od)T5)`<<$A+w|wRZp{I4sPvB@H<`bmu%k}+YQhG)ZaYTXJ4>2 zygP!X z7L@0`ASU$J0%G`drx3j9W8JNV&m7V+{?bcs9J}BT^cuK-nw)yHc_-xWJ0ikpx0%^w z?(X=(2j+r3S#iZ6Ouy3L`s!MMEFpE_7Kfi?^c&w&qTJ2Wv#V$i{_O>=+i?B{C9O zVc{8CNxolrmeej^+H*8WkL3G%xd1pyXLa8M0bE(H74Q0BJRSe|GT1W#Hd5a`uu#n$ znqV%cFWGRQ&s-uhd?;K$;GPW~q8aHvBI`wr4%j7y=G}+n9Hv1F?n(gSaBQW1#m&X} z|L*5=Tl_SrGI_uQP9J4tX1+hR^n4UC`JXJ5sTzL0E{}|i;Qgqj%wttTjg4O-Eh!oD zOQd~z}-tzqbg z@GR-P$HfSVguuoY4MvPBAyE4Wp>P`@xrw-kKvnoHknrLwf*)KR& zv=#wnq$d7{t_R=xN9p5m@^}Wca2O!??2qfM`4F=uztgKnr0kLybPX+3FmXVAS*dt0 zNFL)plCN4xka#e*DEfAQ(y=IuOL&Ia|GBjojH^iU44oaMm(XaJG($ zwQ1wKwUrZNv5j~%2Q;Ij1ESMBEJ{w1ktJ^HiAsQ#VqD$O5M|iy4XT4GEKOtW1{U0o zr;7+jwH!pnrx!9m#tRJYb&ze_c`FZfY$!;FAT6LR}MNn&rpZqbN2mv?ls21`Z*SZqK;h(&2il^QTp#w?9ZW^3v?^DSsiKjxAk(n}=lROo>TnH#~!y0!E!OeL5Tv z_kPraN~xJ<32*5f>wL(ycKhFx;D$nxH>)z)iw!p@`95SFa30EohVs*}z?t1~mk$s5 z(shEvrg|*Yx^wzBp!ZewtL)Od4V*D)ZcgmT`0*k!`TWP9pII_N9*h65+bs~=XLL`a z8*uuK!2BjlIjN_Wk(_Cx)U)s^+{uzyv>H^|t(Q6JQ11lyc+zy8>=>3m&mWdsC>3u)MEd|bT&~YzD5DQ z3;ld8wH4YkS>rKizn*)Kw#*+R!TJWcif@9P8#lh1Ay?(4$x)7Qp9!~NUlagzgCc18 zKcDxqva)RXZTJblmRh>qZ+4>`GDgi_qyIfea|9fcdSz>t(ZWJnq0tEQVWsV}O8D2L zA5|pw)I=i)igd&OT~+4YaDsi|Pg?!? zIv=wj7lGBXO!1f6PGPmnP{$c!k>2?Chic>#d&tcYUF9c?6Cnsx$zp)zo;q_ zd=mD+YFm#Km>^l0Xc{M$3w-1sA1SWBW|ZeWJy{~MO(LVl7ba@Dw`<4HTsRX9d1RHM zVCh9$7a$nNtGgIXAgrK_C&O`)LlG1!>vn&QiY*Yj3J%Zxve26?^_88=XbnsuSP?|y zOhJ@MfcvvH|8)E3V|bf+N#MG@gk1jpLB}Cvz>I{i*tdvF0jG>C;f+lVnU^YgmB zczkqU57nK-A!sI7xO_?$R%@F?S^bowV&xV>z0+aD&sHb{gvl(Hu}zxLk&4&v@|^wL zhYky?HGzw?-Hf6P2N1CNl4tB|%8YI2)xa=K{eqp|E zO}}Eo<`NqJw8|pM>~N?@W0GIrvNTPmbx-29XC%3~dz5Nc2k)!qlhUA6jg>%L9Qq>= zOt5eTFgSAf?Q>Q5n;J#E`EiS|*9(C**d7cBeZGRHWs;-Js38^Hku@x9zWZDwdWThM zlvR=1M1h;RDDQ9e;!1&*2R7;=A<0R1E2Gs7AW_j89uf&E(($w8B z5eC>zDetB50@5^gzL{*m1HN;=gyXTmg8^R7$;(`)5Dn-LnVS<1%Y;}u`<66ESol|i zd;D}QQlWaleu0&?C)#%s`xj=IVFNMfEhtp@s-1u2m7h=4OgM0fMVMf+d34B(jYmZ& zcj}+7*HphZ#bE3g5DqeneJ&q}!u;8b)9p?o?O6An|9V8~+ApbUZ+@wP z4Fy!qsXyyhVSQ3%+BD%JXI_sw4jN4Z2AC&car$Lx4&tEL;6ZLC!+tWXKKJeu$R5mb zY^cTvC;u8tydKb9&yO^=0z;B7+JcI!sMtu+OT7PyJ|;goeq)5>y;teyJ%)jo?1+6s za4`Y*$zbRMyw@kRXWI}-jabv8oXV^pkj=&!Uc~X(Ii05Gvg+)T)c6U4DY{MQ zmk2AIa8AB&ErG-L3a7XszC$h2{saTkgj#33=_DU}U6tsw4*+^AP+m?DjZ%lJMF}4I z{!S0lTi}Cin~STUic7E$^WM$k)zFgJ4G>9|sklH7CielmB3`M_hX#^Ig-T&J8Cw=C z?xII>pP@B%z7g~YPr4AKrRos1&ztY{>J`Rt%PV4~8)SsAvs3|3d@S=+RdjbX1HoFw z9{8$KuD$046z-8z4SoRwUV~%(2a%)gRDshnF??2b_M7!6>i{z-12QS?^37}ATVc^M z0nZJe*}> zzt2^pvY!l9X!G@y{6))y0cw2Fx%u!r%iWJnJwH$gHfTqP$cCS6yofnE)H{J|BQD5@Y)_U`5w^)#_TuvH={8+4k^ney{j3X#tiw$S zk#L={2LO=kQHu%+y=n~@!2Tai-xyq3*EW4(+n5*=+qP{_Y}+;`wrv{|+cqZ?+x*V` z)c5|~Ri{qX#=3fS_v$7K`jiK5?S;rlmW$KVewt@t=V-s`4Qg$fivkqe{VDSiN~GIMlOKtA^2 z@`~3=bSmeGu(@&iDZ!CMxcW5RkP4Udfm9M5OZMoal0_9*xb8`mADVy{4HMT+MXK|m zmTxEo8hW?Y z|IbF-ZyHgsXFu>qx88M22@O`?)A_DpOMWiZP`}R}_#JZRuvRngSewho%%QA|_s|sg zNx4S*MJo!lV*FllB&pq6rV8HETQ*aSAP5VrqV?jzr7G){2%nHLHJoCry(OO}2svj?ZAv_0egY-g$A)0;J>jx@vmBOH_h~S8KbxhIHIoWqIb13E94!YxEt2PUb3s&akjB z{?Ai|F5TK$|F8R5zUM9HSw8pAw?~SYYD-3Sj6C!P*9VtBp7;}Q-Mz2L!en&9>OMrc-HPaqJ*p9U@c-!Qwtp(9RiS_e6bt4D@E||~ zUXsh%QSyI=^p231l;FFenVY$o{^X}oLafVN`!SpU%aiN|`t*_({=OM=WF3b_jSx=0oZBEY}S}DJnn1#4D0*F9< zF~=L@?;Ki)|9nqJ>cRENr@1F0YKF&FcGpOwPoJ9A#2*IxSJ(5J2jbw1C1MH6JQKLL z-KE`@StBlVn*;7go5%9ZF^J&7Z{3ge)IC{zx{s4tnbx2RQrmVYvT@3 z%Sb~X3fgLZ_yv;|Ek6VfNI-{fYWGzy?oDUR>N0l+GB^`9KkA=$+Y}%L zPzFoDr8B^0YaiO>%pCGUPW_}gke%&U8U1QE9%pS!w>A|lr`XSj+a~fESZaLz7s)%q znATue)IFm2jeP-R{b+nww}U@UrZJvmZ|8;~SaX#H$4+_AOGy6a!+p|6yNoVx43BrM*{!HFcA74ur_lVTruCZV18$>?MI) zM^gj6*aT&KEVuX3Dld`jg$2G6P1!dEX<$g8!V+28az=rRoj76xx;_{^FOj@1Cm?_| zpNL5b=G#rzHsNJ=gfSKOX1lOhRTShM*a+W6&(&Tv))HJ0^UGhcHYX2_uggC9lAOyr z<=~d}Q*GxK$Zzbi^ks9p^84!JI<wJ52pVh}mFzA9B z5lWa6dSR*zZmye)l9OVk^l`FC&?=dMmvWrtJ7wz#$}4*qgNJgQTiTkRLCxAVv-C$j zn8=wH73I)44dWn&23gXQ(EvuZKXwR(ggzMPdCu$a|Gf)T3l^s>F1}8aqcS>6UJ6Wo zHj1hk@oy1}D71;-HKeaD%T-uKS|^@!u45&lQPfMTDi(QY+tT|%;MAmQcco=|mqs@0 zmGj;>Tjs(5B5;X@+N!^~Xyl5P<8)%%B)*q2-KXusszr6?=z4UNK0^vAR~SA{^g}m( z|F&X-VjVgm*FxL+1-Hp71C4b0*OL-bHi4&}f=!V|o4poUoA~O`1== z50uhtWV1asGXuNdl!pH39zxRQy&z%qiYfomg6`zeCR%o03WgPUgR-*_cYhPmeOs*6 z&7nD3g$DIl6X_-(&j|d%En~FeBMckAm^-u3=g%CPXXCR_B-#fv557h9N{a@5X~i(j zP7C&?mK2ion(;Vl#4oFydGa!Q_LqxEW_QF-#Y@^&$VXh6x^_)vSF#^cWs&yuU(uuM z$Wq(ED)Z!W`!PjSw@T9wj-vkyJSR>iJsc$*?64H3WA{ABzM%%ji~>!;7;4+7UiB<&dsq+% zTBr4ns?__4ljOK+?%JXv(+)0U)n2XX;@WgpBrxpY(;IoLCKmtyya4MlTz$22i)wq} zuG>Zq%`o9QaB@9z)hfs~-=74(ZF7e#B0>5lG||yMg1nT(FjX}#9HuH3sn^L2n^7Y? z*8Izx#Z>wN=Bk6H)gRQ+t1c^zy3g1L5@~!-cYT!eiPd%k6y*lkX*!VysnO_6$N>4e zmkW2cA%p7~UP^`!rPa6A+W%2sAe4^mQIv3d2FmbiQ=!`bRk)1$oP;K0%u{pW&~y!k zdLjU`>%~3fz@){cz`K5&_*BH+2&MRIjX1R%q!(^qhBCJKor%ft$~z@x&@p)B&Wr1; z3u+4AS&Uw*5%2M)4x;2J9G>g@u6j8S#fF){x&LDZL@-~ON^I|_>!X``E`|RGEf)0= zdUJe`k)!q%b){-AZ;n21G?q5d%?eNInHv4 zx2{davF({SD;uiTEW{KrGqBneO5X@9lZn?RUb=Wrj>f_a>n}De>=NbHmhg^{ z|5_yfej{Q3Qhw*D?VlTFVe=2lj=7o0cQ$XzvG06my`<&HU?7zFpp7}i_o=Ru(wIQO z>dgGpVU^ky&BR|(@_4~&YHM?691q46sMDeON@>rQFZDHHHYK43VWy3WkJqH{JJoBl;22+Nw{(Rp$~?l3slHd8EA7q?sN3heGRZlYLCqKvtupcZL%!|n_`G5!D=b@?S<7Ydq;J=frkKY(&Ih2@+~eZ)!<@N znVDx(a%Ccm75$Ue2kl%aq7eM#yf~2n$xU)G5UHDimiSA&bhnTzT>|^}Ex* zZg|r|czF4`U#{55Zy#3dV)_)%iWHd(Et+#n&^-BEv!qp(nuJ`u8MGDT2LSs^ju+Tj@fEzPx`xX*wwDUBD zm$|C`;ZEjMKVP%rfWIj#kCbw7EA(&8uPYLQV6e{7uXIdpL z22o3SYxf?!`>*+r<_YZQgh{0T-*XA(MVgZLW9L6&*|A1~lFJ>x33XbnSQ8FhbfX$O z*BR^d%t7{7{94#4-%9U~Q`wPI*E;0>Nn;H&CvDzs`6v9c=U0bxla%MjRN-Xj=f`Aq zX)(d3S+o{q1#xeTm^+;Ydt1uMRvt47q?B_5cvwn%HuhA^E*|P1xR{8?n6ncVyA*E} zOvKeSBQrkcn=Ea<7tb8EdAOO~VVz|G9n?$w2?Sl6U**PcPMw@RZ-eA`E^#ic)qi3d zJFi|4v*Uh^$~Vn)z0{JJkc%mbqg+z6R+uyo-SXe>CbpdGH<#4!0NX91dk6#-f8JPZ z;{9f3$cf%>!2b|dP^n9n@Esb@4>HB~Y9d*eWuFND2~puHXMw5K_KZPsRdXw1q&57L zM%{b6lM=Cg4k)U*+G=>RRYNaMC# zrn?h+Q!Uq!i%ukC#W zE!vbw#B_T#Dk?`E%tjhZ$a#~e74Q(DjYWp{(o?+))dn>)4)q_rpuqx6i}=}+^OTZ> zpaJ@s1B4d#XX{PO_5Hl0!=m0@!%!5*sb6Z9;#kYIT|5Ni(f`hNnD#fCU6q#>ye6I_ zd_PA21_gT-Uz;S*(&%WnAqOD8znB|jQw!)#%GG=IxkW*!&~G&ZPhxRi2tPM*Dkrf7 z76$~_yZx}4#)=SPz|kI9 zFS;q%$KR?h5)=u@Q&e$%fIVX;LKT{8sAvT`_yKlG^VLWh&tmYJ5z!+xw}IgpN|D(L zsFh|Pn2)xZLIK?qs?IQW&K?3p*@m2VS_|CUN5PqwtgxfkX2;ASHvGj*QxG9e^isH( zP$A6|0RT0%m^M(dAmBTnD5};N(G~IgLKdkYAx$#uk8bG|IVL6~H~dKschxjV8$Jd@4&3VO67+t!PZMGT zcn=14|4pRD%;3tS?|P!4hsNG)OaRvg^)QC-?Jx7M@ry0xea0#3ler>msVSElGFIsk zN~$zMns)5JH1YCT!I>e+N|*a$D$kvY?R4$U?qSq5xO95_2tQ_F8FM<3ZBWGRfA>R^ z*F`tAB^x85!`0xypL%-|b1GR8b*J@b!|T*c^LtbJoTTJ~0zzgYEX3u90e>2W@;cjW z1j~OxH?i=Akn8@4M~{qlH9*>4ynfevH^+eADS8r4n2f0|PQ~${%V!kX+yVxGd2A?j zVVxe%CW7K&~Q%v`CnMDvGF}e zZ_=OD#G5K#(ftdV3VZ(w%i#4(!9dWstv+*$B4*O6U8H*@eK9gB9TxfRD}E#@M`3op zS0`CoRo$6}1Wn1G*k>Odw836zvWs~aW zcZFWqXpvlQhoRUR(S`~MN)xgMqQx2Z3SB(IY%qXBc_3j|$r*uer-(Jzk+4k7a@1?Y z3L_e__BPL9f7Fc6wxcy;t4Fc0z9AOPMNa&_FRfzcQJo@nPtm2I z8tJPIwV$D~@+;KP4LIgxwc=0gsSK*%ww!3V=0K7RS9ho)y|Z@tzKg6^?KfZY-|XHR3kS$jeYHuEy*AVz*80z0m~AkD>b{&EDin=r8tA^p)Vp?nUON@(1WdUk!~o+{>|UIhwHBztI-xJm2R)H z2vzt?U|hi!{WkH?0m4D@${|BYM@bF;d0>AIq@}lYGHP0*Ytu~X&)RZE=HPt6h~b>D z)akJ<_7i+it!!*kh#!}>dcQhJ2L#)$H6f?Fh>q*if8PJ$R#^^{`I<#*o4&N2@Rh<}^o>WtsFugk803^0n(kgb&G zTCtdo>>%y*5*d81&Wat+0#?i$2`et^Fzp*6;Yu6N_ep6gJ#^9T2Z2V3pBt<~x~|U$ zHE4zMHs_My0BP6<_2yI?|3%xjw;Vk!1SvjM*e9LWhzLIFDHCJRtCl{?D8T*@bOhp<6&&mNQs2C z1WCW@Z=5Y?z;}sMnpo@)dwpCH)HM2byKExVV*n{=3vP(MYuP)qWhv6ys+DM``tf8+ ztR^~AEN|srQZAom@2dtn`>!3V2ZtPxf7!lG;S>Gj@>i@Kd2qCc&Le#R9RCrSG8ov= z?9N+!H;cWN$w9j*uG#K*izTv~(-*3Yb`@v*`*uUFJnb;zJ#ZQ~s1}%qt{;^eYeS}9 zTI`(IR(1teo@)Ma5=wr`nV}KGw}DO3Iw8~<8O2PFZ?$G2UN)dc3BxjPQCsr1jOS+8 zQaa-3ckgk7B?4P%5WpqP#twaYZJntt*UR>X$ex$ z(M1?Em>T;wWg%2c`~a2D5>&CHuSg9_@Q8}FoHbE9RSS) z1Z3NdHSV=PfiNLFL6LBCJnZ(rP2Zm;$CjPg2r~`O3OZKgRDr7;9S*wVpbbyHkac7( z*BV)yqKc|}Z~*U0*Z{m<3|#Uc<#13+w<#Hqf)OiuIbAF)^row%NTGKIREp9hG;kjn z@^K

RpeLQWcw@4mXXJ((?X98HAPTperpSEoSNmv8u$u4Y7T31e%u($JD(U2n{~$ zE^q0MPZz@3BBvHPbkZa9U1a|cnEG+HL9LSYM!aW`t*WZ`cN==t=><>XE5^+oePGKg z30p6m2(-lZ?3_d0J_~2&;4;SLQpP%kLle%Wj9$|2-=E9-x?TIHbgUi}Awa+|iD4tM z_UCv)<7y;49jYQH(`>9mDvtM?lQWVZHyI8VnYk*3*I{_BbQt}(vfLT@r1Kh^Mxf=z z5-xX3KgYxv@00()B$=HSxAw1qjtE&QigO(ulqNQc0~`)Z`OTfum6Jx~ZQo|7DGE)Qj=;;xzCPOsF9g3ykTUt7x>V}a z%j)_?56ILktAvv>yiB=W84Uh&_lj}M<4!DNU=DiA4g_aMA{n*ULXbJ zr=Aky&j{whgftK@zg1!BA=Vhmmq46YT)!Z-bE<78?Zun%uDY-F9I?ZtjRAk0yd{&4=1<+~=LD~sF>AEN#5 z>qB55rq^OJw>bWFu1W@UU||3OkBXErI?>Q5k_)+pIUPUvRxrn&pHDo5DdyNLZ1uI7 z#)F&K1k1c&_*78blmKY!3IYY;)uWe!1_Xj$?TJj!0*_QI`aKvu+JV1y7K)=J z{IjCLeav~Swrylp4cMsfVM(cScHVY71?J?l;SJaKk$O?EoYm0du@fz&n+W8fK?DyK zF^YWLnt_xTdAEd(cbt}eiG#e&v0>HWC-Cq^fcas}%Ff5(0_4OZPpwH(iNLz9qOoQI z5_)vKJv7|iwd!P0yXBxRz=I1df?kA8SzuHWLHRzXSnRv3GBgeo}ow30_AzR#k zrF;^Gzjj6*t}0{GK>`&jy~ddOtWwzcPfc1~F(^FIuDo|8Xi-m~kB1AAuJeB>l5xkL z-lqpk^c0(tvU>Nr&Cs2FuwAe+ruBYwc`Do0G;Dj<+MJX)*mJhk|nP4k|Kq_Kg)6HHf^(+rBg zAXgygBX1nnD9W~8_j$h|Y~~Yt@`R_H1%1n^LRVO5fOYOy!`n0!aFF~uTQ1RvDa10I zz*;_UM!;vK4~xB>wjs&}>PAQ%^YN40`YSNkP$58Y-M|KnjI4hebFv!|CCPA(BEfI_)a(O2hy*n^X-G{$Y!zejL-riYl|Gk8wbzo9auAF7wHW#C0eOG40k?G(f zEkkcr!nq@_z|7CYtN(@u*8OAjJ*V8`G1+ZYNo=44W@W8uf-jkY0?hrp#{Ip_8Xpr> zCH@LW)yGz9p=d}G(H##N@0iuD^fheK8q7I#SY@ALjxGP(xFg@0#{J(NY!?QYaW1b; zfstY`k(%gM@l3{wclLLJ3KveMXSsob5e5iYP189b0PSyL$Z;SLN~Zd(UC}M}|2_4q z?v0Ki=U)l!6=3H8vGSkF=**df!dxmnro1vR?$kaBLA$|ww*O-$u} zr&a?6eG!C$ofsO5R^xprOITlHQ`|&BD`*qr?{c%Q>e+tEpBV4CS#Eez;B0MeZ+dG_ zdnwqGD5(RwBr<3Os79HORg8jU#!E|E4LT8d&$>S|Cq%7nDlaTb#D&O(IVd^Bt>%VR zv;56Al+ig zINN!K5MH}wnAF5zsFaW(cc^(&^`Gh{1#kV3Yg9V}na1P2%t;4;+?c13t6LD)OeX3# z%)gE8LYmlX|3sVIWRLUS>4basnnk1XDTMHPYpkxtjye@T3^3>o60!9h zDDAEA_6GtSx)2a5x(bU}Y(xHMuXiSD?8NDLQs~_&!?C?wq)@55 zLaBHeEYbD{D59n?2@(&SQ#Xm|3Jg)qX1{%nX8P+Y%hhwg`AkKUJBFUW8Ml4OcL0-Lmyes=^`k8UA+bQvwKj zzGm+Ym^U~s{ND)A`CBPBB4lnmUZPAQo+NS(1@!Bg6A1|SxA@LYJj03i)6+aGrDk)n z;qJ}st2!6+tSGPc&KshCZ;6)p<{C8nOf@+=+lI@8F@XKqz{+u7o6Ga$|CHhLpYKmR z-oZ=*_ij$8f4*0Fp5p7QNcx*~5VZ(uT%bfRot}k@e6`U5GrsV-`5&@g&Qx&VxW*Y{ zuIX^y5B7T)AY*@|tJ3aHRs_+(5I(f=h49c~rKb=WCPrmzF1O|4UlPiOr+R(VW_$Y| zq{2F^gJ8faVg7*?8^)-e0);aWRFiiv!1|6_sMc6&``hauq|WvBkgvG$?~+2@RS?2! z5-m|^u1Kdhbp+_qyLJ(Qq=I?w47$E;wb9?nf7dZI)TL322G)=l)ecGPUn7L|&CfKO z8!T-@WWa<$0}n0{5NF4tl4(z)H59B{2|$Asbxz|b)jh>0P&u3~&wac2yHW!)yj-q0 z-v^2tmuLgih-VD*5E~5TyW%#dCKBWHX34MH$fU+zT1eZp9>esuE@e#J_e?B|!8jGH zv@?N&B3$5%^Xt}?P8|{OemN0)Bug_UqaqE52Q7pDj9NzO@tc>pg2F|Ay3j_19}}@$ z*A3y|ZhrIMcPEVTqT-DQ-mU$ibFedE^9k?SYY>O3i|FpoW=Oy4SY5Qe*i3J$g>eGq z@U(;uGXa3}SZtS^U2{Bd>sueW&VqDM+=HHq%=4Gz+)5{FCbU7Rs+Zj~&fyrIV|>x` zzJ6UInyYP%!O8kHhY4G2oP@)j8M_O2g9}t5ad&vl*;ez){8B&y(VWLMsj<2I20LC- z8)g?sT}(FEOtWZzxBNp!LT(rjIw>4%Uggg?m_{PfD!)zc%dG-dvKq>)EkVxc&_FPG zAPm4&n%@8a<5vJi|6{)=Ez{p(W0@ZO3hvMyKvXMfHktjyEc?Mgz<8FveMS_k90cTibnaf$2rC6itF!5rd#G;oF`Blu+s?n^zIcZ$UB$yN=A+ zFKiwp&qCKbUgyHUP3OhC>npz_t;^4cvDqXs6RAbgo|0IGkh zUO-A!l!2LN`Jd47ApD%U@%smeoICmDuiV)NzbehE! zAFD_QnE319xRqFQ-`$w zGA#8ggGARF8?o==CZMnNe2h|v{uWC6w)LG~s?tHi_!{jwDQzVjy@K~EWqA?zd7CiG zp&Jp-dfIGO1|ITo>oR`dm*^QRV?{*$tq85&uu|s`b6}U>KM3`C5=u3^R3x)o_frac zhQEG2Dv7hiLEElA=SKV)qeTJ%m0BLs+EyWG4p!cGdC@( zCPq{{d&S^G_n_)q3_flM*70BWgc`q=e#LN&^T?W|ZBM8;3cyfF4-Z2%CyP;C-Hr6e z_>5ExI}{$6_YY^aqG;@yJ+Q#y&oQFKrjm>zZBp;h;48xQj-z%djR+@5l3Jm!I?e)7Z-_ecv0DS`2(( zh0e2Mrj9lncWRa+_xeqhpYduJEs?B*y^D>Pn^z?SNP&5m<3+-=!~?tG!?7|O1pr!3 zewZz52@#{&Z|3Q059nONQPoHMiR2mam>+PjiRVSv{Ni=XXY@>cS)dDn04Unk+2yscn(-G?#e9}^|OBMuEV zs_v|ed9N{fFZ1B+&!^0T7%eFBqoP70tN7oPgJ~4@{(UH)Q%x@ZOXq7^#@(H6{0l;4 zSKG3Bw*9id)c)Hl8H*h(BC7n$_Z^JC?%VnRDd)Ii7kKBn?fVvH{o!zS3@S{owlmpZ z&?46a6T74Ge8)1Ge+w!DBHRh4a6DU^%M?j=R<^Dk3! zH!8lq6ANl$o?y>a0-2)GIq-|#&)X4=SY_Nq265PoagUpWixKv!uhCp2-PlP87;&d| z?}He#O+zB;PMHu1ef5fIx7}W`O`MvX>DpQ)Rzj6JJM+NL{+9!_=6TvH=IWwIyx)A1+i=_eQOf zCP@K$0atqDr?z?hlLDe|-LZluMolzvMylQvCM2XB=hFg*4qE`mf23HT45_s3yrw|M z-@{$pHxLGO%3D<|Rvn~_+*cPepH*)A{dfgfE9(sS0uk#xv%}zU{_87V{ar(Reyg|4 zVib(IOV8vkPa(s!8dJjQ11$|Nh{J1%8R}RD=-09C%K5#l+t-8nr+1vnSwXgWvu4M& z&8JbkIvNp6soeN=-**aohW2}T{I?bjlA{vK?%|-9sxsEic-5D{XL|n<|L21TB7g;g zK6{(A%o&L+A2+ii5sI!1efnYCzug)TLvFW4lU)lp8`KV2-^W0jBPPPmq!FK4`d(eU z0^T1)77EsUlskGCjYSopU-Kag!h?~oKu3BPPWB!M0QR2&CfM`jm3Zku@iZ7<*hh1- z8Yl;NAmX>d=Z!dJM13E`a9CzQ=V+%uapb&<4~kQ`Nftpw{N$6t=a_OZ9lY zAl&Kv(0IQ3k|A=T$jJHyB6z*}M(FIue+U_X47a0QlxgzPINj7mZ@kjE?4zqHTGDbi ze1Cd*O|gJ7g#`kX!!N%>TQ|S0jr>eqizD>tq#>Sv_>J*D#?4T{;ZzKS^$cjL3TgS1 z4%&kDquCBkdg3CZm%XYzV6fufj`&M({)j_E!LV@zEm2N_1(V z2AA8$=KIk?8g`Ay5sNh2@EUi#Hm#(kS26B^nQG_EspRRk9Bt2RO4{;;vj zlG(7QE15X^lsFl}wBv1%+sS9nH~e#gc#(PEzp&& zuHdVE3j@oAM=fWjs48H$7+_QL;KVFF&Yt*jf=? zRudcsn-ro;n^U&-1i2fUds~D>fuUkArdGsBQ#*nB*$lwhdrKNQrY7}U!&hUQDuPz39Q?Cv(Et9QG(Q53DYWgP4NhQn z=Zz?j7gs(Y;A#)*&fFigT^1)X$k0f?R-A+Xj!@-^Lj+4fA;)^I+$^I8x8<5~xXxS# zvzD~&4*Jjb?iu+OcL7@~TEtY@D6SW}v`o}Q^K#GN#RfOu>)XXsIN!;o<%hVYCz+#o z)1^Zw^SPJvb3c+FLIE?5b_jIrj$V!oET~G`6-@V<&jH%Muj;fq`t^2s$x*v>JsrTG zc{j$LD0X4Mizw1KblX%K$8l1AN7CQ!530r00a7meb#uj|F5+OC?rkeMSrfu@& zlrjIoUjQVa)SE^4PkizzCv3x7p)gD0O4LB#LoC{;-+dqc*WkC?tv~qLWn6m%k~=a3 zRB|D>Rh6`DiHz7~LDOl~<@Il%BNhm@i#DO9S_=2NrHwc1|G6V)b|IZut{IBdf!F(A zG`mTZFrTv;>k0)5THiFhp7~*y66Da#glX|QzPsISOf}mO`A%N@Xp}-PHsG24QwKOS z6I!X^?JIG>Hb|cAbd31~VVH0bCf(0Dp$)iW^{vT#^ryN$0QmNSf4~GtP^UC?yd&kn zyd)|!a!hI2mK2gw6~6`n5Yx=RnW=6(r4)(^$AJVpNOVB-= zfemb+*}0nZq2++|iOvly-As5x!tGU21<8dm=F*j%+@I@o=%+1rW#w@Tk*F1a-Zxhre4-JmryR5J8diK`dSaX@i+!O4BPZLgvO z2q$& zj@PwKMAl9#RdGk*1`<)u4WzD4g1qkq7{Z2dXeC|w<&Fya(FN@8Wm9Mn*`Ce|$$cCF zM?2m$fqN1_aUvD`ucqF2U;!mHCUcUwwEzIy_VX*2uD%QkfZE@*eL}Zb3tWzjllIZK zYnTFY z@+Vp0+5-IH3SHK_YKEaSLg&U#$URxI7T8JkxwHN2g*iz-=0{DeJJSpuBHUb2-C>Q z;Jil^@?q$Jxhwt|gq|J?Ijm!;7$d2vuLr!+GXIw5&tPAL2OaOPJUIW&{DzeD8eFza zk;ts|u?~|zW!Lp=#`24-K=mMUZxewpglJfDUH_@%U+26;8}~)um%o}OLnk$EaGkbZ zhBDs11pb5o+~>fNp5oEoi>l*7ti2?)a=b+PB`?2$Dgl zr`qlOcty3@-ly06GXUuR7)>e(xN*3B(}{-tTKw&xdAOoTgpQUxp?KGg;=Djor2|Os zd>4s1-{L5sAa35DA9{uGJr$waG8JTdFXKSZB)NJ++~#+N1q9JP)dU045$|$bZyBFz zcPr;c9ulP?9A49ki;%z=a&MaFh{8wJsmH+J z%uFdQfxsLJ-fby^)u+>oj|uIfg16AcA6dEH3euA&K31Y66zceogmDJk+h_ZiFU)u&J3_9%vrPvr16R=fv1j{3bwkIW2 z@PH8Yx*ezddQoi(+#`ZMEQo*s9R}rGdbQQP3z@#YXAVkc6$aLYp2NW(LkeZUH8I2f zt74`i(~I0~#Prnr`ERWHz^}_q&x2?LKJZyFnDqi^Q=cF2awkac)~BtVRD2eXYUa=~ zwjrBv7acK(wDiP`iMg4wS)Y%%$}9yqhkN}3R*%5a%qK3T5Jor(BmsW+=*e&}*u}5j z!YS_ng(uYS``RFopW*RyxFL}|_XgAA1D-ulfVHh`nx2FtRTT~; zOX;U?bTxG)2T4)1vcQ6$u zkOi-t0HVZ3zj;$8V8KXokf1|AxssH``${j?poh*jeYjnIB#Ht4I5Z_cHnxd;rpZ$I zw)pl~6En*Io&XXtVDC=#C7hmvB_37!Ry;^Z=rATUJV7C-6I(dCN@A0soVRBUpN(%P zB*xTgo$K5q!f6y&9!AbnUq=y`osGz;hIT^uF$xsw0WD%IC&a~$PLC6*e=dy!yIy$^ zy~Y^ENwJQT(#2zI6@vXQoxRbgEM?da#D@?X&zDtUVH>pI!+T3=+Cdz7@Z$JFiR=IX z%urva<6y#N-}TD78gBwF8{YJ(K)-YMBCf~>Rj9yd9@s;c3N&{$6axIO=JY3fCP^m7 zQ50GkA*G^}oX90Z`Fyf;i9Fp2WaTZd(E-u+_!RSNtL91X92>t7($_375C>CSms~9~ z>!&E(A18zPYu_Hw-=I?w;f#!&)ICRJ)p)4!CK?erQ{a0gKf!nj22hBL9LJsi@<|l& zcbANxw6LWOO`wprIr$iu~dPDF-y^>kHxddAR-WkL`<$HcAW89l-d<;1OQ@X z%{rSqc&YK(ZFTQ#Sj~*qdK->L@E;N{Z0QefVol2M%54K!5V=JB>xodT=1G(}rm|3u zL|k;H6E<;Xaf;C8ti*HWeARa?pCVpgMQfRAu)fh#HVfunhGPEq&g|Iv5 z_pxL2gmW(|@&p!&e=`A{RC}p~*5hl@NJ6+g5@j~H?@WqEuC&7Cezm}-(dh6?4fR7R z3l9)rq{gS=nJEF zmVbTbKw7I#9<2Xv=&u8C*;-K#>nOD%S;rx(w34SAkq@<1V}wUTQJkHSy~f`HQWc4{B%S0uq1>8(xg!cA4Cfq6z;GSZRMyQu%;b6rV8P zp4@SFMXE%IM*y+ZaWA(V4r#1qttL4R{)Eg7bMyLQ`RMKDyY`9hHc*|C3b$v!Hc9(f zrt8%*3t0-%k%Ahx3N3LYtM{s8QuOYeAQr5Qv$owc2xfw=9uga_c=(nw^yiltDsS~s zqJl1NDE_1rZdFZGc+WV0P>fy1m=}kx<%*b486N{3yEYS{ZERh> zc3@Hp$o-!M0|wrPG+IzzPMnwz^6T%;4hVKfYF4 zFT_&TDtkS?b|G{Q2oK}GmME4P@|hIn#n#G8*m7Jq*`oHne18{dv z<}LaAwwqrNAYc~7P)G`+ftmV~(u?j|mYRxE;}VD??h{Qy+-M*c)SQEgtd2^eXZwqp zaJ>Aq|3oUd>)MKyYM?I3-Czd^c&sLsXZh}yU`FhV2|651h%qIFZNxGJGk7Rqz$vm(bCuvq7-xorI4SgoYHP?)cflZrLcPNuRO~=eZvyWf@ z=#~8WdK)lg%=o1bL}BR!LbXt2ezz9t@3FW|6ywDXs9+&Exmhja`Fqh$)9_F7gabS% z?E@(+^DEG}n`pRQiBIvbdfbwr({)a-e9*=)eYo7%;e;^kSm*=Xnmuq#1&OWN8+I)V zO(Mydrp|fJGOoaJm-Otl0>oH>Xyz6;$H&vrz6cW1a3=^GTXPI8of#0ogEnwp%Y)di zm3<)jE0<%}^FJO)rzyUKzd_UFz0C|Ln=@5?@-#f?;?*~T0OXtCM*2yAkTAkdM$p8F z8J?8*yjY*<%Kaq<2xcMfqY`Zl)w(M4m&^fBnwN%d3C0MI7KmBFhf2<6%lz-PctA>$ z3^kSNf4PFm$(0$zbmv8m|E0RYfmpD|Z5&ggUbYAjm64;f!K4sIz!f!vS(suax*l{` zH^$h51<8+}J!fJQVZ71s0bQY*+po;UUHZX3$ymmboZZ#ib<3cckf0~4vV6W;{HIT; z40l!`xqRLqUYJmEU3hz~6s3}t1PxYUD1_SXFAUCdmG-99PVC#SPB+Qe&(!ITo0Zc2 zb3d^b%zcy>^qh`2WYhhW;89}e8S1XZO{s_=MTIGky|gDjy$ynEf@*OsgL8%oh*d3F z6bR2+g-~}*aCuMrw24HEvq4y9($i@|P7+FfQ#y%H z$r|3b9mza06WX#yC(yR}R-Ds}!8@sh2?P6UyAQMGHaLdZxxq~I_6&M-!&lv;VC?v3 zb?r0j&)2y$xX&4Rv`A^G>A}8l`)&ykY+>oti5IZarHy51z{%xRN&+f#U8dmqwtqwd zPsj}vogEe^v>40OqdzU1R}6Gnvi_4Ih3LZ1xWQP$hw?0hHI&;z0?h`hP-#Ih>n~j$ zV{)UW?5s85#m18xOZm`HriO>u)iNQ%3C)*m=0zOBH(RpcpsCoPaAbwJHf&1uoaUdx zg24!vkW5&cx+|ZPiv+Lf(&&MYIq13mK z5P?6A6X>%&#Mufr)Dv%<95?0LCJFTO&@g$?qRovXKaZb^aiW^g$gLg-gXf@F-QxUg z_(EV!v(6KzEPpyg+Qh1z*PoLA=o9m0^uSyxY_^vSo~8aRKS&ra(}srfU8{`Fc%9%Q zm)ig;hNBF}FV(J3TDMrW0U6H-6XU8y(`$``y0V~tZ|Agw!5YVyh%XHIvw{9XW1Fo) z&gRa3x^9U~q5eK4N-c2VFbdF=W9H3REyXm|i$V(nxOhHAUF-NrfQaQxEo|1m5OGy) zxS{b`OLkkxEN7_~@oIStTi8n!lWB@;W%(s6kIyL(^(AE=B9Ulx)r_AAq4Ks zN!&K`E6wvzq)0@N;kot$4>l=ToT;|EOf@U7u|eF7IvNEiN)*#f7wPBjrd=tmC|e7s zh|VC|@Jee5ua)5UYjt0m+}ga~{*Dw0kk%FuKR^q!&}cf|?u<^o^)d$KLIZhJP)`c} zHj}};W(29&hH^+7!x97WoJo~}e5Ime;3v#pdTcFa=~vmQW%$$uCc}ilIItZvSEWrg zwa@b|N}V?{p5*pci*i>MrXq}2zI>dD*|E%=Mp5|a(EKt=^Z*i@!!y#!%x#M$iyca< zY3Z}Son%KkWCj-hXG9C?f-_)i*!5zo>~fvd{;Rp|xTBRNo)xWwvqDCVQBf|}n+uR{ zm~ScZE*6a*I#PnQyQbeX-BqQQAtV2wR!N6tN^NUqs<7y;W$KP9d8@7>%7TE01l!I@ z^LyA{;6ge|{?jE7nd+lFJf<_7y=>4VcpkEg={9kT5b(?JY>UFQYK@VY-BgdgP0FUA z6csAIInTSV>8q)NhQD1^*&baqQ9NBRB(o{iPp5vJwk6TSzqm7U)7|*?!BgY9#2Iez z+>^EJ=R`1?u98{8=mewt zkzBQMWF(n|9P>vmKSr9?kuqWi!xlvj#=sr6NMURzULQ)^H~0Ue=^CTsYP` zZ8Ub$*hZ5ywr$(CHL;z>jT+mw_099H_5GQ@v(`E1zW1fQ_iAT83ptDgk9B|5&WALO zkuW?yH~Gt8mvED#skJ=4AN}EAH*52Kl*R{#y|(UatrqrSx_K+ACO&%X^+SYu-me&U|?c85`mY#R>u(kTk9chzfK+s*Nj zgsX^PZ6@=(>bSSI_jgLL-YNWiwu6-w0jU(}2i(w)g(!&GnJI^`Zt}bjoeWycn+#S991ieLz zqkGT`uzoB5q+ySiwxYO&5(t)(Jviez&o0}|se3uUm} z<=@t*a-f>p+bLY0sP1O)Y_%+m9{^hfOBe-aCx|?kl|!L7bEqH>h5`A$mGP@6(t2bEXeTB=KO$C#C8Q8KLa1T-br+F|Mv!W zZRN{@i)JFvrxw9qi_?$Yh-u(}{6tkV#ZMssAa|%)43iZOpqT}h2kA|}D}{>40y72W z@Dx&4c<@WK;KqWUV*s#Z6fH-LZ))@J7JNf;l&(I0n&Ia?Ay7-TFX>0RI22%c5`5IR zZT*CKs>c{Q0kxDX0y#stje^McH|{una{?nyaAIsXGaObPE7Q5)Xri`<=r_sq(P&j3evHvO2ouT6bT}_#_0G10k)gNLz^N69;hoZkh@3 zMIAwtQb>D@5Uew=OY&q80NotKE3D3xe^E@Z5|9~erCJ`}+UOA;q6}*;)1G{Cn`v!) z;9bFds(({bPU)pyoxfckha{9ic_L8fhurKeG%V2Ryhq^nQCsWYo`c@$vwM?7NXc-x z%j&qG+7jK~s}RK(o16Y%DEwHu?AUwk{#sq~Shkv9I`5si za1Hh$GltlS6>PvR$%PoOKD?IBls8n^N%^GZWp*FBXpGCSfWsAyR@7VGdi{P)j%=RT z9Qi%0R~t8tzs&o^%L1Oo0_l@D5slOXse!o<_kx<=yFvkKPWL6V-dlE=AQr*XEJ{Kj z2~eKGl{|uRSkDTLAOa&I&5M-o+~ekF0+$*%!q&i*SiKbK`Y6zKe~D!VeV}K2m@IX)}hfM83K81EnfD z(?rmK`%AU996#@6%#v>CD0#xFOthdM)a;hCi|c!9@?@!YrM@ZOO&(m7?42tyarwf> zHw=(mN#xh8bO*z@%mt4qWBu~yw>F5Iv{bnbh6ydQbvOEk*#|IiqTJlhMUC62CFvz# z`{~l?oniKa(@*^w4n?*3%2jpWw<2U~-@^H~fc4C)@=%=tl7zSS5$l^hk zeBjP^voA|PACH!grMD3n&*r6LIb+F!<1+^Mhf>uJA8mSjvb5*jrGD!o!H|jp;PwZQ1`WN9tzIdlq>% zaTQq1Jn_*b0YWZFFaFgs?KzyPN+ZO=d*v3^+y|zxrke(9AgOFU5ur7Q-~7xP0$^Va zXZtR8gN!uie@{+mEJ*stT zd{x4E%vmJ_4vG{@tchAAinxbvnoHd`e~+JG$NHTwH{zM(_d>brv!S-ax zF2+$$l2g{OQ+(eYi1?c7I?o!4HcM~=X?b#5EgbHA2AYemStCY?+R%IAIYi1vg-P*b<=Dq~L_zT+#hPpI7!E(7Tnc-`67tn_ z)1PmheLNe)wDF>HuaF1UGB=j*!OD~i@vxEOC7!hQ!maru@QM<|_a93ce~yzB0sL`pkk1|OKVDklYF1bj`FQhy>8Gffjr&zV zDf0gQ-;qv-*7mmXS6UIdim(?S+07vkg!>eO1PaT+PYA$_kQeTS(z|QadG)~o069?c zzGF2EbI!leGFAgdj4mv*`Dy7o>mH8!Hg=0hEMr3Z>kSeXshxP_;+T9RoN0Oz6s6mo zPE)mHx27-Oe9l&CS})s|2ySzqs?>DER~bnuX7LvjcQK3Pg8bnnXwS<4m#^82LQUtl z?*wW58dVnc;^*=Rk@LG&ul14}7O19mHGFP42s&I>l>+Pv@Q_|2VjC96LhOdA+7bNt zfFGMq3n%sDrgHc0Y!D7-$y3g@!Zlqz=~-7V)gk&yMSCETnH&XQ;z<6cRw(4sZ}|ta z_vPOp#xk2OXw+~dx-H(ji%8A)J`n$((k@=~H`aB~h=a^we?4Y(6=|pCv<#-lzgD>> z#YY}uIOBD{J^CH%-H95gbXU8n)8OfK*#s?iBowRH^)c#V(5?1ibnV(;YQ}2q8aSxW zo1vM5KY?S6jLTk_4`uYw)9I56`8p8>(lUtwb7fOvuiB~?G2p?lAf7A5iqpY^=gYDK zB|C+(ygrjRit^!pW5P;zu1<@{rXc&A9hqU8>^0Lva)&hz-#=+TiQB1m=9oUH5A{`H zbfEG;3Y=%{I(}-qcH@GPmsqLYoF|J@$;ePu|F=CcT;Wtjeq>C}VDc{tHo?LrSZ9+# zES=k4Yh0XyF@aFJcV8LVvNQ31W7m}^Fc#TbD z(S?lacn?TEqSBS?-o5FpeMTQCkok5dM z%Q3dbkplpr!ylQR)bciF@2in3HR9Mk5KNK4xa6BE;80QNm7t8wQ^dp)=?BL-3X_PA(5 zGva_nhAbKrX4k52rR6Fq@{q0W7Pv&;-OlSbLMB!T0Q8~Ajqc*GH2#WqRZ%%ZEPue=TLx#1idLOlx~?q*^YPx(eJJs1WET99 zZ)<0NK1+~8zH~%Ud6_`C{-TJP88qUHLtD=1t9SL{*LnUmGecCdRXXyp9_4Ex?Z4$o z8L-(=GJu59L|QM`b7C}w{E=crLR0iGF^Td(HG(|x9eo3nPOCIb@6xU-N&dWlu@VTh zX4(dt`A?4#t>k90qe&Q<>V<*bXXxAz3;kAG2&+uYHM^mF;a6imgH35N$Aw#<3-#g< z(B*!~{?TT8ZI;%;6+6^l$jJ9rxjq54W)HEKAyID0dMs9oEI@4>)Fk7{I1+RVt?czI zq|nI{P3JUzWmDrzh52w_7$~)tbINRvZX;G;g39cygZM5UwssETBVpP^Qq-rCtFMa@ z6(Al363KTT4gPy{Pn7~=?Pp3B*-tAg8t>-`EK$6@k%)4_{Ymfw@^d>GswR^hIQB(Q z*%~AOK$@_LaKf&o=$s-vF3QT+A=&kL;Yix6ZYDo z9{bmr2BH*bI4FKqh^;ei7~~;cC*nOv{UyW-Y3qjB2BYWqBB{^h#yU!YYnP&;!xz`q zjSJT{Bd*YCq+e)SW%t;@0d35G-|xpX@cSJTKBLK}%?FQRQ7Z31CqG9WAp$?Kd|^DA zf+aDP1&<6Chaf8ZN||$r%-_IkgY;uKUWqHv`OH)ARDrj(?}*}mhaGwxXAmWQr=%TP zf}+BlQtr_ME`~%w>s7(~Nbv54YMP*}x5l%o$*EUq?F5Anv`mHlw&T7~XndooeAP)a zgBc?4pR>fGXt<_)BV`b&e;6{Lp44P^?2|S|4H^)xm{FCG*Q&KJ+b*!1_=Nx9mWmxl z*G0!*BcHFPn%45vp_gS)>s`iFnb71L0APp-{oK5reT&>PN`;EGAeue`%!)sV&E1wN(sWWPAhON?k<&8}Dw*Q*&`K++cPP z1r~U{fWA*<``lOzLFBJWg=EHq*DsQ3qq0hhT%yUQg@qEo)%XmhCJsW1W-F0|joCve z!^s@97xoPPaGm~CiO8O_=dV&ava>N(*(Xjwy|JN@iMW4r}e-o;A>-6T|lHYQpFgkM`WXLn-;j=_1|H?msyTQx5Q z6trUparGo!)u)q)yxPqhg^|w-Agy1wfZOWFCf;PtX)L}vCBR>5zb!lV8XujkL5rO^ zGr#dHsXRc?87`Gyh1tdK2y{B&---T zkP8rNE3F8+8wjm)#!=*mn2<;^{Yj}%>rI`hy^_j?)M%qT#YfuybdbiB8H{H=Ui}OV zrYP)Qe7hoWWiIoU)p=M$b5dH{yyJsXL{c>76}v<()Gv2}9dMx>s(ls_yh&yBxm=ps+&`S5aU~|4v_VuT^=fvgNzfZ;BV1uK=dNRfIG`T*PfNrinqf3} zXZBn~2HlX&Y({*w1WhhJQJ3Bi3+__{NDUw0YmoGf_!r;HsQ@&Q0}0Dy$&MQH{1OGb zMo+510V9kAv_*wR^8@>fE3|ZUV_2*p0>DDe4W6$AU4tXfL%hf${Gb1~A5D=^yi1Zl znz_ieSs@CdSEr9R+|ZeW(M9kXE!fJ|9xmGzIa4-+agj!?T`nY{!YGDN$v_ThQg9j) z-=AH1QqX{(EWhafV^Xkh;nLbE@vK6nZd$bdQWn(b&16|ZYE|JW1FqyvsyzWz!y%d~ zEFJHE8=WY)!p6sGCNvpG;>AQK=wk#_;oB(id>;bW{%S9U#XPB>u~_g*Hzga9U_@k0 zOo2|MD@gM$JpkIljZ~>WI;a}YIvIWIyTlELBv#?t}aZ8J4%W5uV3ZafCiSr`_<&74x(>^ z;pp0lWUn5Ek-!D)@YWh}Q#n30SQPSU>PX=NPf8+g_Y`v1i3RiVTf>n3`#D49<2RtA zb?y>3dK(X3sS%URU#(QcW;yvUEng9XE}H#Ak1Mu*YWkQQ zyu6M+uYXOQ=iQzTP-KvRK5}Mcem3nA7zWCA1bG;Irc>cR|HXgBlN6;*+LXs%6P zn3B7xRLL>@@u304wJqaI@zsk#c#5DKr%t{54A>yORzuLX&DN{R{jmA3vNc}wQY%3gyzpLiS0;qMh$8;2rmz6y7c@dL#eCF&@G@(X z$aW($+V~&MMEaiUm-BxP2B5{GVXuvY43%w`ey7@3dlD|tW<$E*{l_3PX>Ga(9PpPW zD*{~*>WGWnH1KDHID2hMMC~En2f247u}f#x_HaMlh?T--mNL z6LKAXZZ&t%{&KqatAVm~+)Rn873z5oO)`tpH^H)2Eo01VdX9-)TsyK}Za;oCp|hdX{-zJ~^pi!`8>8i zPxi7km!lqN;+2W6mkJosz+_1wj($sSYy^=3mJG5~mV%6G>@~P{eHVdsT8G5GqEBqQ?9N?BZd2 zbnHJNU!VKN`loE2;Xl8m;4@<-du2PecUs<`ffS8sl;8l){pyznGYvU#BQUm<@A6SW zErq`d|2Qv>er1vJ@b(n42JtJy3t3WfJ5_=2~&7z0JZF z&D8RMVfYnM7=EQ9g0~`WCsF3tr(m4w`uh(ah|;-gTp;^^80x+I$uN^#SSjAz6AKt_ z@FzE2jld>W(yBVGCBj5pVKmq9`n#>3!8YeqrK=(ssIrM0mV2mhzeiHTqX5FxsGN9! zngPyz&|2xNR6BEpR4i<~+C@tD$cTxfW9`hyYjPr}3_KK9<3F{{(YNLtK8yO(5L@qN zO=dtUupM<993Xyp(n8GxFIWn6ncUJ6lFzEhy%KLl{+*@81+zXJ9u_@zkQ)6FX#1N6XJE4$V9X&mI~cs^rc-Z5XAH>IisUb3?e7 z=*Y%(tETku9@iC~Hv6`kj(-R``Rh{2HXt+HtMcnSGFm+C6fa=zdB9d(U+3Z9G6p|< z!rS+46-V*}?jb2=3o%mzaTp~F5zkqKi^Z$T5{^m#X+MxEYK6I3M2ADnb#2?Kc5q=_A28LNlEi7)@eWme}_ zx2AHl=8ucc`AA!Ak4iUDTk?2}w{o2g3w|^)zPIwo!{iAu4lH>iga; zUGVRo-!BxWMXZ*cM(C929-*e0+chCGkhW~))FA5(6}ys}#v2U4Dr**&HK2zV1z*3@_lX>*?i{$Oo!pKvIW1lqn` zORJR^qfrj^jhNm|4s#kb007wIw^hcbi#R`U<~u{*S#+{6VI1UaaI}*ZRg1IoyrNQ< za~@|S9GF{rl?>CAe}8B+$~2+xpzdj#o>bp!gO!t{SXlOa7L&#PJ*p^T%`ay7=OEx) zxSFd%e8=CrL~%pfqNn(quwmqbV}FMLDGc<<*ScPyEyM~LZ<_;XGv=bL5Q8AzhR)R) zFDsV^)IT%Hf_g%htlQwmsVIX`VyS-^#k3e;pu%~096Jh{GuK3kg9-m|h|56=$EIgC z>%DP5-?FM`Q0e{FU^27ebe)j(w0;-e)>3k^7W*hL`P>J!lg`MjJ=3!?e_sQV@n!9J zvNUdpp=4n_VaaNdC5%)PXWM(gO&rtRn!a3JrmboU6FkO(UQgf4?nI$ch}>08&txzQWP-@x(}d3MVc-313((1?99HQtg?#wugy zuo{D={>M}GeF{M&1M1ZtFdZpvz8CcK;Enpa!fytmxC_~iIP6$y%l>1qiAIVAv za(?lBL&VT4suMU&k#-1Y`;TV2aAYP-D}Vf+hm@}q=)N1VfStj;C>@RK-M&MIi;vN`Oy0{Dk76jL7}BVv-kL+Zbxo`lCe z{Cr{|4Sn9jmRUog?t0Of#yXnpW_G901q;(6#eBg+|p zGptADrx~pbcA#j743#gv;(FBc_7slDFLc!VB-iuNc}RW5&nRn9UvV#iAJD$tK^6op zjjjA|f68X@3Ze}e@RRO$+gqQgK!2bLsnHtzLaO(bG!Bb}7`f*w8kN4aMpQX>WPD0H zvDqVtT73Rm6{w^4;HcWx-gdPB8?SFbr3Bdx!?u%~+yv%I8)ZqDy@YwJcB)lT^Tu`u?8ZEZC6gxu4p=6sur&(W}lG=d|rD*<8m-HyhJYU$K%n>_=|7K z*2uzVk|Q5^tY7!n9|mLj)~82f1$wDnrf=^i5Akc|$7;%cu%XivDL_PKBsvn&OKj6fbk1P-O8^AmWJ8-suikqUCi7MZ%t9yNLp5co3)(Um<^3PoSxf~QOHSIW$YQ)1~7T_(Q^tBJ72AeJ_K z3F(*2pS0MU%xLkhQl>Q~aiP=XDM}w9CKust!9A6uL29{u9a^P=+9Ph*HjtGuBa0cp zLP;nhP2Kw;M21`S2s-uruJ7$GD|B1h_uiOnJ_^bq3&r7=(_|R3H|Lv(cg)vp8kq>j zIjr$Qett_Rf)qPZBNnR+gWKERCg^CEt&)rW2IqAm4gx%#Uq3XCYIPDC++CH$rFDg& z$QWXW#_t-Y9BZWb7;s=^8U<-^?-tXd^}_Qcm(MYQ6b3n+msyKM^zwOMMjKdm z>b*z+DTZY!lcNy#B2{6?jasBSQpR0Z&TRKm!^0x7CtUrS)$zW0Tly~EzJqTA`4-t- z*<)^JL5ou7w^Xig21=bR};m^X+Qc4e#5`;SRHs+pZ}l=R>((D z1Baq$hf@Y!lbK{DAfk|96MTc%S=JeJ7!w2x)jMr!_lX_qhne=&^oq67(S8L%Bohvs=7r96KW4eQpEF0}d1CIRg#Ti#x8;nQ=1 z3#Ff^xD2)sFXQ=g5Vk>G)4#yMaD{>leDlx3XMiXmu_&u*lRwyuQ6cLL_zg!8h)DMW8!p5NAeW}Mf?Yeu?3tqo&*nc z_%(A{&^}UTraY=;l<5eo!U=;Uf=kGKH=gJHXj}SvPQM}l>7v2-5<~?yDR-(logPi# zDhlrT{Ip|xUYBz0B)H(XGLv6@S2?RIssU3ZzB^v`w*2L+`U6y9)p0e_#pG3`ryJ2e znPGIQHsOa4&wsy+8O=|S$+~>+JJjXQ1yF>jNtJqjrJ4v;kD~E_NTNEP&`W+PbTN~S zz*7L*ZnixXV*Yy^HSqp1*6GUYQ(~|@gvLof{cS5qZ`7L6%c`Ga^C1shw3uQC#mz@^ zr+*`63;EBD1I^%3GKkJvYPbpV+eFPwjSAl`ugF)b`+7UL8boF?crb z9~rFrQfxX7-J`fO*#0#WBJ%D3vj8 zLJoCXnX1}0oek$gZXT~I? zIxT3r)a7hE+7DxPeQ6a-F7=AeCvn~N#&})AZ%|1WQ;3UejF=z`y4)VzIrfGi2-!S$ zTqItB1#Sm7g={Jny>-OW%jAHI{#~s;=oEh=FwqA*{a8YQ38Bfjxeh^_dHoF}_xZF_ zO3@`0Q+*^Fnkh8ISnh^2U2el!jQJzcxAfLBQ;lAw*EZVPsW+r(iVaU0KP zdK`_ftyltnl4A%%1=@e6*UO4KA`)DsGXgW6?#5?MNh?UrTR zef9jxy&KW9VsqV4Ku@Z{pJ-J(zW>H;g&=$K zG8}s6sf!v#Fhg;_VTMc{!RVMBVW7~#fCC=G5vPl8L2iriZ`9y$HxR1^fEU4Hzhhef zLPdf>{eKJD_8oe4s@v^M*VjXJ6q0cIbdL?mSxkM*}cjmk}}Oim$t$1k&$ ziC*moeTN%)kTaF@d?KS`(eF-PNla@A;y&OxD)#Eybl1I0NmG*+>K_ROpmqsXY>rcj zb?6R1gKSPDK)jgzWPaI*?e{Gz8Q^J92h(TW`5_2HxmIa!UaTQ#4ov}hZDtY1zyaJB zBQ2+HaXZ{}Y?#m%5+f=N0|-ZPf}3maWRlDR`v5&^7N?LlA4SzrTu$Sl;9qKHUMX^> zDA+Q$=CGIBXX+>fmywcyhUA4gKC$L2$q5hJR;x$5Jf8C)e_~aMo2iSm>|jF7vZ;+N9P*KU zQ@=%M(O%fGFx+84n+ly;|a> zW$M+Ng0rVj(d2EyZEjck?Ycd`mug3e{JhWp)hG%)prhK*965kFtidN6-mqDQEV*!a zvosd6PzGNY|2$p{yCM-2rpC?1EV39$e*X;$H{a0o8P0}NPevnC5Ph&jXslZ+OXPkm zS6!uL?871(QoW||6EY0KivR%MXMV~@vkwH{4}*V{4NS|nV4Df2O>ecHZ=kFUwX;F>%78TMkE#|sHh#(oO63qs z#L!JFmcWHj$eYF0m}Hy)-dSUzAPe4*L<}{F2~9@A$gX^$Q&3rjK~`@MeGm1IAkdcu zqGj6I>Hq+fO~GRE-{*)xPM%2?$Kg)B*cWO;q1V6d;7>$f#+xGnnczazcDxUTZ6-5@ zIRa6_bDobi;CWNEt4`3-12H9?hPJoSe-H+q(z-f80*GRsx7k^H+y!H2n~$5{+Vt(g z8Zk_Yx_gi?!|4_8{omQLyXBQuOdEWUcGV`LkP(lC-^2g`?u*MUFU1_xI8wy#F(fy0 zn2)Uz@)A-s6}YKC{-DSqb%bmzy#k57IG`jk6uOzT$zTzRK{QlYbaOrYZJ5o@#mY-R ze)of|tU8`DuNPQlAYgk`vC*d6Vuj|<_8^%r^uKhx+g8gB46VC8B z-%i$=>($-%nP94Z?hyzs7$ideHj7zOcqnjyW{0z-j*gC<-9ppz2!@n_y8zqr2p}d$ zwwPRkj?)Jl=Ep0%ah^^V$pA$olyMPHe>k0piIm{eVAJi-C|hVl5KPW49Yt*rZj*Gj z2Qk3O#H^6{PYfds!Y0m~6(i|<_=ZeM1zZv+NizyLSe>eQ+(}Vtmhm3T*Owj|x6s*k zA)H#_@O=oNuys?`>Ovurj$7O^rDW_^+h*~_qg(qrdwtDgQW)JO!J@02?J#(B+rWIM zEn)|_OtE;ss0FZmLqP`=TOl`0v_Yf;4o`@}6xAnTc3-}D862Tpt+(F>vj%NoyUL|) zR9^hAJ1L59+UFIuKaW-Hz>pVXoZC99KW;1I$8kM7pGC3W?ezE)JtPs)y zKSjM86wDb=K8afHaxyILyqhXvvfFFUMzHR`)XVR=FNB_AW16^`wlC0^Jt1EtRV{;B zdu17^&0Q;_%pnIdY?-yntP$&5kL&T!yGPMjQzd`H7tCvYh0L4($!wzefrqv0dARV~ zalTL1iRcOOD}bb}ZTFkj;4k$uioOFva*2#yq=V!(E5#|V)lZcH%cnU0sFB1ZCocCi zn2{m}HV73Y=P$x-*CW#hiW^aLWnL;Slr}u{qVnxI@57Y+bp$b{rKtIf*Q3JF&C4wb!2%ag#yz#nrZ z?V7{-Ck5T`-ykhD&0NT+)ho4FNi&`EPbMpNh3i^;2@-;63Lcbobb7F3OzNDt4oEBR zdfF;SGr2xDT3WT{M2CYEMh0vjuwCgUbY}*XhRphL3Umu^HvME?v-{3IWxJSrE~wRq z374T|m;15pP?sS}Q6W|!t*M+iqeBMpxLi2<&6aux+cg_2&;4=Z^mbMGZsRl-$VL1G zDa0J?UerQ0z{ClLQd<3dpYkXWm3RboOiMVUroCWQWS)K)vtq=u~vAv+Y9wkhN*4>Yr1AF)coff@rQ=g)2zaM<*X?w3t-HwP@ zs&LNN<&F~D4t?lflp&?rRaAMOoMpz@<~(`3n>4RjYg&tO6l{!-?Bm3_e+8L_m$z6{ zgFJ$Q!pm#$l>;QmHh%u-4ng>UdEUP_o9!2MlOB%CWYby0(oPe5G1oj7#kaACm zxFHx|b-D)<E4`tdQOuQ&>EoWT0N6orf4VI);-@AY_g+0TL+WDAER28jxp ze`4mvlFxCVA;`OxO}p}3k~E`H z{jq85_NoKPvp#)PwOP+|p{U>ma1`cTil6CVcd~gqN$VAQU&a9D-FUQzq3w<@{oWKE zqz2B@=96EK@e5K2|B&8SLH*18Iy`T;ZmhJg&VMdZFW4&^*cCI{qnE0G>lf6Ybob2G zvS?$F(_w0A0`MQ;H+0bUaIbZzL_Qf%+916h8z!<~#|?qI<%9c75ij@&;w;xCpnjHB zOKKlwYILYQV}6XFe*Ybd)11?2RMER%*XNR8T=T20^*;@~H5S-GBf%=o zx5h}6IB6*Y=eQfxgt9GT|TiFg!MwLG+gA}L6+C&h)O-`RYb#04S}nq-K8`rb2Y z0?8_=Y~3!$w~esRq-7U-@z+A;(9@UhV21+e6!CePovrltxlT0vXfk6MiLeM14bxWY z3rxsdbgPv__d#PH(;3pX$?e3^8=K?b)nWVw}Ll9PUM+*`A2*=-W(of~t_JuOhbFJ!J+Z zb~f3ynEC8F)(lZco}A(s;};fLEd-z*Xi_&s?N$D63udjE%0lBc5|*yMc$=tZSMR0~cODLfS}6 z>}fK-6=2HS@VrVGy`*h>IU3nIw;kOrS*v_nr~jibz?vkZ+R0FK@4669o{TWSfiQk} z5wo?a?0!+NB47DWzuR5^N?1spqO)@RUdW&C|mJ~@DNDkQ{EQ7e_s&tas@NJlr6fhfHGAW1Yy zza~eJd9)jY=kRqkNyi-Q={OSf8LG96XaB zP||tAbH9-DkTo80hK!5OU3v51&Otf6&rspQTOMh)H=SNZx{hOZy4^#(^ASQ(Kia8L zv@J# z=@`2A^vov(25A;aaa1xVIe1-mq^ zU02YM0Bd~|ID!-T3A71v1ne}un1V1%Gqo|RUleM=A6IL7u02a;$8ST~iXPbvjzLRWk$Irz)4&SHgT`Z|*p?eJ$?8(VuOSYuakjQ$F#Vc|BD76ZbCL=ZR=LgeC1*@?KpXg*UV(NGR~(Gm7n!vQ|Hl| z<^UtrD@2p%lIPR>;Vn+S*KgmAjN&R%rPq2g?2Rp#KIx=Yxmxn@rD!j>s* z+EP6#r3v#Ok=qRo@XYV4?x+Wp;B+t>F~-`hO!%iZaoQC6iBNeMJhx^bogE!IYq#X> zzV`Wc$=JzJUmnNhmb$?$WcE+mVUe$y2q9f<9+gV%x@^A@xZ?Zxogc(sA&`GP?(=~` z^rjPFlJK3azCV2PuJLG38=L8^I~N#`eJVI~X?oh%X(sAne}Yw{pydsfpqjhg3l2i4 zrX22PI!vqn;<-lR^qM13^Wrp1+2F;-YN587F4#12OMR`sJWZBQLXDJk{j-ay-9+ji z7`VD7lEt~6 zy#fHXLl+{tTh*Wb0cDch?P5~bRBwqCvbG&3lvRt7qkC?b>ltZjRLElUBxv7%GLHwB zv_9hJC3iCZ01jK;Js0qJD}U!CeDTz>9S$m3l7)?)uvC(*^m+j%mZNlM=#qBo5#&Us zHr5WFqqwLl-`3Ugy&BjBAqUQ?X!wSU#EJOL5hd+L2|AEb7O`8*a{7U)P%ryaL_PG+ zGK=?G4^Z!C=>0bEmN4lDR{O?H0*2a>X7i%gWj5~-4cz>dg1+G)#mxIs!DubhGO{tu zloUOPSm6)UH0Mn!=B7-+5qe_5y3%JHak`6jmr}~D&bB;-rRHcH=u?7ByfM1F6FPMr zb|gZN)7Y&ktsAVtg4}K)Ul&A+&}RBNh2{9 zpcm3g%mmTLL+3=E^1ZIuZRU$t?moznMKTwo5k38c-V?Il_V;C^lHNLITt0kReyd&NKR-t3ydlR z3iX8&x#sCAfF$#Wutr>EwYnkCwujrrWFssCh|_C#2RQ_1Yfa z4>63Q?mesUtGFNR7TZ67ZnO2tIyF2Q2wac*gz4v)d=q?@fwIYF82FE+y{#<;=T|rr zO#esIH-^{MMO&Z7w$<24gT_W<+qTu%w$s?Q?FLO6yRmIM`SyG7clVQjY4e=3*IIMV zG3J!q%Z6yO1zFxe*o8deK@~2f*LNd=Qf;$dC+F$ zzz@rg?WPv2CFLDs51dbmjcUL{IX67kc$WAPiy`G5h#tkx#ALKxYtfx|25S3(7r$XU z^-1!nUW@m*G~Bx<%tT^=4D$b?fwCYFe$vb61S#D&X*b5F?q&Jdox3L$f;>8wd9*EZ zcSGsNlE-CO0PObtLDkor z*`DnB^~?O5bg1;;KZcn1t{5##?^8V9A%*3$K9SA{P*WDQoks@(@_a0-=EL}@0{>9D zJ-13b{8by+ou2!Cj6~OA$`P5J^;AgN`(Uv@3uMTrvgT|@n-3y>aOjHQFdQYuthxEg zESo0%v?OzL$%BH-=y| z{}wrMpWXhtF?B#5+#CYUCxUgFoLA{_?WdjTVGHcbo9U1szD>k@s9|n#LK>bP63^xh z*mtFmnVUNwnm9H@tvU`1^)d~oIE8AuBn_us;}j`F5yOtf4_8OO!^Kix*3Q>`RPyiF zr^mT(KA*We2bFaIv=`cbQVLL@L>nCWMhbsznZ~X`38GhUh>LX=_B}zgg`h+?? zrJdk^yosF`0W0?pcVyWSuoT&X2}?5iV)%P80_iA|3Y(d)^arJn-P`H=!RSzZqo2d< zp$EF)L*;Qb`WS`Sn__dmAq{I6TC94O-q+&F1g}bpS8v^eI2!#K$M2v%`pY8C4atRl zDk=QhcfFM!GOtU7T8OWSr3#d@WgkEY!32#7E5(p=Elw{xEH6_nKM{yWZdR!-Da1hw z_Qy{nZ=!Ji7NWXFztPf&St>BY87m+=%7+KfeW5>HwKucbO!CU>sl7g2-o#mnz#OB9 z_Akw(lS7h$(SBXs?0Gr1**vx;z1zd#zH8dNhgn3&BnT*Ii@vlQbG^^JZTdW0=AR=Z z>M6iq+Ca>@s(9GrT)JkS+y%bOO8m8%)mGQx09N5d*@pVS;G8n}VKLMsaIq;xS7=X( zn4Pqb{@ne+Dx%MX1CCBX{8K`AN%OjySoJ!`vw#_+HGz6B*S?!;y>>&>Cf`r?r-=a@ zh4SR<4mvL$I8PpU;OEC15*lCD4jMW}=g?3Wdb@wxeKTaQ1)8ut6$ez#uO-dzGyCP zWz1id#j@Y;C*>GM1G1er zt`M>&rrk<{P2Jk*NUwsMsaIfs?(FNClsWH!LVK)ExnSQm`0JtxoTi7{f;nu-4N4{d2uM=qL9JK4mmamj(m5^^?{$&-jWLR|Q_Rm}g(zgxqoOBn7*>DV{A6cmCh4RWZc!5sw+ zUbxZ^bJ<`9)l%LdWlN37>l4mZrxMD-gw>ndEc+Q4=*@7|A4~kyy|=1&fw z>)TIOoRkmc*JVhjyJH|l2$G(YnG`6|G)~n>`&4hJG&3Qvjkq*%e_~&Tr%+O;ss}SL zp3rJLnu)-$ZH4V+iz!_wxq4`MUC$A=7Vhyhou<)xRtU6R?{|zG=H75*H;oj%d&_~R z=YM`CY;&coC+?qcK!f5P`FG!*Z$Y3Co%!YX!xKLOC?2jW5)-bQ=}qXKByZp=IJT%T z3kA^;OJFKNAWR(7asEAI;nn`UtYuKEDHozOBkF!YpWP0)&sAXjdrBQ?DCX>I}Db_h)@wty{*p_`;fwZQ5jv#E3fUXS&M9i#wY4LO!coZcHra zN@NukUAf9zpc;Gl6{zQbhrpi`M%o%q7iwwS9v_^Yu@)Y!y!z;x9;A__2d`(Gb8M^H zN%PNj*h6#wT46X-{h~UP;`WEa$ME_?&`moQokGFBVi&W8{?nS?@$cBn?QAtdkTYLP+D0FY$=^`A?S! zy-+G-F2Eiff34QOfd+A^`K;ugv5t0}tq^E{xuz-wc<8ivnf}|USo;e3<@RSwPBQHR zwwo*Zj9h5)-|E4+QNUelcqBOM;mv)(6HR>V^S$z|s1Q8B|2Gde3c(DrodkxGJe8aC zWZVLza7s5@()|J@V&p-j-_b=<9h8(+rbl(><@=e)&5G4J&*;@`Z8bD_9pp#jR4UO= zWPRbHu;c7PC7P&OKLY-HaFK-rHMM@ly1fO|u^Ns|P23iZLxt43|B}Sz?IWU(t)(0g zC>%+1UOTPDakAA+O(!#^qWENf-u$!WID@k6)S6f2ZK)@@c0Q9`0$SK)rxe>S7Y(Bm z(!38hZBA3PC=Bm8A;vKl$l@8fC@j}^LC%i|ZwmP+)ELt~SP1>g->lZ(tFr5zeZ77A z!q#f~3>?1yqQr73?=|cQUUwl_C<;yD;#7KD1DD0N>Nl)IF16`gba_qp_ZVKc0M1}7 z6B*CmI}0i|PlWB|L%IJ>{ltw6g zbc=<>u{i>xBx?afSQP3&@E-l&=4|UI_pRH|D(;z*=DV0BH3m!IOzxBm3^mO!(Qf~o zSwhBl64|?-n8cdAbV0r?0qK}nl@*Se>hV!WMCtz;N8H~;2?f3=kOGd z%&NDNbwkHd_}095JFM$_PSfXUk$lw~K65a908KJ%J6cXYX=PSR7soEb3U@Vv{*BGF zcTe)>H_WTzH(#3EZc zPkm`q1ik6n@JJg~+_(at*xlW&t5`(Swgmax|SXH>+A1d zFnZmWu6YvqZT6ds)j#e1`twWQ%)h~;1ra$k*rAtcNcoyays!hnir)ILuXj<1M4dMF z*QZz4&D}}(VM!h=+k1?fSolvDig@ppim49h^i^9!q;=bNB#Q#{1syMoQ`FI++>Mp{ zm0;{&HHX~R^FZVHNY zC@som9wVkP51Vl4`+txh4RUv|->$Ihdp=G<3h*GIz&C?>9nD~WfPo||b{YfB%K3VU zIt@kSo6VQr+ab(BeV-?cU+MW9$gY7E9wemsxRxjUjsr_3On(#)(>cS52O=gRF?{#z z)M*HISE8Y%#k)YcV@1zq6i_;I1@@!&lse7dv3{aW`ULWc?8aP{!TBwMrkYS zW(3w6>DfK`NiP}~^#i5faX6&`ETgb**ie)UyN=@n`@h0{^qzwHGy7txW=@}MrQ+}3 zC%~>CuxSZ$HZ^(wK_9eWi!l#W(*!7^13}U>75~O!@yp>6AB4@v;|c34bdcd4$UQ?Jik7%a`@Zze!&2e|NP82P zn#d(kIGe@a!!BC9q>7WbpO3g}bjsUi-JRbgR)i^YD+RR&9503uiBt z6h{B&qaQvGe(ecCiuALoTMu69U3xX+RJuHPD_1FlTgZ&rO@PeLIG*b>`%Nmpc3zi! z zV{O>Zx21M3EJ!{IESD{t>wR>zN3o%GKHAI=xF(fi{Dg{DXy7x_1QKyiCvg*-8GD^W z*83MfDs~e-V_+Nmtr*^Iz4TDl>s0lu(i}DXsEZRUxXQn_PuW|{#Z2Y*RG7|QE6&e8h&N#ip^>onN->&9f zb02bTdlCcKilD~%)|Ih)x8k~@YFn4|rukJoF1q^DMNmyf;)au(!L@Z~d9!N0rj*54bf#T{djuEf|amA0_o93Q7*6_Px@;&5iEs zXXpGWU%q#A${ZvR%DvmaJu3_#|IP+Xt2s}OKl7cpCx&U(=&49~XisoGlE}cEzTlm{ z;@x8v0NxAA*o1D=z3Eja=Od+fvM@6+VS)|%G@W3eX@(PBKf}!QRJ@5lJa1ePWvzuD ziPx6zSz2I2PzPstz)UH>-EO8jKTz99>d(h!KoLJc_iB7IHKm*2r*`gE-NzV72e~ExNIPqxWgnHUbqF6~~W8Hcrb{wW> zSC6{wEmnV?8*qQ*t(N|0D`arCc-9A-nU&38^J5Nvab{>|zO3=OqVW-70{6N4SJqTx zPw}pW2|_|NiDEqlOKA9mRHV9;p6^#;zpp6INYshR55iBRs;1XaxzE;=XfHl%cPHGSLO|zO}NOBNyrV(*#Kf5TQPp<9ffOo|f#Y4GF1bdO+(3828M9itA{Ho* zNEG7r*L=}AVX7h<^x=LYp7~w*3n*(kR-2O7>e|$kqCTSrxrLLpxAAEeFep3j_Z#0V z)rFURObcw7sgbjI%cS6F?S$ktZAem}H!#iCk}QIxqUW|OBde_3XU{n@)n1j^eM;!^ z%e1c(&N0b@{WWDNnCC!A(O-~;8d5c@k$N;9dJ0Q)-ST2%;opyf3j6if+S~&g5F>$m7v~0Hba{iA=IGN z3><{RDUBvvEIe$8si-?)Wyk&%$jKHnt`s1^E)Pz5OmfF)pqYcJ=VmDoT%hFa#e2o8 z_K%$g;q_Wo`6ZoJqmCn`%^zrZf>`1F2qk6Vavj&_w!x``s?OJO>!0%Ww2v~&+UErL z7|oN*99-TfVQRxDqc98?EYk5<0#Ag$0pjbwO*YhoY?MU?kPOibjI-dNl8!&7%^S+) z$sX9Pk!zrzs?s|^8r&TE0jsAcK9)vf|pYU+!WfPAzf2+-RShG z7Pah)Q`)GEkB}5*gett^j-l&UJcRew--b-ZQqSk>?|$n79?i#UKjdX|)1rj(d?fXN zRp^~~{TQHG4dusIxdqr!acHmzqF;4K?#I>N@cw>)fs)tOh?soQp{5`}drgPytPTm2 zL|Y2~kSTi&yH1{b7uDg~E$Zk7K=eaYu(0C$KmS$Y4=&S1EVvLNm_;3b{{4LCHs1v3 z1A(+I*;3YD2UzA3m*#a$-KAuT?#}G6(ste_Ja&k9(sUg!Ir&^?zj*ZWTb58-xcCU4 z4=mn9SqI=Xi$VUtj-lb7J4cOZoRXpMZ!Z^)%P0=@mCGhu{%vj5s_p!jNZrC5zB7(v z?Mir;L#!4Tb2%>qAhn>1hz-$|9_IJHZn1mtRMiC&Dbtj z@~%s&?R`mI*=0h6_t@2lE+7qFWs{1ff;gXC3BN73KtUt$^_`8Z_v$G7NVk7Z84G~~ z33t;F zkI{_?7wO(bn<#WPhm}M>+DqSDzhgu@c~imhpqs9_1>7l!al!_sH;Ih|1awW5FxC0x zywy7kf?}mbt)E(y+YGRJ4h6GSHxMaOGYj6Q!`DJKkK2+PoK$ghui#NN>0T3KseAWh zYnMROO3Se#BuUz+8eyK1{09^rt&L3N7csETzDMWuRSfgBv#9*{KARG{WId=7_CQ$; zCCrxJlqY8AOw*}Djs1h=Y<~t5<5kO6C?g>X@@+#4Ykc?s(Il?$F>DeDMV$Q z0JdyQ1s!CLx4D}r>8`{KEq^x~4WPDe*WzE>k}lYzgM{9T538GL8Sn$#9dHxYoLvfj zrhfhQo#x&p<-Qp3+_tmB;2>h-@D0&8VYP_LO`UAt>IA{s@T9pM^COF+qE?(7SP&?p zEOp)U4_{wXSZ6lSqyP=6m&Vk!Tp9e>kiRYoHsq`_VwuzN@gRdx2D5A38^MUnPHlUc zI4&Ej^Sw3<7QB(v$=H}n5MXrdT#4yWo>rYv=35_2<9waoJrStwc6FHKpe-(_zW5y? zQXgCV`GZZDu69g;<{n#@E`>#H?mlqLKKs*D=eqhl{ic7xjEaGW^|JUa{>j#CGR~P$ z;QOzO$qm+cY8`<16hX&ulH6W+EHpb4BxaVt@V#O6Q`!Icx8UszW7LQaoNX25YD5qS zI#>i{$Zx6}97wEZt?4BnA7@sJ`WH1Se}mtvArj+EqvRhmJPV&=wfJh%mpa&P-}m$3 z4}%$78g%`Nwh12yer;)`H~wh|1LA(2Ev@30FU)7Wqp&2n()$Hh6Sj{~M2Rq+uMD;i zVqBcV0zXlX{h>h`(_;VDGh|!Eg(V!CWlWp?D=VhRd}i<&+|c;$@ektD6WF=H7ry}O zsq|BM;Jn760BU*V`2>{-6lD;cQ`0`(XUon7AZSB5{O$6S&v(6>$BlITr+A|MdQxAi zUwuuqY78Z9{{?bmPx;Gp`f2LTSQKGPq5XAL%F<@F;?Ac@VWdg}U6dcKRv01%4-abc zEGHTin2(Y_y0P?wmMGKkwq)-Fc{h*-@1#yFr&3mhIV^DcxjKrgdX9Hq`(R&eWQT2X zk3|X{jQMMPow@OAsWCh7AywO7J64_U_#pxY2Pb%#%ynbUuNqO^J+JrOrrrpgZub&z z&g_BB{nr$%Sa?M-H{H$g^jUvc)x_^m;vu(wM_6_QF7h+4)+cXT&hy+bEIVG(UTyD; zy-89d(V;(P>HdBL{Y|`D3xx?<+5zkK{!Ql573+Jl zRzWjATDas#N&eY4q_M;bd!S%e8L#({K*7Ys>~uY^sIC2aAvjDb?*sr51r!~;)duKT zct~A0#3t+v@O9(J4wdMDLS$MJ6Dhd>CRVSXWU>Kv1F@mkm@i!ce!sqV(H35|!HoS87e-=2xQGsZ0SO>3SL8QYU8 zj|bYJ(DVx{8ea?KU{I;)Cm4DfuOq8}HNyf(?A44sSazQ(wA+U|{6v4@^&b++*MOnX zkRGk{H$mW7qLKZk#HMkeKAS9xb0H^)M}nxZwlUvjJ6-xpGLn4rxuEaixp#~Xu+-vG zd6PpQlf#ww6k*wABw|EI{v=)y#go1-OTFcWG^ZDkv731+5_C>IJfG5g?fRq@x4xvz zq>1XflAaefeNQny4k}{r3na>OxL{e`=ERB`-I7ELedShh#Jp=NdhH7SL8f*EMSDeLD{jpZ?ubGwbWaFb%}kC`{9N8Q>VUo&D2R z7g**t4C+8fi}*dT6&|2Y1Tgjqe0oj-k$qdZyNUc$6aT8*k1&k*-3ylX%#l{fD(a(k z81;eWJIwXdQ#E~g`||sMcN>-@<7{cJTpTxRX|tx`2liJ&@pH7giQLU4)krE&ZUYbGwB;rV+nTTDVPt%Z=NB1<|bgNKARC{hr#hg ze^cQC%fE;nNMOvaKl-v;{&4T+I`uv;_GxtG7P#P~$8rJQF#d(JCwIGH!qLeFxB4g7 zdGqjJ_*g~MY?{u;ZKd*iW zb!(kiHm4*ASUfhgE0;=*euAdOn6k-dUySV09@3@cdU)i88tH^Yyj;vKieu!$-u}!g^iB9}m*76Z!AlzJc zb!!{&xZ!fz8~N(@mfxeRs95iMuEk3P*soVr@jC7ddR^kGkcZZB$Tt8E=zXhvJ#QNu z0lUIN*m&0Tu*~RCIcoE&W*^=_Z$$p-c2S^K&nU6CJNu(c<~Mv!+roI53%lNRoTs9X zcD~Y@<%BLeb3EF>w0WKIEqsQ?n@aV{U9%2Fl6l(usoNu_cTkKTsgUAH6 z3^H>P?JJQq7mh%?vMNePs3^phZFBYla^VV4df*&7=E&JCJPSxeoP}F{U1f(737!qS za8sYS%Q3S6o3JgohpS%%2d@*X(En*){cuNQI8``@@xN!-7D~(PYQ96DqWy zRb;1iowGjvg6J!+V`VijcxVWvoiu#y&x+2R-lzmn&QSyflh?|vg`MMqhd_C9!xpD= zudr+ZSjGEuZ#O~nU!sX5_0J4+j!#eos^M+Q1Ucoib+!`^^miK92Ywucd^diA*o?%N z!@REVVxWqR*ud*XS7bMwjyy*fpyi8LEFNgYVI6nN)eO{oRXW~znqz&0zb8vhWom&L zxM=FT9ef+NJIn)L>{R8eD+^iC?Tt%?=uq$23LL*@cDf)8K0V~&!G+Qbp+-mjt%K0*A-B)& zf9OEab29}Z(xND5Jd>6~Tv;l`k<)$ds-BynfiQJql)OsLGyk(R;E}Q!;Ox?B3lcMi z@7TB#Ov(I)i9$f{X5Y$TrHlJhIBiuCM-G{!&qP?SF+Ugp|1_AhBz3b7alXquZ_lB# z0*!Lj~dH=ay)2nOW8vJxSfi`giWuJ|CRuj^L5;0p3)>+&os6%9Fn}VKQOn<%JCfn zZQ=z>N={CVHbqlYbN5f&C!mP2U+;hfJzaEOl9G{?$`NYf%^Sy1@sbP{I(%X6#XVxm zPrl>Y(XH0c4JiBxJC2!heA*F5(N<880Z6JwY>^t*Yp}KdjbS|ucZeEajSo^Ba~%1mDFnq3^^Z;G`u?2QLQ95Ym3v%5ulTZahHaYE3;CYP=W7Ct-vS3%{aeAXlS??tRD2OOIUFK-XGd(mF5rQ3%}6{&2v z@w<~-=5d&B1<)YD@k@fg6{Uiae&DT|74g5^)Ct@D;vB^D{!a_A(}|mlxU7u)OE7YC ze;EH{)v4G!N1sJ*81+gEK^JekE>d!QBtHT%;y2`A)gyjuN&VU9Mb4%K@iWAqZlo|W zIwx0o-6ua0^dQqRe<^D8ZAH!qVbAjIms)4>HK-_dyN_GD(%Pf4P7FThR7B}cQ#ehn zneER(`$bel7Gbj1p-hXK&N%g>hR{T^3CzzEzHjO@`-F(8y6<9H@l(`+CwOD0PwlGBlXJ2_#w1q){((d*3(bCd#a&i(C6}7OS1`+e|b(fdZkdXnlf{TkS zcIzFj8=j{V9Ge6e27j>R-GNX`%xFV{z)yUca)%zl9?wB+DB)c$$S&BR^GyPS(PGC8 zB!j%LXh&VP=BDGNe zfh~Y@$@lEa2p=cFW;6cd5K;t=DSaUEqWgY8jR}Q6?$RIx>U-zW?|h=1TRT(w_BcEk z6Op5QB`W_tc4IZ6)<=RI`)e)dyYL`*KN0Gt8Dsc?zZj=G>UyQuY2%6$**QI$HH8qy zXGIQlwI=}JC4v7dmjgCHM4mNC8kvo0>f%pE;QgmMr<;9@)!ndvzqLWG+T}W%E%}Rv zAfSyokiG;1)v#|M6hpFz??FXD0qhc5#LtIx%hkK%&68Vx@+s;AVkz!cT|lyJvn+;# zz;E}0ZQ9y9eX5}3avoIj`e)qFDm;K#v2DaM*Aq&BXDt9{P~c^MrC{^B+cUu!!*NWZ zGRw-G?@|QX(N)nAISC<5g!IQfVXIjiI4*jXX5+zHyR+Bhg>J8Jx98s8Xi}@)`rq;Y z9ut;y9@jGspmw~1;)3$HLH`{vQtXZCuV~{4i-;67rkk@#(5XHy0C?iDQ@Zq zP5XF{clfS=e5GFa_spzWA39%%7@9D?<}5N6C&50TAuzqK{>LTY85UQiw;2HNp((Vc zit5YhE76c-s&ZnPqvhhHr9M^zkRFL2y_cVj%$^RVY$gb!GO}Bz6Pf^VE9Mw$=uV-w zF}Ge;&hXS+%E#e4*(1cqGbqR_g2nYpj_ig31=tEKe)!bu8O@_;1V(Alk(}9dO*YAs z+&Kg|JBjCKhw?-+e@T(jtuqjEcE0@`g6!I&tE=ntHBgi^J3E^uIpL`H#e@|LT{xml zJW^D-o?QVK5_ts%`cQUr-1?q;r6Dsawh$48CnQA9mx}yDw%p>oN2%On#>>RIPv{vO z|JX}O(dh?DSP>$m^abJDtK?%EH^jzi&4=^qDUs!PEh5+;dV}cqg1*@cF{jMM2CAMTg^Bb&&E}lg{G?&o6|qVx-1nj<|CwN z15hhmBEwO;Ik^`pbFwVGt~as`9qf3>F$-$|C*op3oNFaVQdZOvOsW=Zxx` ze5%fd1Z3lf`BxF5|6+vEZM}M|6M@W(SjxZglhAUjQfGs1-UDHFWzGatXfCVe2^ab;7#oTg6RF2$5LNpWLGa`;0 zxvt~=-p`Jj>Lc(ui=ULkAMA|BjY<=a8hBrG7b>`W1XMo@twV2eihi$5de}iY-AzqR zZ`Xh!!RPzqF9z*9xvRUo!EG09d*V=k=0_ex5YT6SHDo&F3$%tuZdo#&cAOVFN1;`% zSo}aj7RQ%Zv2bu99!Y_l*}d5;M8)xEK=eJREQ<4^eR_ZG(r?OSUAT$E(LQZJfE#m# z2}9_0wEk;%2>}Y<-vO|;TG+Qa0<>$Mur@sm(3X?~rEz$YxPNP~q?sp$MHH{$l}vhC zVZ1cd6#DS|9P_^0={OtEfZiL(dHHsoGHHV=*X+Aw2((=(~pVApZ5 zxd~pCJ1UM_s%RMEf}0$TS#Vh&v)7Zg?>=5ewmfL@{MV$X64PNd-;z=$BIajr>!mBE zaAuu>$_v-Zw=Ga=&DiC6Euc-=#XG>WZRhm?zbzfcECB*RidTuizE_|eVJYOwUppJ}; zG%_+WV8Q_j7AtY_@Kh>Gv1d*k-uifZ_kn_i4dvwIe0_TaiJ$J~QnQ=)&m0Ge9kEV9jrO`DIx3=i8JSBvxMQaVRL z0d%Iv&h*t!>i1r^TAzy}K?lOvWHEfw6-i=rgxcA1M+>`a;esUu&EDF@2V#&QIZh7Y z?-}@zcqHltR=H;p_cWeJOIZKVh7loWStPTASm=8W+f4s@U_i zy7l2~nbq&Z8`QTw5O%rQTbmv&c%(){hY<->;JJKW?99y9li55Oj==c)PSiIdPKUgX z4lUNFhgJJpt!6k--{CElOj@1_?ZPf?O5}jYRkhdK(={^xlc4=otNo_$>v^mFT3bEf zq%uJa7LX?3_Yq4-HbgjqH@t(CFEJu!XiIDn<>tg;bYc*0rdNqPI`?9}6cAgSMx(|L z*1wZ(6!3BG>(^kvvc|W0SR7*lBKeWa zJ^4XGe^{KV2M0H+%vYp9&2G1*p`qb^dmzi5T|*=zDY@KanY8h9GKY`H<7O`i8W{|v z=l6bpdpOm&Y;zCZ`|)zRx3|~RBTk|Fc(J~F`wZy$fs63EJuyKJH+zzt1UXq*GUWVq zTL%uDAt50X6BAT&Sq?5PS*(Z5+AGQb^K`mhP6EC#mVE%~`AR_W2CUi6wY&6YB5J?J z8cA~dAn7st^u{1c7LcP;X7j|`^)fuFT~|m5s$N4fb`05^6oUF$f!|%VQFKGmqutuQ z{Q^|2p}>XlWz{fYJa9o-O#Ho9~br)V84`F>eyIYgM;Rm{(Gd!FJ&d+^-x6FDNr!o8&a!6mEUQ*UQ?t%bNL!;<~GvRkRa1w+JEBye&vSVVrWq-_4 z5cxB6(UN(@iz~s?dz+-)DaXKVbL$QTNwDoNx=lffq-A}mMth-5V``D5xd|@<1t~qd zDpsaa{wv$_da2xAI=E`v$-HCU;oai7S6}|qWsBrGzH>It)j<^b%TgXD2}E$V;BQn2 zXfXBPY(+u3e;M_$pWjf#A;08{(O&G{t10W|H#`gVjXfzZE}JYHXPYsIx8o|qq8;dA zt@m0l@3dXd)uSfG$i&ZY9&YlQ9#~oQ!UzXyI;o+eqGqh(;^G2v90bbZ^+*&YU07P; z;o_s5d|R=uwcY5#1)<>KX(=fc_*ej{S?N?ppUdt?6c|x0t(Ctibl2`(O6A_i#i_u7 zEi`u00REjMjC!?Jv&Zd$+lGg@Zcs%z;ZIlB95!n;HMK>*kK3=T`pp?zTU$FjJMGTm ztwj$Sk}w`%YO)iMKZXC1?Eu;Yn+E#HQQZ-1)^rp=`xFV8?GjfGmaagJyXA+%vScC3G3kOMaII3Oy= zEYDpUyJ)$#zNm8f9OU>g|@GuPuFePd%|e=N1Mw6t(0PH!eo;KQQKl(AL30Nnr?}<`o3e zPLP&21dAG)@b}TyOx3EM3Dn2szbQnAM~r9okbS{(TH5Cx?aA_wX)C|2Zyj73!{j-@ zIXEBT**G#Am&A}(xR;3xU}fs_q9nXj;D$_7y~1j7hU4!FTyrcK1xT z3|{te3$F&DpcH~v81~MgvCj*_FlV(rPvKvn5a(!IxdSTtL+BLr8jbp$_s30p3yXg( zwwa!L^X1A;&)}AEZEbCU1EaRz&+Y|(m_m!NX@8BQK5i4N z2Ww%2Wzfmdc1n#TZ3Og-4Q7@HS)}P4lMoZr_l0x#;CAv70D>)IVlh@48k!H}<#y-N z2a=z1)F?1mj5=iuk47+H0d?NbHzg&MKNq1vK(ZkhfB^RLwL3i)JV*l=ZUK%6CLAQt zvKFn;ZnXoFHaewDSy|b1M0H08H!ZDHV_xXuqMCp}?~f>~`^U%E=VuBkfi{TE>1iP6 z@9v6=zNWB6rw|J3O9>*PO&reiDB2z;$2hy3+O*j?;pMJ|Q+a}ewA^h0zQYE`pPfj~ z4l;YF=EKY~%;ic`d~EKq*xR(!016&zYU`2B>H=uDGauT?vZI&nCjrGVQHUw;F3tR*-TU&;xp~O)W?nczT`5eY-;emSYk=qyaF zPekEH$61%q!LFPhhRsjvoK_hvQzA);^qgn&lI>EHFVJ;``2wmP?rH;?)V2wt5R4%i)kIfm1+ouLuJJ6P^&4no4wzE4xwx z6*cto@={@sqgm0@^D$d24TL^MTH0Bj{(;?k+D6?@*W%LBN_1h6KX6-Lr@8MTT9dava9Brh`ndJ@S|2B)R$IVX@{VG z6seSkpv~ipBdb-M@9yY)da+s_wF6DhgFyRTaxZbHf9f9%8vHa3?ta6VWXn}#6FL(P zL6A9I+l1Sc{Z)hpjkzdr$Wbfr1f8Rt;nV&LaDswqkpGEuk5L7vjnxJ33;tVTtCf|N zzhh%_b93F@-4p5mRZ1IPmxu&m{RU>-Uy&e?{wrcP-FLXPaDYGr0*PN=p3*j+XHY|n z;~+3%I_C;>DpI2#XOnHQZ%gWd{N;qOVP!?h2yF0!*yW$6^f2z4uDQ;C;k*+gWVe=wht7V&J}Aau zc)w<=Yr{|)io*Q;{ioyOORuZev_ivb)|rc#mX`vM#HrxxJ;0IH#?vT{yl0|=OM zm}RICVEw83zPR}KuV;-@72=!(lUZEO0H^?Vj+3)9fSZ+-!QP=Yrn!D}S+&r!A<+ojF0?r=N%><5PbUqMIQgPB`<`rI2 zALNqn|7%Hhsd2{+V;!}A*>lc>5w!<_`oHAv7@wyg&`H+vmqO4cb%u)|gGC4t&nPit z1At^6VER!v9C{kQASOu2(KMBmfYAwg`K4Ik zb^HHsK?dv}tnRO5A#t~}Z&E2Im1mdw zFn)GLm{C^KM}O~rrp5_Mdy0&tM9K-JmXf*bf53{8o&Zw;PU(Up){cR4fBsukV&W>1 ze1(y(1xn@fL1+;s$Fs!%0$W)Ipf+QwG?3dxS*D?d>9OR~S@wrx@B!A~KW?o;weq`k z_sw5A;2XdUl35=C01YsQa&zk}>zB{ve+LSR2MrHuToImN5Gc5iYO6Khc2BAn>Ts|B zyvCqSj@B^sl&1#GL0e2%*uCMVNvT){F^dDB-bLrcMod#*MG>4Ei=UgWw9?(7;FwPs zEQq0$lKlFv*|H7m=u&H0eEY%7EI z8_j1jt{$uyB}Ri3uo*aU}~Q z8XEllLHFm9NtDd#<6O=MW$?<)K;T$!cRqZ%Kb`PiumS@IUoece8deiN5=B=0x$&bQ z+or7~^OLvZwFu45I@O==sw{j;IG-?qnlCn8L=wLCy!Q3;jrTA!L6g1$D#$$Y3AnVC z@%4jxg~Voy{S*^D&>gIgyW`5U!hi`P9hYsb9>@uTg3uYIw3^X_9-5|k)e*R>O`_t)uUEu1MhsU35Kf9|3U98mZd2e-p{?+#>K!y@OBjV5Q z>+36Y^An7T4Mi|x4Z4)|hvl$lz4%oOQ_5^)&l}B?G`)Y>qDMW@f+>oD_g>p z=36!MccA(lBy`|hOCS@+qSv?@XPr9Q3l8lwsxL1u2R>rH8ARNl z%jL$>iVCT7`fnI;UqBQT6o3^;{)|O;x96F6G(c5iF=!QeFp{x)d3iCovJh}Z=Mw>` z{~Oy?M$)&L5}sfy9QTe5B4HtYvVc9?+fsatrOZYG6eO~C4V4)2E8$JY%J%hrQ7tAA znHyEoH_W%zyRrj2AN@w;J+ABEK<68j8!do)iezmPf%)>^WB3jD!0D{!7;rzVtSTgm zHkY+C|JytFx+6gANG7x&AmD6(tN=_||NNiFda+8g$J;|p3<^Zd&fe12rg5u*7E#0@ zK%O80OskS6fItRJ8Yd$2D@CEyjEull^!R6|gqG3O!PCI#=7t9Wf!V8i%nu_42Xgs} zPSf$PUm{sxFRuSzZQuP*^&h`|D%m^PGc#o5pv*diWJaiD7D`rS&&+%fl5D~UacnX( zPh^i|%gA;RvN_z()8~6XzW=~|zaIT?9;f3yUgP<^uIqWd-f!6pivAJPba%kS47S|uu<`J5Q7OZ1qIY@nzok*xVgD+U7{fj;8G+AX!_W1!_Uu;xS^~} zkfLRXhW9U-W0tCelCER3 zp2rW$*xPeSsM_Yn{#t^cK9LM>NUI{;zHi(Ke|zb0WY7DODdW08_?eI< z5=w%?K-JbLf~zyiaf}4y=7;9gnHS{xW5@@?P=5!@C}Pq?HYJ}tR5|aWF=6)Ob6m8c zB_$;uRJmoE6fnbt1O;isT2>CV8Og2G_z5Fau$sz)Nf9!17cYA6{dDDHrHZ9p z;tOPNA`_J~*51`(e*1=V^*mIhXp~5}2nYh}IMYL)n^%&4dNH<@;5OzMat^Mz}ZEd~su)?MlQbV!bxD(0s`#e-xS=V#NU&!vv)_9n+m zEJIZ0Z$;<`OnhO zNQot!FE%!^aKL-3oqw$Ns`_hMRMO4iN~KRamkTAQQkPT2gt=~xkdV@kaRma1<<=L@ zQvC{r4tN%T4BRT763eS+UA=Oppr}Y&;$3Vkpw26Z8-|8)d^s{6+e<5hXa*7ErMWr% zyLVq4?XHDVIk~!WRIP5#e)EO8nkneIa1~>-9Nycy9v+9EZHJNEco`e={a{_t?=OFP zx|5`d3WvtWWgSv)rd8mzlh2=bmija8?CcVoB3PvDr|KUG#wH#pglll>G9@)N4%86T z$OponC3^yES5>v3tx*4PE@x7s?8TcfcZ~=x-dU#K{ZQJ;&B$Gs!wfmU*#Kl1dp=#N6C`d3hPUQe`ckVsi1HmEzOVPJt$PZTG8wd&@RpU>wvJ&Uc%u~@$qgm&F4Xk5zBTZ77`MI!Not-nlJ#g=(m^$m)d%CQ<39+$~&MQAa zkLZ}+0%aJ1PykYOo{T;)DClXCo`FHOJD}ZM!uexIuopD6J((sFb_v41V7xxJdG0IF@YyvNZ@hE`O0Nvbzk$COmZ2C zD8U1|{(cr~ueV%cbVRckSnC{5?sTuYy>LV&Bxg=)e5e2OV-lY=04JM(AtdWg93K>h zn6!aec6A}kr#nR(l0STqg8PLEHYkmaGaDHh8Q^hUSXfxmpeGGFXSbwT`g{~{0U=_f z!M7nSEG+%0n_Oz|B9+S~{;4c|O*8%cD!KZ3`hsj|Rbm8Us9m$o_Gi*@)~=ZqX2;#9 z9dnU35ZAX)jn4@q=a@fq(7R|mr4gUgk*6g1DnO{@grM`h^7ay^E`ew6YtBAL|D%r* z0^AUSm?MS;2QSiYeWXoovA6|>B))vp29vD2S^xeEC`$z#E_QH8XXhOVTf1xHLEmg|&r*l^Cr+Qj}49h^ew0 z3!v5}Bt{s1qVx7zk1-d$Ob<_Tyrxe?dB&Vl>CdeHd7EqG>?q1WpPQU2q824aFukVU zNY?lvC56onx0i{i*frGD{4g^S5fKRq36QY|Q;W?pgos9X$_-Fg8!au^?+LVj**ewT z3P>*gx$wnMT!3(gj`Z1RA_CH+`j+(!;%iGwY;5f1SoLeHlnBn4cBlZIW8jHtKb?Zt z#Y#HQpPo|$DMR>7vz9+&W%DP$i_(vEU*(OAsS@=uJuNVM_>@Bx?HsS=9$d0Ef{Oh% zW}aP6pV0plJ@~fSCi)Uh?u^~2EoQB-sp=H9QHI9vWTq8pfMVD*(jBfDz zy!>4&wk%Ba8dp4zz_j0*Hs1Vrb;Pn`T2obS?7j~5S@M?RN5;nIdv2!c1^+=2ni-du z#oOLg!;g;PX$c>PeQRy3BLoWpD(UWlL>gvKl z3*Zt{2)cgx{r${U)#9)EvoGlAf>Ut3mR)7UR)vj)5+$)rEEHs-gWt+G)#8>;+b zclCY{DqTkaf&nM>G4l2cn2Vo3e|}!ZVCv;Gn0F6~RX1O0dxvE~?phoBj4mkXZqMDj#Odzt9;_YwG~nf8 zPiV_8uD4FSf#FON*;86gcGd^EoUBzY6L72iXp6>fLbPOsEjeVYA zmnQTT?)rdkY-t~g#tI`EpP#SM{3Qd@`0SsJjgJ`F`*4kQe9I-hX-jz@a4V~;6A-l^ z=j!R{9ToI?7F@c(!t(IJgS@-Bt82c@_2253I$K(@9Eu%6)rhOXH&^(mmfa<}-(ur> zAk5P78fRM_oj!?PIVEn$v_MLwoh&lL3sTTp=>DgJ216*6+6-=>EMDYu=~#>9%Ezgo z{(F!$;>1admnX@AUXH*}2_I ziiI&};pOf7MwIMu05bu&z+bbo*p-zLH7%_kSZQj+mqkUbzj4u`C^;0qfVZ=vq5|-s zoaJZjH=jGu>)t`PMLT(YY~vW=OQ^O&mwjK}IRq8t zxG8|>`5Zt%pvHkwLqkKS$BT-{D&Nx+sNX}juCA)`0__JzDePbrjE*5Evs-`uyaZ$3 z*49WHjMY8CdygOUaLobS8yy|R`8dJFJ$dp3=d%sooVd8SDUd@zLwYVIBU4jSvI$Q+ zQtGuMxH{n(Or%he=){L+b9%h2~f*}y$lwf!suXGR<6ts}e-`n0k zUUTr3Z8W50mve*V6RlPb9aduLTeAn=Xpj%bAOlI;jeV`?>gmx^Q{xQ$@#9Cbf_F`I z^>umJF4$??ohbP{$>0AhsCvNJOuo1|HTj=UPfrh46q1)up?>%N{SToKkbiuSXE|Uh z`)o@rGN)2ANA%s!aMv-s)F9O}+MA7Ly8vYiXu-cCq$k_Dx{kr~G5Rcu`upJEy*-H( ztzoQ?Xx;YrRC!Ox;}Ad=ds4>x`fki7fjh6tDYK|Zbo_47aN0E|e+70rVgiejk^X*N zz8IzouE46=+Hr`po}QhLOVfXsGtkiJ!jf=3*Pu(F4eyeKo;oRU3HF@cuRi(5){|`` zkQ%O|(LXkMVyv+0#Ab@ZWTOH-d;@(L7w4t#ebkr9=H=!1eWdX<{o?cdrFjbg5pB*3Vj3hu&0q>z-tD7HK51ys~njsJ6CNJ4NOmCpF~39rald$rwVFArQZ+ zZRSe6=9Ga-hf*n1-O-^Mc|~ne{#I1atPD54Pp35+^9^MNyCZiW zMSC_jQXHSPY^g6}Uz?^3pm_W;ri&!h$Mucs1xj;nk(zrSXS6mw>Qa9y>Il$59+AC# zxqWd6}n$_g|c z$Pb6p0aQ!+jR30f3A22{f|rjETw5>O-|+&EV%@fZ6#yp^=TAaTdPeNXS0LR=ewYXX_lyOMgM{HflvXDdKV zU%q(Z;k})shyyipes1pZqDK9dRWY`Z!kodJ~} zD?G}h`=_u_#KGaWi5>yyTTn1Qa={($Kr|k&umj{|Q4+63xoZ30?i%b~CRisNrt0eq zi!(E4_cv#i-2c7)4%R_-RM4`Q(CcHL=(@HvtTFy#5GwQ_kU`^S@55j$-*kT;80hTm z%+Zusm}uMD+G3M+dDCLS&Hi#9{+`d4MHTfXukQOK)Bgk|m4Be9u+6f!u_5NAd=N%J zgm0%*wk=<-TTaJ7o~z7FwU3$`)xpD##I%* z;=Sa}uOfwIf4|cM$mxUI8HV~~wHAR&3~(EOaD`<{M5HKg7EGl}97F&z{7=PVfhz#E zewlJUT;cArTCzc~KR(JKrWuMWE92T98(W_-V~tk=ngh)&9iZmlPeuZCP;kIE`VKj= zX6SEzKE4+z=Np$cI)sXn6@63TwpCt(X0X5S23N(%_Wk>JsL)jPoHe7<5sVcV7iZ-& zOFeH6r5a65isAc^en1|85+IyVj1=nR9Uba_{|+DqyhR58gR{>**L?Ysj3MYM<0SZd zZoiulG5&rk)|psU8W|kiff8p`O-JV(5=8{m05P<- z=9eLB)G4p1Ft~Rwy#Ya<2V4j}nE0s-h^w}C@9Xgm#$fT5UUnnc6=G|PzQHNhzX=id zB59EFCGq~vGhMg6z3YG(rlhb9ha$pXfkCgnezLbW5~~b%-P)=G(l*S5!V6~@m$yB< zot-~7G&EeMWQTI)H^mdDX{m|-+kK7KyTHbZZ^b$S|7ALaFdZrC?^g)2p#Me#(TMur zJN5tJ(9WG^LL#gXcL3aax@aQwmL;?tE&1U!5n$i zugbCfss>otG3hPCYj3)`(Gc{}MfEcF6W7L8&F^)=PQ5>W{(u+>*oTgq8n|}X8cDiJ zX6TzY)TBWqBqYBZPJN(q0I14w7C;zS;L`4Zjx;bpG5a6DI{o?EXK{Uert$m<(u%i0v=ik9w4v^tE#AgEI@JOjvx;yFGs4Xe!GV@APH)Q zipFHUcT($c{{5E+Tl1h1P6DW(?}$aZ0UqQ}b+Z7I8Q#FRkYEi)V;e8H92oA0WmcMc zdIKQjFb2=Soon3A><2C6E3|LlK&P??`w`Lys7-u)Jm5$X0B&$h5Ff8ZK%7jIbKk07 zOhu#7o-4UIHpQi-FTlE`m#qN>lLIKhMY3LR?rukrhXLb&?T);#ovN%XMr9J@ZGbWS zJUrn3#c#DjGH-1NE#{&oTa6rV%U!Jz^TSZUq$-*xA|&VZ;Pu)dlGA25<9tK;ST$$F6a6 zTSA4F9D|gWCL{2Nn-M3^99Wib$7#s}LF3#QU;sr)Vx9P?+%#op??QLyh9`6=*12?wjJ7;EQww;ZP z;*CX$a&u>-c>SU?L1l&6`J978qV}La2n?f#J+zIeZT#T+{|ah z{JKXSh;@_W<4M#nV1Pjvlws8ppi=`J;xL&C3Tft z;s(FPEPybOl0XB%_|PKwAX@B!v#0J)k8JSGYUA~#B^ygirK!^4FdsDIgSPlXtF8%B zl&owm;FDcDYwMi4I{A%`G=f-X&v?Dhl;JLfo+r^tcve8LNNjEsBr&$pi`5!+{17~%0cFwvJ z00A24VyH5#gHiGDU|g2N#o3t|bHMd0fA0c509G!9Jjn%9fs9^Qj1`SAn+ZhCz(fan zOu_}j2I637L(lY*ej5=1AxM-puzL9cIXOA8IkKOjI}P7WZm z1~E*b9@y6bM`(qZ7Y}05g`?sOC>N*eXe1&-scBhQYT@jusqDe#BR=Awsu2-|eEA}W zY6Hjx8xl6>Vzg;d;EV>rUE(l`M_M`#e^pnmTmi5G4XOy7fslulRaL`Uet{z2msFCS zoed&giL|9Rno&py4K#9~72ctF&1=8-wtZ`Oy#~di)bo+)+1U$BOv`I)pbB<5%OEBI zb6rgcA9B8$AdE!5Z-wnFFb!B}Xt-k4W8S?R*#-Y*YHBJtrhxeWi*6Jr*SmlJa!mU| zPl`}XyFtFuYe~;0V|Nb^8Cls*A7F4&%%^biUoFJze9DB@^9EP&&Q=0~u6S|Fl^?kP zDUd$L`%Ysc-Q9MOb0(5W{6g7eUbPJlO5)W&q0_dt+FyQAnopu%e_y!fH zpw>us`HtN%7^?v@aD>3v!rl%s&)rpUeGCo_y?A*Qfyt_`Pd)z9A%GDBga=OR=;&w# z1qIlQW0th@uw|mobGWw`zhwuy>QSACB+h|h_LulVRsI0(Xb+eaRMf?I*o5gZVxWJo zK4gzvTwT>Lg=g=6c>mtb%?(c1v>^nu8ze%I1%ojI0RHZ%t3!OdEQLDH$Tc=TPEiyL zv~_hpv%2~K49WnBpu}RvB1Zla((L;BdQ=oOI5^yrOG~dpsin&RApr}(1u9RkZ-|*U z6R4`HO7)0!fky8v^GHpN_|engXLfctc(>z|t4xm?;y{rc>hBl#K70kybf%NtkIbXa zBv&80zbxzldT<5s%;Eli@gKTRKInL0u%PNf;N)myNpYtS{0}^e3A{}DAK;Eq3jF^B iB>&&S(*Hf$DHSdRVaqr37`zq;#O+&J%7rL1|NjGGu$IXH literal 0 HcmV?d00001 diff --git a/v3.12.3/neural_network/index.html b/v3.12.3/neural_network/index.html new file mode 100644 index 00000000..762d3031 --- /dev/null +++ b/v3.12.3/neural_network/index.html @@ -0,0 +1,113 @@ + +Adaptive Neural-Network training · LowLevelParticleFilters Documentation

diff --git a/v3.12.3/noisetuning/index.html b/v3.12.3/noisetuning/index.html new file mode 100644 index 00000000..e31888c7 --- /dev/null +++ b/v3.12.3/noisetuning/index.html @@ -0,0 +1,2 @@ + +Noise tuning and disturbance modeling for Kalman filtering · LowLevelParticleFilters Documentation diff --git a/v3.12.3/objects.inv b/v3.12.3/objects.inv new file mode 100644 index 0000000000000000000000000000000000000000..816474a8c9036d5d59289c55748bd3024f89668e GIT binary patch literal 2627 zcmV-J3cU3rAX9K?X>NERX>N99Zgg*Qc_4OWa&u{KZXhxWBOp+6Z)#;@bUGkRZ+A>( zc4cf(VRCe7V{BzcX>4?5a&sU=Z)0_BWo~p~bZKvH3L_v^WpZ%ZEX>4U6X>%ZBZ*6dLWpi_7WFU2OX>MmAdTeQ8 zE(&;@#aT^v+qM$j^H(6J&pV@f&1+8D>=et6-9)ZWZD*@PiLix)B=iW-wwjaw-oYmU zep7baO+t~Fi@{)U=MGHsgghZGl6MK)Ap8?T=PV;pLiwg3g8mr`%5wjE_+^F`!S5&| zF)s^}kzA}YmXMVD#?7xYv@BCWcPa5dBK?*x4ytFLhiukUCo zeeeKU2h7k%^$VNvq75< zls}Le6z7RrKv}Gn$11||1FXS#fV2nj5~4*!N>=14&g9kvA@jeeU@OP!?$;nzG|ReS z& zUX!#VK0o{iX-l-;Bi}N*aEI90%gMk1NAo;R_ndNEayjX5r#IoiFsZ@B8X#qWz#vi! z!(k8{Ks^iqQ4ho)gv({vTy>_(L6<<+8DnDGHpmV^Zb)>hcb^ql?01AWOx$;*zDJ9K z?RF%=%8~l`8mED|8IH{GC^({6A1UlkYJKwHIN1Z}Qra<1W2v?5RN)E9p?9XJgDhHt ze$CPcxdfdQAL5d8$o)sb@}8V*Wm|wVU?yRFurN(e*h35v0QSLPT+q$%K2#>innc$m z=d9pZ@*_^@-5n{QWSE`B1#rV4tbx!J>mbZ-BL&e_$sB4+Ed%6bvxvQq_k_b5FwNCG zuzVf%tL5^1T!bwIau6oi5+d>n5tfB$;D9&k)@fKH8;A*sT-Yf}`e zykc9^anC_*ulq1h2vIxDwl?9gHep+vhGIWh+ZIic*K=loGz8mhV+g>;KWu|%%~|>9 zD>{AJu|fbN-<7$l5?t+B3!9r#W(|-tP+Ozv{hBI&f<0)2sB;^%byEc`=U0Tgjyss+1b`6x^_zi#GWtV~~47FZxUq!a8bGJ7+12sy?0B^<%LmGTSy^F}uSt z_^)b)mL`V7K(mbzE)Ej`CQ_J)-Juw1Ok-t84KN`+1OZi(*eyM4uYY!!-8(%jayr3y z`SGk_S*Z;@>BqCk^$oa-5xX|M>NqOP=$7lfwiUJReixXsgMCHLuA%~+HJhp`j>{ZJ z1v*nIdmynKL*B@OFsXuic465(r}taD^D5G!(N1-jCTWa3V-y%ipJ-0v0vnk>9wHs>2Sr-Mhp zjjNr3dSlips!h2GC9doucS98>)Va!}TkS0Nd7RPB`SRq)FX=O74+_9QSmux>B~%4@ z;Or8VK8*3ERjM&Y8n}6F5vl&vD;yZo8E@sept4cJ(5lvx z7us4?Dq9-c%24*WJi16=CVEHXHBG75kBcO>>2I^WOLtYdZd2P6Sgv!yaMDGc_w7}R z+&FjHA_qoBfSAm|iQc?H@uMPTDpbK~!eMsBrnw;qk;=vpuMyJWIM`aWeCof&Z!H*-^KNY#0P=;JWx9o99H zL(?h~q-y3Gr*%a06+j>TZ$1TF+alwZDZ$3lYY;|-9*Iwc&u6;{%=iCM`f;ZUvGwN~x8u=r7Dw-b$! zXi5Q~FX=m}_mOwM)djIDNJ3RAu1HZpv;Rt3+up$Bw_s?;0+D!dRkoUjZ|9QSY zMiyczFMgh?-=E0_I+Y1dJ6!M=kdI!U9KHT;h#tPvGxR%~vU^@;yjhwfX;TlL zm8bB(8n3=eDD|-H57zBKu;#ZP>hZeNKYr0+a=(AAg-yjwnU4=!r#D{MBxG;oF73-- zfovTc(8RIO=R=Jd@d7pCXbOR=-H{c0}!*+nRz(w}Qo`X;1O82hr7 zrtR9$U7~)3=xELC)L1tCE3~98ofOZ&nqK z^18AKi)clLm2_giV9)bXP1%%r28xEhStAGX;gr6^@tyiJUM%?h>cTd;uezlW{8+T= z$cwA$eQO%Z5k^r;5TlVS0~}`f0@mi(dGf7gcr!WbA(QzqO0h}QQ34noX}oJc-+F8) zf7LX;lxwowi-P_`=ssVysMkTrF)ibUJp`8yhqa9kCAeZ3ET87DmwvFObj+Q!IRzxV zWSU|LYHn5CS+0PK+OBW(Wy<05rfZhA%N%oYbEur@xJP)#)l>Jq!sH95gyfvU)*K+a z|2ZxCFKEyMdi(lah+AmmHss&v?7Qzo>eM@QD>6)jt$h7VJ)ojFq>}1k3Tyk}5RL1Z zQT6?R@cgZn-);2N7<5 + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/1f2a855e.svg b/v3.12.3/parameter_estimation/1f2a855e.svg new file mode 100644 index 00000000..46f5505c --- /dev/null +++ b/v3.12.3/parameter_estimation/1f2a855e.svg @@ -0,0 +1,43 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/336727c4.svg b/v3.12.3/parameter_estimation/336727c4.svg new file mode 100644 index 00000000..0becfb66 --- /dev/null +++ b/v3.12.3/parameter_estimation/336727c4.svg @@ -0,0 +1,450 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/73874261.svg b/v3.12.3/parameter_estimation/73874261.svg new file mode 100644 index 00000000..1ee669f2 --- /dev/null +++ b/v3.12.3/parameter_estimation/73874261.svg @@ -0,0 +1,248 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/7e1deeda.svg b/v3.12.3/parameter_estimation/7e1deeda.svg new file mode 100644 index 00000000..1eadfa3d --- /dev/null +++ b/v3.12.3/parameter_estimation/7e1deeda.svg @@ -0,0 +1,239 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/d6894548.svg b/v3.12.3/parameter_estimation/d6894548.svg new file mode 100644 index 00000000..f7b1a153 --- /dev/null +++ b/v3.12.3/parameter_estimation/d6894548.svg @@ -0,0 +1,92 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/e042efe4.svg b/v3.12.3/parameter_estimation/e042efe4.svg new file mode 100644 index 00000000..e0da0f17 --- /dev/null +++ b/v3.12.3/parameter_estimation/e042efe4.svg @@ -0,0 +1,88 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/fc708c3e.svg b/v3.12.3/parameter_estimation/fc708c3e.svg new file mode 100644 index 00000000..de69da87 --- /dev/null +++ b/v3.12.3/parameter_estimation/fc708c3e.svg @@ -0,0 +1,312 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/v3.12.3/parameter_estimation/index.html b/v3.12.3/parameter_estimation/index.html new file mode 100644 index 00000000..54a448ef --- /dev/null +++ b/v3.12.3/parameter_estimation/index.html @@ -0,0 +1,283 @@ + +Parameter estimation · LowLevelParticleFilters Documentation

Parameter Estimation

State estimation is an integral part of many parameter-estimation methods. Below, we will illustrate several different methods of performing parameter estimation. We can roughly divide the methods into two camps

  1. Methods that optimize prediction error or likelihood by tweaking model parameters.
  2. Methods that add the parameters to be estimated as state variables in the model and estimate them using standard state estimation.

From the first camp, we provide som basic functionality for maximum-likelihood estimation and MAP estimation, described below. An example of (2), joint state and parameter estimation, is provided in Joint state and parameter estimation.

Maximum-likelihood estimation

Filters calculate the likelihood and prediction errors while performing filtering, this can be used to perform maximum likelihood estimation or prediction-error minimization. One can estimate all kinds of parameters using this method, in the example below, we will estimate the noise covariance. We may for example plot likelihood as function of the variance of the dynamics noise like this:

Generate data by simulation

This simulates the same linear system as on the index page of the documentation

using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots
+nx = 2   # Dimension of state
+nu = 2   # Dimension of input
+ny = 2   # Dimension of measurements
+N = 2000 # Number of particles
+
+const dg = MvNormal(ny,1.0)          # Measurement noise Distribution
+const df = MvNormal(nx,1.0)          # Dynamics noise Distribution
+const d0 = MvNormal(@SVector(randn(nx)),2.0)   # Initial state Distribution
+
+const A = SA[1 0.1; 0 1]
+const B = @SMatrix [0.0 0.1; 1 0.1]
+const C = @SMatrix [1.0 0; 0 1]
+
+dynamics(x,u,p,t) = A*x .+ B*u
+measurement(x,u,p,t) = C*x
+vecvec_to_mat(x) = copy(reduce(hcat, x)') # Helper function
+pf = ParticleFilter(N, dynamics, measurement, df, dg, d0)
+xs,u,y = simulate(pf,300,df)
([[1.0812304200971112, -0.14562935751734435], [-0.0377885433433518, 0.024386030822252824], [-0.29367943316039247, -0.5485433488905895], [0.7552313618719404, -0.49030260312601803], [0.3853000391090088, 0.9488168355488544], [0.06462572361800784, -0.40546589674426325], [1.5920991754093428, 1.1790795915528698], [2.245002746801453, 0.5770438813537522], [2.7368983725296268, 1.1122818624417357], [1.262519817014343, -1.2678420487524993]  …  [-693.6724145415751, -27.322409769203286], [-696.9821063434467, -29.111829517560956], [-699.5619629523538, -30.168353174220314], [-702.8138677415162, -30.91326358131451], [-705.8692366510872, -31.9506485627976], [-708.6681593427418, -33.87181524552547], [-713.5580573967756, -36.94173930483072], [-718.4613090070427, -37.8617016181647], [-722.5329810993043, -39.3334361680611], [-727.035676392088, -38.99355794993808]], [[0.5839054062927054, -0.27929477378843304], [0.41007457728427377, 0.9184433161348705], [0.11204639752074251, 0.5631568392262732], [1.1255022555445502, -0.432131932236531], [-1.4609285400734122, -1.0047900574943391], [1.658369563599552, 0.41173127501428186], [0.080280121082907, -1.6750679461296805], [0.47545184209756375, 0.9200875097747347], [-0.8745692970385783, -0.6063211557138892], [-0.6371267005592348, 0.3182510062201885]  …  [-1.2489711048850263, 0.5737070285485795], [-0.5339829136703733, 0.2608634380802061], [-0.24862328178704068, 0.9549561375433364], [-0.16281638770760531, 1.0145987581223301], [-1.9226803890658999, 0.8827977883629121], [-0.858732315998032, -0.8824817581291353], [-0.6331406379760188, 0.42937840647202086], [-0.4115253891654016, -0.3459220491586696], [1.0877107905147378, -1.2027615350296437], [0.5789458507677563, 1.2073250722043054]], [[0.11164081603405795, 2.1050052202798524], [-1.886612849817673, -0.3618866187694304], [-0.5560700012238222, 0.14273119011831015], [1.0017083597795609, -2.2100696320188113], [0.10777810753241301, 2.4324716461158227], [-1.2307062966810767, -0.4293030678594082], [1.1940183862668077, 1.7089663249535847], [2.630364831720674, -1.2335067536051791], [2.7504831288971157, 1.2673997826700063], [2.3014518645017077, -1.9087954465453438]  …  [-695.9098595453918, -27.961750751925763], [-696.3171226603804, -28.363419601207976], [-699.2644770529561, -29.90991226968009], [-701.8402435868435, -31.38545207474968], [-706.566698723781, -31.391641736058425], [-709.0499604129499, -32.66401669996059], [-711.7899315927555, -38.145294266009735], [-719.1197629219723, -39.113568478454674], [-721.9550874006524, -39.767975569698], [-727.1187839498876, -37.72977434524547]])

Compute likelihood for various values of the parameters

p = nothing
+svec = exp10.(LinRange(-0.8, 1.2, 60))
+llspf = map(svec) do s
+    df = MvNormal(nx,s)
+    pfs = ParticleFilter(N, dynamics, measurement, df, dg, d0)
+    loglik(pfs, u, y, p)
+end
+plot( svec, llspf,
+    xscale = :log10,
+    title = "Log-likelihood",
+    xlabel = "Dynamics noise standard deviation",
+    lab = "PF",
+)
+vline!([svec[findmax(llspf)[2]]], l=(:dash,:blue), primary=false)
Example block output

the correct value for the simulated data is 1 (the simulated system is the same as on the front page of the docs).

We can do the same with a Kalman filter

eye(n) = SMatrix{n,n}(1.0I(n))
+llskf = map(svec) do s
+    kfs = KalmanFilter(A, B, C, 0, s^2*eye(nx), eye(ny), d0)
+    loglik(kfs, u, y, p)
+end
+plot!(svec, llskf, yscale=:identity, xscale=:log10, lab="Kalman", c=:red)
+vline!([svec[findmax(llskf)[2]]], l=(:dash,:red), primary=false)
Example block output

the result can be quite noisy due to the stochastic nature of particle filtering. The particle filter likelihood agrees with the Kalman-filter estimate, which is optimal for the linear example system we are simulating here, apart for when the noise variance is small. Due to particle depletion, particle filters often struggle when dynamics-noise is too small. This problem is mitigated by using a greater number of particles, or simply by not using a too small covariance.

MAP estimation

In this example, we will estimate the variance of the noises in the dynamics and the measurement functions.

To solve a MAP estimation problem, we need to define a function that takes a parameter vector and returns a filter, the parameters are used to construct the covariance matrices:

filter_from_parameters(θ, pf = nothing) = KalmanFilter(A, B, C, 0, exp(θ[1])^2*eye(nx), exp(θ[2])^2*eye(ny), d0) # Works with particle filters as well

The call to exp on the parameters is so that we can define log-normal priors

priors = [Normal(0,2),Normal(0,2)]
2-element Vector{Distributions.Normal{Float64}}:
+ Distributions.Normal{Float64}(μ=0.0, σ=2.0)
+ Distributions.Normal{Float64}(μ=0.0, σ=2.0)

Now we call the function log_likelihood_fun that returns a function to be minimized

ll = log_likelihood_fun(filter_from_parameters, priors, u, y, p)

Since this is a low-dimensional problem, we can plot the LL on a 2d-grid

function meshgrid(a,b)
+    grid_a = [i for i in a, j in b]
+    grid_b = [j for i in a, j in b]
+    grid_a, grid_b
+end
+Nv       = 20
+v        = LinRange(-0.7,1,Nv)
+llxy     = (x,y) -> ll([x;y])
+VGx, VGy = meshgrid(v,v)
+VGz      = llxy.(VGx, VGy)
+heatmap(
+    VGz,
+    xticks = (1:Nv, round.(v, digits = 2)),
+    yticks = (1:Nv, round.(v, digits = 2)),
+    xlabel = "sigma v",
+    ylabel = "sigma w",
+) # Yes, labels are reversed
Example block output

For higher-dimensional problems, we may estimate the parameters using an optimizer, e.g., Optim.jl.

Bayesian inference using PMMH

We proceed like we did for MAP above, but when calling the function metropolis, we will get the entire posterior distribution of the parameter vector, for the small cost of a massive increase in the amount of computations. metropolis runs the Metropolis Hastings algorithm, or more precisely if a particle filter is used, the "Particle Marginal Metropolis Hastings" (PMMH) algorithm. Here we use the Kalman filter simply to have the documentation build a bit faster, it can be quite heavy to run.

filter_from_parameters(θ, pf = nothing) = KalmanFilter(A, B, C, 0, exp(θ[1])^2*I(nx), exp(θ[2])^2*I(ny), d0) # Works with particle filters as well

The call to exp on the parameters is so that we can define log-normal priors

priors = [Normal(0,2),Normal(0,2)]
+ll     = log_likelihood_fun(filter_from_parameters, priors, u, y, p)
+θ₀     = log.([1.0, 1.0]) # Starting point

We also need to define a function that suggests a new point from the "proposal distribution". This can be pretty much anything, but it has to be symmetric since I was lazy and simplified an equation.

draw   = θ -> θ .+ 0.05 .* randn.() # This function dictates how new proposal parameters are being generated.
+burnin = 200 # remove this many initial samples ("burn-in period")
+@info "Starting Metropolis algorithm"
+@time theta, lls = metropolis(ll, 2200, θ₀, draw) # Run PMMH for 2200  iterations
+thetam = reduce(hcat, theta)'[burnin+1:end,:] # Build a matrix of the output
+histogram(exp.(thetam), layout=(3,1), lab=["R1" "R2"]); plot!(lls[burnin+1:end], subplot=3, lab="log likelihood") # Visualize
Example block output

In this example, we initialize the MH algorithm on the correct value θ₀, in general, you'd see a period in the beginning where the likelihood (bottom plot) is much lower than during the rest of the sampling, this is the reason we remove a number of samples in the beginning, typically referred to as "burn in".

If you are lucky, you can run the above threaded as well. I tried my best to make particle filters thread safe with their own rngs etc., but your milage may vary. For threading to help, the dynamics must be non-allocating, e.g., by using StaticArrays etc.

@time thetalls = LowLevelParticleFilters.metropolis_threaded(burnin, ll, 2200, θ₀, draw, nthreads=2)
+histogram(exp.(thetalls[:,1:2]), layout=3)
+plot!(thetalls[:,3], subplot=3)
Example block output

Bayesian inference using DynamicHMC.jl

The following snippet of code performs the same estimation as above, but uses the much more sophisticated HMC sampler in DynamicHMC.jl rather than the PMMH sampler above. This package requires the log-likelihood function to be wrapped in a custom struct that implements the LogDensityProblems interface, which is done below. We also indicate that we want to use ForwardDiff.jl to compute the gradients for fast sampling.

using DynamicHMC, LogDensityProblemsAD, ForwardDiff, LogDensityProblems, LinearAlgebra, Random
+
+struct LogTargetDensity{F}
+    ll::F
+    dim::Int
+end
+LogDensityProblems.logdensity(p::LogTargetDensity, θ) = p.ll(θ)
+LogDensityProblems.dimension(p::LogTargetDensity) = p.dim
+LogDensityProblems.capabilities(::Type{LogTargetDensity}) = LogDensityProblems.LogDensityOrder{0}()
+
+function filter_from_parameters(θ, pf = nothing)
+    # It's important that the distribution of the initial state has the same
+    # element type as the parameters. DynamicHMC will use Dual numbers for differentiation,
+    # hence, we make sure that d0 has `eltype(d0) = eltype(θ)`
+    T = eltype(θ)
+    d0 = MvNormal(T.(d0.μ), T.(d0.Σ))
+    KalmanFilter(A, B, C, 0, exp(θ[1])^2*eye(nx), exp(θ[2])^2*eye(ny), d0) 
+end
+ll = log_likelihood_fun(filter_from_parameters, priors, u, y, p)
+
+D = length(θ₀)
+ℓπ = LogTargetDensity(ll, D)
+∇P = ADgradient(:ForwardDiff, ℓπ)
+
+results = mcmc_with_warmup(Random.default_rng(), ∇P, 3000)
+DynamicHMC.Diagnostics.summarize_tree_statistics(results.tree_statistics)
+lls = [ts.π for ts in results.tree_statistics]
+
+histogram(exp.(results.posterior_matrix)', layout=(3,1), lab=["R1" "R2"])
+plot!(lls, subplot=3, lab="log likelihood") # Visualize

Joint state and parameter estimation

In this example, we'll show how to perform parameter estimation by treating a parameter as a state variable. This method can not only estimate constant parameters, but also time-varying parameters. The system we will consider is a quadruple tank, where two upper tanks feed into two lower tanks. The outlet for tank 1 can vary in size, simulating, e.g., that something partially blocks the outlet. We start by defining the dynamics on a form that changes the outlet area $a_1$ at time $t=500$:

using LowLevelParticleFilters
+using SeeToDee
+using Distributions
+using StaticArrays
+using Plots, LinearAlgebra
+
+function quadtank(h,u,p,t)
+    kc = 0.5
+    k1, k2, g = 1.6, 1.6, 9.81
+    A1 = A3 = A2 = A4 = 4.9
+    a1, a3, a2, a4 = 0.03, 0.03, 0.03, 0.03
+    γ1, γ2 = 0.2, 0.2
+
+    if t > 500
+        a1 *= 2 # Change the parameter at t = 500
+    end
+
+    ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0
+
+    SA[
+        -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) +     γ1*k1/A1 * u[1]
+        -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) +     γ2*k2/A2 * u[2]
+        -a3/A3*ssqrt(2g*h[3])                          + (1-γ2)*k2/A3 * u[2]
+        -a4/A4*ssqrt(2g*h[4])                          + (1-γ1)*k1/A4 * u[1]
+    ]
+end
+
+nu = 2 # number of control inputs
+nx = 4 # number of state variables
+ny = 2 # number of measured outputs
+Ts = 1 # sample time

We then define a measurement function, we measure the levels of tanks 1 and 2, and discretize the continuous-time dynamics using a Runge-Kutta 4 integrator SeeToDee.Rk4:

measurement(x,u,p,t) = SA[x[1], x[2]]
+discrete_dynamics = SeeToDee.Rk4(quadtank, Ts)

We simulate the system using the rollout function and add some noise to the measurements. The inputs in this case are just square waves.

Tperiod = 200
+t = 0:Ts:1000
+u = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* t)) .+ 0.25)
+u = SVector{nu}.(vcat.(u,u))
+x0 = Float64[2,2,3,3]
+x = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u)[1:end-1]
+y = measurement.(x, u, 0, 0)
+y = [y .+ 0.01.*randn.() for y in y]
+
+plot(
+    plot(reduce(hcat, x)', title="State"),
+    plot(reduce(hcat, u)', title="Inputs")
+)
Example block output

To perform the joint state and parameter estimation, we define a version of the dynamics that contains an extra state, corresponding to the unknown or time varying parameter, in this case $a_1$. We do not have any apriori information about how this parameter changes, so we say that its derivative is 0 and it's thus only driven by noise:

function quadtank_paramest(h, u, p, t)
+    kc = 0.5
+    k1, k2, g = 1.6, 1.6, 9.81
+    A1 = A3 = A2 = A4 = 4.9
+    a3, a2, a4 = 0.03, 0.03, 0.03
+    γ1, γ2 = 0.2, 0.2
+
+    a1 = h[5] # the a1 parameter is a state
+
+    ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0
+
+    SA[
+        -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) +     γ1*k1/A1 * u[1]
+        -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) +     γ2*k2/A2 * u[2]
+        -a3/A3*ssqrt(2g*h[3])                          + (1-γ2)*k2/A3 * u[2]
+        -a4/A4*ssqrt(2g*h[4])                          + (1-γ1)*k1/A4 * u[1]
+        0 # the state is only driven by noise
+    ]
+end
+
+discrete_dynamics_params = SeeToDee.Rk4(quadtank_paramest, Ts)

We then define a nonlinear state estimator, we will use the UnscentedKalmanFilter, and solve the filtering problem. We start by an initial state estimate $x_0$ that is slightly off for the parameter $a_1$

nx = 5
+R1 = SMatrix{nx,nx}(Diagonal([0.1, 0.1, 0.1, 0.1, 0.0001])) # Use of StaticArrays is generally good for performance
+R2 = SMatrix{ny,ny}(Diagonal((1e-2)^2 * ones(ny)))
+x0 = SA[2, 2, 3, 3, 0.02] # The SA prefix makes the array static, which is good for performance
+
+kf = UnscentedKalmanFilter(discrete_dynamics_params, measurement, R1, R2, MvNormal(x0, R1); ny, nu, Ts)
+
+sol = forward_trajectory(kf, u, y)
+plot(sol, plotx=false, plotxt=true, plotu=false, ploty=true, legend=:bottomright)
+plot!([0,500,500,1000], [0.03, 0.03, 0.06, 0.06], l=(:dash, :black), sp=5, lab="True param")
Example block output

as we can see, the correct value of the parameter is quickly found ($x_5$), and it also adapts at $t=500$ when the parameter value changes. The speed with which the parameter adapts to changes is determined by the covariance matrix $R_1$, a higher value results in faster adaptation, but also higher sensitivity to noise.

If adaptive parameter estimation is coupled with a model-based controller, we get an adaptive controller! Note: the state that corresponds to the estimated parameter is typically not controllable, a fact that may require some special care for some control methods.

We may ask ourselves, what's the difference between a parameter and a state variable if we can add parameters as state variables? Typically, parameters do not vary with time, and if they do, they vary significantly slower than the state variables. State variables also have dynamics associate with them, whereas we often have no idea about how the parameters vary other than that they vary slowly.

Abrupt changes to the dynamics like in the example above can happen in practice, for instance, due to equipment failure or change of operating mode. This can be treated as a scenario with time-varying parameters that are continuously estimated.

Using an optimizer

The state estimators in this package are all statistically motivated and thus compute things like the likelihood of the data as a by-product of the estimation. Maximum-likelihood or prediction-error estimation is thus very straight-forward by simply calling a gradient-based optimizer with gradients provided by differentiating through the state estimator using automatic differentiation. In this example, we will continue the example from above, but now estimate all the parameters of the quad-tank process. This time, they will not vary with time. We will first use a standard optimization algorithm from Optim.jl to minimize the cost function based on the prediction error, and then use a Gauss-Newton optimizer.

We now define the dynamics function such that it takes its parameters from the p input argument. We also define a variable p_true that contains the true values that we will use to simulate some estimation data

function quadtank(h, u, p, t)
+    kc = p[1]
+    k1, k2, g = p[2], p[3], 9.81
+    A1 = A3 = A2 = A4 = p[4]
+    a1 = a3 = a2 = a4 = p[5]
+    γ1 = γ2 = p[6]
+
+    ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0
+
+    SA[
+        -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) +     γ1*k1/A1 * u[1]
+        -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) +     γ2*k2/A2 * u[2]
+        -a3/A3*ssqrt(2g*h[3])                          + (1-γ2)*k2/A3 * u[2]
+        -a4/A4*ssqrt(2g*h[4])                          + (1-γ1)*k1/A4 * u[1]
+    ]
+end
+
+discrete_dynamics = SeeToDee.Rk4(quadtank, Ts) # Discretize the dynamics using a 4:th order Runge-Kutta integrator
+p_true = [0.5, 1.6, 1.6, 4.9, 0.03, 0.2]

Similar to previous example, we simulate the system, this time using a more exciting input in order to be able to identify several parameters

Tperiod = 200
+t = 0:Ts:1000
+u1 = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* (t ./ 40).^2)) .+ 0.25)
+u2 = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* (t ./ 40).^2 .+ pi/2)) .+ 0.25)
+u  = SVector{nu}.(vcat.(u1,u2))
+x0 = SA[2.0,2,3,3] # Initial condition, static array for performance
+x = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u, p_true)[1:end-1]
+y = measurement.(x, u, 0, 0)
+y = [y .+ 0.01 .* randn.() for y in y]
+
+plot(
+    plot(reduce(hcat, x)', title="State"),
+    plot(reduce(hcat, u)', title="Inputs")
+)
Example block output

This time, we define a cost function for the optimizer to optimize, we'll use the sum of squared errors (sse). It's important to define the UKF with an initial state distribution with the same element type as the parameter vector so that automatic differentiation through the state estimator works, hence the explicit casting T.(x0) and T.(R1). We also make sure to use StaticArrays for the covariance matrices and the initial condition for performance reasons (optional).

nx = 4
+R1 = SMatrix{nx,nx}(Diagonal([0.1, 0.1, 0.1, 0.1])) # Use of StaticArrays is generally good for performance
+R2 = SMatrix{ny,ny}(Diagonal((1e-2)^2 * ones(ny)))
+x0 = SA[2.0, 2, 3, 3]
+
+function cost(p::Vector{T}) where T
+    kf = UnscentedKalmanFilter(discrete_dynamics, measurement, R1, R2, MvNormal(T.(x0), T.(R1)); ny, nu, Ts)
+    LowLevelParticleFilters.sse(kf, u, y, p) # Sum of squared prediction errors
+end

We generate a random initial guess for the estimation problem

p_guess = p_true .+  0.1*p_true .* randn(length(p_true))
6-element Vector{Float64}:
+ 0.4851533287470254
+ 1.8775750226115546
+ 1.4460240543851606
+ 4.2308314986129805
+ 0.028315313446004322
+ 0.22665632648978615

Solving using Optim

We first minimize the cost using the BFGS optimization algorithm from Optim.jl

using Optim
+res = Optim.optimize(
+    cost,
+    p_guess,
+    BFGS(),
+    Optim.Options(
+        show_trace = true,
+        show_every = 5,
+        iterations = 100,
+        time_limit = 30,
+    ),
+    autodiff = :forward, # Indicate that we want to use forward-mode AD to derive gradients
+)
 * Status: success
+
+ * Candidate solution
+    Final objective value:     4.112172e-01
+
+ * Found with
+    Algorithm:     BFGS
+
+ * Convergence measures
+    |x - x'|               = 6.73e-09 ≰ 0.0e+00
+    |x - x'|/|x'|          = 1.51e-09 ≰ 0.0e+00
+    |f(x) - f(x')|         = 2.55e-15 ≰ 0.0e+00
+    |f(x) - f(x')|/|f(x')| = 6.21e-15 ≰ 0.0e+00
+    |g(x)|                 = 1.87e-10 ≤ 1.0e-08
+
+ * Work counters
+    Seconds run:   0  (vs limit 30)
+    Iterations:    12
+    f(x) calls:    33
+    ∇f(x) calls:   33
+

We started out with a normalized parameter error of

using LinearAlgebra
+norm(p_true - p_guess) / norm(p_true)
0.13666166236617366

and ended with

p_opt = res.minimizer
+norm(p_true - p_opt) / norm(p_true)
0.08971156750699484

Solving using Gauss-Newton optimization

Below, we optimize the sum of squared residuals again, but this time we do it using a Gauss-Newton style algorithm (Levenberg Marquardt). These algorithms want the entire residual vector rather than the sum of squares of the residuals, so we define an alternative "cost function" called residuals that calls the lower-level function LowLevelParticleFilters.prediction_errors!

using LeastSquaresOptim
+
+function residuals!(res, p::Vector{T}) where T
+    kf = UnscentedKalmanFilter(discrete_dynamics, measurement, R1, R2, MvNormal(T.(x0), T.(R1)); ny, nu, Ts)
+    LowLevelParticleFilters.prediction_errors!(res, kf, u, y, p)
+end
+
+res_gn = optimize!(LeastSquaresProblem(x = copy(p_guess), f! = residuals!, output_length = length(y)*ny, autodiff = :forward), LevenbergMarquardt())
+
+p_opt_gn = res_gn.minimizer
+norm(p_true - p_opt_gn) / norm(p_true)
0.03173423533437165

Gauss-Newton algorithms are often more efficient at sum-of-squares minimization than the more generic BFGS optimizer. This form of Gauss-Newton optimization of prediction errors is also available through ControlSystemIdentification.jl, which uses this package undernath the hood.

Identifiability

There is no guarantee that we will recover the true parameters for this system, especially not if the input excitation is poor, but we will generally find parameters that results in a good predictor for the system (this is after all what we're optimizing for). A tool like StructuralIdentifiability.jl may be used to determine the identifiability of parameters and state variables, something that for this system could look like

using StructuralIdentifiability
+
+ode = @ODEmodel(
+    h1'(t) = -a1/A1 * h1(t) + a3/A1*h3(t) +     gam*k1/A1 * u1(t),
+    h2'(t) = -a2/A2 * h2(t) + a4/A2*h4(t) +     gam*k2/A2 * u2(t),
+    h3'(t) = -a3/A3*h3(t)                 + (1-gam)*k2/A3 * u2(t),
+    h4'(t) = -a4/A4*h4(t)                 + (1-gam)*k1/A4 * u1(t),
+	y1(t) = h1(t),
+    y2(t) = h2(t),
+)
+
+local_id = assess_local_identifiability(ode, 0.99)

where we have made the substitution $\sqrt h \rightarrow h$ due to a limitation of the tool. The output of the above analysis is

julia> local_id = assess_local_identifiability(ode, 0.99)
+Dict{Nemo.fmpq_mpoly, Bool} with 15 entries:
+  a3  => 0
+  gam => 1
+  k2  => 0
+  A4  => 0
+  h4  => 0
+  h2  => 1
+  A3  => 0
+  a1  => 0
+  A2  => 0
+  k1  => 0
+  a4  => 0
+  h3  => 0
+  h1  => 1
+  A1  => 0
+  a2  => 0

indicating that we can not hope to resolve all of the parameters. However, using appropriate regularization from prior information, we might still recover a lot of information about the system. Regularization could easily be added to the function cost above, e.g., using a penalty like (p-p_guess)'Γ*(p-p_guess) for some matrix $\Gamma$, to indicate our confidence in the initial guess.

Videos

Examples of parameter estimation are available here

By using an optimizer to optimize the likelihood of an UnscentedKalmanFilter:

Estimation of time-varying parameters:

Adaptive control by means of estimation of time-varying parameters:

diff --git a/v3.12.3/search_index.js b/v3.12.3/search_index.js new file mode 100644 index 00000000..4dc326b9 --- /dev/null +++ b/v3.12.3/search_index.js @@ -0,0 +1,3 @@ +var documenterSearchIndex = {"docs": +[{"location":"distributions/#Performance-tips","page":"Performance tips","title":"Performance tips","text":"","category":"section"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"Use of StaticArrays.jl is recommended for optimal performance when the state dimension is small, e.g., less than about 10-15 for Kalman filters and less than about 100 for particle filters. In the section Parameter optimization we demonstrate one workflow that makes use of StaticArrays everywhere it is needed for an UnscentedKalmanFilter in order to get a completely allocation free filter. The following arrays must be static for this to hold","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"The initial state distribution (the vector and matrix passed to d0 = MvNormal(μ, Σ) for Kalman filters). If you are performing parameter optimization with gradients derived using ForwardDiff.jl, these must further have the correct element type. How to achieve this is demonstrated in the liked example above.\nInputs u measured outputs y.\nIn case of Kalman filters, the dynamic model matrices A, B, C, D and the covariance matrices R1, R2.\nThe dynamics functions for UnscentedKalmanFilter and particle filters must further return static arrays when passed static arrays as inputs.","category":"page"},{"location":"distributions/#Analysis-using-JET","page":"Performance tips","title":"Analysis using JET","text":"","category":"section"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"All flavors of Kalman filters are analyzed for potential runtime dispatch using JET.jl. This analysis is performed in the tests and generally requires a completely static filter using static arrays internally. See the tests for an example of how to set a filter up this way.","category":"page"},{"location":"distributions/#High-performance-Distributions","page":"Performance tips","title":"High performance Distributions","text":"","category":"section"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"When using LowLevelParticleFilters, a number of methods related to distributions are defined for static arrays, making logpdf etc. faster. We also provide a new kind of distribution: TupleProduct <: MultivariateDistribution that behaves similarly to the Product distribution. The TupleProduct however stores the individual distributions in a tuple, has compile-time known length and supports Mixed <: ValueSupport, meaning that it can be a product of both Continuous and Discrete dimensions, something not supported by the standard Product. Example","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"using BenchmarkTools, LowLevelParticleFilters, Distributions, StaticArrays\ndt = TupleProduct((Normal(0,2), Normal(0,2), Binomial())) # Mixed value support","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"A small benchmark","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"sv = @SVector randn(2)\nd = Distributions.Product([Normal(0,2), Normal(0,2)])\ndt = TupleProduct((Normal(0,2), Normal(0,2)))\ndm = MvNormal(2, 2)\n@btime logpdf($d,$(Vector(sv))) # 19.536 ns (0 allocations: 0 bytes)\n@btime logpdf($dt,$(Vector(sv))) # 13.742 ns (0 allocations: 0 bytes)\n@btime logpdf($dm,$(Vector(sv))) # 11.392 ns (0 allocations: 0 bytes)","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"@btime logpdf($d,$sv) # 13.964 ns (0 allocations: 0 bytes)\n@btime logpdf($dt,$sv) # 12.817 ns (0 allocations: 0 bytes)\n@btime logpdf($dm,$sv) # 8.383 ns (0 allocations: 0 bytes)","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"Without loading LowLevelParticleFilters, the timing for the native distributions are the following","category":"page"},{"location":"distributions/","page":"Performance tips","title":"Performance tips","text":"@btime logpdf($d,$sv) # 18.040 ns (0 allocations: 0 bytes)\n@btime logpdf($dm,$sv) # 9.938 ns (0 allocations: 0 bytes)","category":"page"},{"location":"parameter_estimation/#Parameter-Estimation","page":"Parameter estimation","title":"Parameter Estimation","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"State estimation is an integral part of many parameter-estimation methods. Below, we will illustrate several different methods of performing parameter estimation. We can roughly divide the methods into two camps","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Methods that optimize prediction error or likelihood by tweaking model parameters.\nMethods that add the parameters to be estimated as state variables in the model and estimate them using standard state estimation. ","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"From the first camp, we provide som basic functionality for maximum-likelihood estimation and MAP estimation, described below. An example of (2), joint state and parameter estimation, is provided in Joint state and parameter estimation.","category":"page"},{"location":"parameter_estimation/#Maximum-likelihood-estimation","page":"Parameter estimation","title":"Maximum-likelihood estimation","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Filters calculate the likelihood and prediction errors while performing filtering, this can be used to perform maximum likelihood estimation or prediction-error minimization. One can estimate all kinds of parameters using this method, in the example below, we will estimate the noise covariance. We may for example plot likelihood as function of the variance of the dynamics noise like this:","category":"page"},{"location":"parameter_estimation/#Generate-data-by-simulation","page":"Parameter estimation","title":"Generate data by simulation","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"This simulates the same linear system as on the index page of the documentation","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots\nnx = 2 # Dimension of state\nnu = 2 # Dimension of input\nny = 2 # Dimension of measurements\nN = 2000 # Number of particles\n\nconst dg = MvNormal(ny,1.0) # Measurement noise Distribution\nconst df = MvNormal(nx,1.0) # Dynamics noise Distribution\nconst d0 = MvNormal(@SVector(randn(nx)),2.0) # Initial state Distribution\n\nconst A = SA[1 0.1; 0 1]\nconst B = @SMatrix [0.0 0.1; 1 0.1]\nconst C = @SMatrix [1.0 0; 0 1]\n\ndynamics(x,u,p,t) = A*x .+ B*u \nmeasurement(x,u,p,t) = C*x\nvecvec_to_mat(x) = copy(reduce(hcat, x)') # Helper function\npf = ParticleFilter(N, dynamics, measurement, df, dg, d0)\nxs,u,y = simulate(pf,300,df)","category":"page"},{"location":"parameter_estimation/#Compute-likelihood-for-various-values-of-the-parameters","page":"Parameter estimation","title":"Compute likelihood for various values of the parameters","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"p = nothing\nsvec = exp10.(LinRange(-0.8, 1.2, 60))\nllspf = map(svec) do s\n df = MvNormal(nx,s)\n pfs = ParticleFilter(N, dynamics, measurement, df, dg, d0)\n loglik(pfs, u, y, p)\nend\nplot( svec, llspf,\n xscale = :log10,\n title = \"Log-likelihood\",\n xlabel = \"Dynamics noise standard deviation\",\n lab = \"PF\",\n)\nvline!([svec[findmax(llspf)[2]]], l=(:dash,:blue), primary=false)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"the correct value for the simulated data is 1 (the simulated system is the same as on the front page of the docs).","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We can do the same with a Kalman filter","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"eye(n) = SMatrix{n,n}(1.0I(n))\nllskf = map(svec) do s\n kfs = KalmanFilter(A, B, C, 0, s^2*eye(nx), eye(ny), d0)\n loglik(kfs, u, y, p)\nend\nplot!(svec, llskf, yscale=:identity, xscale=:log10, lab=\"Kalman\", c=:red)\nvline!([svec[findmax(llskf)[2]]], l=(:dash,:red), primary=false)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"the result can be quite noisy due to the stochastic nature of particle filtering. The particle filter likelihood agrees with the Kalman-filter estimate, which is optimal for the linear example system we are simulating here, apart for when the noise variance is small. Due to particle depletion, particle filters often struggle when dynamics-noise is too small. This problem is mitigated by using a greater number of particles, or simply by not using a too small covariance.","category":"page"},{"location":"parameter_estimation/#MAP-estimation","page":"Parameter estimation","title":"MAP estimation","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"In this example, we will estimate the variance of the noises in the dynamics and the measurement functions.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"To solve a MAP estimation problem, we need to define a function that takes a parameter vector and returns a filter, the parameters are used to construct the covariance matrices:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"filter_from_parameters(θ, pf = nothing) = KalmanFilter(A, B, C, 0, exp(θ[1])^2*eye(nx), exp(θ[2])^2*eye(ny), d0) # Works with particle filters as well\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"The call to exp on the parameters is so that we can define log-normal priors","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"priors = [Normal(0,2),Normal(0,2)]","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Now we call the function log_likelihood_fun that returns a function to be minimized","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"ll = log_likelihood_fun(filter_from_parameters, priors, u, y, p)\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Since this is a low-dimensional problem, we can plot the LL on a 2d-grid","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"function meshgrid(a,b)\n grid_a = [i for i in a, j in b]\n grid_b = [j for i in a, j in b]\n grid_a, grid_b\nend\nNv = 20\nv = LinRange(-0.7,1,Nv)\nllxy = (x,y) -> ll([x;y])\nVGx, VGy = meshgrid(v,v)\nVGz = llxy.(VGx, VGy)\nheatmap(\n VGz,\n xticks = (1:Nv, round.(v, digits = 2)),\n yticks = (1:Nv, round.(v, digits = 2)),\n xlabel = \"sigma v\",\n ylabel = \"sigma w\",\n) # Yes, labels are reversed","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"For higher-dimensional problems, we may estimate the parameters using an optimizer, e.g., Optim.jl.","category":"page"},{"location":"parameter_estimation/#Bayesian-inference-using-PMMH","page":"Parameter estimation","title":"Bayesian inference using PMMH","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We proceed like we did for MAP above, but when calling the function metropolis, we will get the entire posterior distribution of the parameter vector, for the small cost of a massive increase in the amount of computations. metropolis runs the Metropolis Hastings algorithm, or more precisely if a particle filter is used, the \"Particle Marginal Metropolis Hastings\" (PMMH) algorithm. Here we use the Kalman filter simply to have the documentation build a bit faster, it can be quite heavy to run.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"filter_from_parameters(θ, pf = nothing) = KalmanFilter(A, B, C, 0, exp(θ[1])^2*I(nx), exp(θ[2])^2*I(ny), d0) # Works with particle filters as well\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"The call to exp on the parameters is so that we can define log-normal priors","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"priors = [Normal(0,2),Normal(0,2)]\nll = log_likelihood_fun(filter_from_parameters, priors, u, y, p)\nθ₀ = log.([1.0, 1.0]) # Starting point\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We also need to define a function that suggests a new point from the \"proposal distribution\". This can be pretty much anything, but it has to be symmetric since I was lazy and simplified an equation.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"draw = θ -> θ .+ 0.05 .* randn.() # This function dictates how new proposal parameters are being generated. \nburnin = 200 # remove this many initial samples (\"burn-in period\")\n@info \"Starting Metropolis algorithm\"\n@time theta, lls = metropolis(ll, 2200, θ₀, draw) # Run PMMH for 2200 iterations\nthetam = reduce(hcat, theta)'[burnin+1:end,:] # Build a matrix of the output\nhistogram(exp.(thetam), layout=(3,1), lab=[\"R1\" \"R2\"]); plot!(lls[burnin+1:end], subplot=3, lab=\"log likelihood\") # Visualize","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"In this example, we initialize the MH algorithm on the correct value θ₀, in general, you'd see a period in the beginning where the likelihood (bottom plot) is much lower than during the rest of the sampling, this is the reason we remove a number of samples in the beginning, typically referred to as \"burn in\".","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"If you are lucky, you can run the above threaded as well. I tried my best to make particle filters thread safe with their own rngs etc., but your milage may vary. For threading to help, the dynamics must be non-allocating, e.g., by using StaticArrays etc.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"@time thetalls = LowLevelParticleFilters.metropolis_threaded(burnin, ll, 2200, θ₀, draw, nthreads=2)\nhistogram(exp.(thetalls[:,1:2]), layout=3)\nplot!(thetalls[:,3], subplot=3)","category":"page"},{"location":"parameter_estimation/#Bayesian-inference-using-DynamicHMC.jl","page":"Parameter estimation","title":"Bayesian inference using DynamicHMC.jl","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"The following snippet of code performs the same estimation as above, but uses the much more sophisticated HMC sampler in DynamicHMC.jl rather than the PMMH sampler above. This package requires the log-likelihood function to be wrapped in a custom struct that implements the LogDensityProblems interface, which is done below. We also indicate that we want to use ForwardDiff.jl to compute the gradients for fast sampling.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using DynamicHMC, LogDensityProblemsAD, ForwardDiff, LogDensityProblems, LinearAlgebra, Random\n\nstruct LogTargetDensity{F}\n ll::F\n dim::Int\nend\nLogDensityProblems.logdensity(p::LogTargetDensity, θ) = p.ll(θ)\nLogDensityProblems.dimension(p::LogTargetDensity) = p.dim\nLogDensityProblems.capabilities(::Type{LogTargetDensity}) = LogDensityProblems.LogDensityOrder{0}()\n\nfunction filter_from_parameters(θ, pf = nothing)\n # It's important that the distribution of the initial state has the same\n # element type as the parameters. DynamicHMC will use Dual numbers for differentiation,\n # hence, we make sure that d0 has `eltype(d0) = eltype(θ)`\n T = eltype(θ)\n d0 = MvNormal(T.(d0.μ), T.(d0.Σ))\n KalmanFilter(A, B, C, 0, exp(θ[1])^2*eye(nx), exp(θ[2])^2*eye(ny), d0) \nend\nll = log_likelihood_fun(filter_from_parameters, priors, u, y, p)\n\nD = length(θ₀)\nℓπ = LogTargetDensity(ll, D)\n∇P = ADgradient(:ForwardDiff, ℓπ)\n\nresults = mcmc_with_warmup(Random.default_rng(), ∇P, 3000)\nDynamicHMC.Diagnostics.summarize_tree_statistics(results.tree_statistics)\nlls = [ts.π for ts in results.tree_statistics]\n\nhistogram(exp.(results.posterior_matrix)', layout=(3,1), lab=[\"R1\" \"R2\"])\nplot!(lls, subplot=3, lab=\"log likelihood\") # Visualize","category":"page"},{"location":"parameter_estimation/#Joint-state-and-parameter-estimation","page":"Parameter estimation","title":"Joint state and parameter estimation","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"In this example, we'll show how to perform parameter estimation by treating a parameter as a state variable. This method can not only estimate constant parameters, but also time-varying parameters. The system we will consider is a quadruple tank, where two upper tanks feed into two lower tanks. The outlet for tank 1 can vary in size, simulating, e.g., that something partially blocks the outlet. We start by defining the dynamics on a form that changes the outlet area a_1 at time t=500:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using LowLevelParticleFilters\nusing SeeToDee\nusing Distributions\nusing StaticArrays\nusing Plots, LinearAlgebra\n\nfunction quadtank(h,u,p,t)\n kc = 0.5\n k1, k2, g = 1.6, 1.6, 9.81\n A1 = A3 = A2 = A4 = 4.9\n a1, a3, a2, a4 = 0.03, 0.03, 0.03, 0.03\n γ1, γ2 = 0.2, 0.2\n\n if t > 500\n a1 *= 2 # Change the parameter at t = 500\n end\n\n ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0\n \n SA[\n -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) + γ1*k1/A1 * u[1]\n -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) + γ2*k2/A2 * u[2]\n -a3/A3*ssqrt(2g*h[3]) + (1-γ2)*k2/A3 * u[2]\n -a4/A4*ssqrt(2g*h[4]) + (1-γ1)*k1/A4 * u[1]\n ]\nend\n\nnu = 2 # number of control inputs\nnx = 4 # number of state variables\nny = 2 # number of measured outputs\nTs = 1 # sample time\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We then define a measurement function, we measure the levels of tanks 1 and 2, and discretize the continuous-time dynamics using a Runge-Kutta 4 integrator SeeToDee.Rk4:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"measurement(x,u,p,t) = SA[x[1], x[2]]\ndiscrete_dynamics = SeeToDee.Rk4(quadtank, Ts)\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We simulate the system using the rollout function and add some noise to the measurements. The inputs in this case are just square waves.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Tperiod = 200\nt = 0:Ts:1000\nu = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* t)) .+ 0.25)\nu = SVector{nu}.(vcat.(u,u))\nx0 = Float64[2,2,3,3]\nx = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u)[1:end-1]\ny = measurement.(x, u, 0, 0)\ny = [y .+ 0.01.*randn.() for y in y]\n\nplot(\n plot(reduce(hcat, x)', title=\"State\"),\n plot(reduce(hcat, u)', title=\"Inputs\")\n)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"To perform the joint state and parameter estimation, we define a version of the dynamics that contains an extra state, corresponding to the unknown or time varying parameter, in this case a_1. We do not have any apriori information about how this parameter changes, so we say that its derivative is 0 and it's thus only driven by noise:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"function quadtank_paramest(h, u, p, t)\n kc = 0.5\n k1, k2, g = 1.6, 1.6, 9.81\n A1 = A3 = A2 = A4 = 4.9\n a3, a2, a4 = 0.03, 0.03, 0.03\n γ1, γ2 = 0.2, 0.2\n\n a1 = h[5] # the a1 parameter is a state\n\n ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0\n \n SA[\n -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) + γ1*k1/A1 * u[1]\n -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) + γ2*k2/A2 * u[2]\n -a3/A3*ssqrt(2g*h[3]) + (1-γ2)*k2/A3 * u[2]\n -a4/A4*ssqrt(2g*h[4]) + (1-γ1)*k1/A4 * u[1]\n 0 # the state is only driven by noise\n ]\nend\n\ndiscrete_dynamics_params = SeeToDee.Rk4(quadtank_paramest, Ts)\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We then define a nonlinear state estimator, we will use the UnscentedKalmanFilter, and solve the filtering problem. We start by an initial state estimate x_0 that is slightly off for the parameter a_1","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"nx = 5\nR1 = SMatrix{nx,nx}(Diagonal([0.1, 0.1, 0.1, 0.1, 0.0001])) # Use of StaticArrays is generally good for performance\nR2 = SMatrix{ny,ny}(Diagonal((1e-2)^2 * ones(ny)))\nx0 = SA[2, 2, 3, 3, 0.02] # The SA prefix makes the array static, which is good for performance\n\nkf = UnscentedKalmanFilter(discrete_dynamics_params, measurement, R1, R2, MvNormal(x0, R1); ny, nu, Ts)\n\nsol = forward_trajectory(kf, u, y)\nplot(sol, plotx=false, plotxt=true, plotu=false, ploty=true, legend=:bottomright)\nplot!([0,500,500,1000], [0.03, 0.03, 0.06, 0.06], l=(:dash, :black), sp=5, lab=\"True param\")","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"as we can see, the correct value of the parameter is quickly found (x_5), and it also adapts at t=500 when the parameter value changes. The speed with which the parameter adapts to changes is determined by the covariance matrix R_1, a higher value results in faster adaptation, but also higher sensitivity to noise. ","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"If adaptive parameter estimation is coupled with a model-based controller, we get an adaptive controller! Note: the state that corresponds to the estimated parameter is typically not controllable, a fact that may require some special care for some control methods.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We may ask ourselves, what's the difference between a parameter and a state variable if we can add parameters as state variables? Typically, parameters do not vary with time, and if they do, they vary significantly slower than the state variables. State variables also have dynamics associate with them, whereas we often have no idea about how the parameters vary other than that they vary slowly.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Abrupt changes to the dynamics like in the example above can happen in practice, for instance, due to equipment failure or change of operating mode. This can be treated as a scenario with time-varying parameters that are continuously estimated. ","category":"page"},{"location":"parameter_estimation/#Using-an-optimizer","page":"Parameter estimation","title":"Using an optimizer","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"The state estimators in this package are all statistically motivated and thus compute things like the likelihood of the data as a by-product of the estimation. Maximum-likelihood or prediction-error estimation is thus very straight-forward by simply calling a gradient-based optimizer with gradients provided by differentiating through the state estimator using automatic differentiation. In this example, we will continue the example from above, but now estimate all the parameters of the quad-tank process. This time, they will not vary with time. We will first use a standard optimization algorithm from Optim.jl to minimize the cost function based on the prediction error, and then use a Gauss-Newton optimizer.","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We now define the dynamics function such that it takes its parameters from the p input argument. We also define a variable p_true that contains the true values that we will use to simulate some estimation data","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"function quadtank(h, u, p, t)\n kc = p[1]\n k1, k2, g = p[2], p[3], 9.81\n A1 = A3 = A2 = A4 = p[4]\n a1 = a3 = a2 = a4 = p[5]\n γ1 = γ2 = p[6]\n\n ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0\n \n SA[\n -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) + γ1*k1/A1 * u[1]\n -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) + γ2*k2/A2 * u[2]\n -a3/A3*ssqrt(2g*h[3]) + (1-γ2)*k2/A3 * u[2]\n -a4/A4*ssqrt(2g*h[4]) + (1-γ1)*k1/A4 * u[1]\n ]\nend\n\ndiscrete_dynamics = SeeToDee.Rk4(quadtank, Ts) # Discretize the dynamics using a 4:th order Runge-Kutta integrator\np_true = [0.5, 1.6, 1.6, 4.9, 0.03, 0.2]\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Similar to previous example, we simulate the system, this time using a more exciting input in order to be able to identify several parameters","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using Random; Random.seed!(1) # hide\nTperiod = 200\nt = 0:Ts:1000\nu1 = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* (t ./ 40).^2)) .+ 0.25)\nu2 = vcat.(0.25 .* sign.(sin.(2pi/Tperiod .* (t ./ 40).^2 .+ pi/2)) .+ 0.25)\nu = SVector{nu}.(vcat.(u1,u2))\nx0 = SA[2.0,2,3,3] # Initial condition, static array for performance\nx = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u, p_true)[1:end-1]\ny = measurement.(x, u, 0, 0)\ny = [y .+ 0.01 .* randn.() for y in y]\n\nplot(\n plot(reduce(hcat, x)', title=\"State\"),\n plot(reduce(hcat, u)', title=\"Inputs\")\n)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"This time, we define a cost function for the optimizer to optimize, we'll use the sum of squared errors (sse). It's important to define the UKF with an initial state distribution with the same element type as the parameter vector so that automatic differentiation through the state estimator works, hence the explicit casting T.(x0) and T.(R1). We also make sure to use StaticArrays for the covariance matrices and the initial condition for performance reasons (optional).","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"nx = 4\nR1 = SMatrix{nx,nx}(Diagonal([0.1, 0.1, 0.1, 0.1])) # Use of StaticArrays is generally good for performance\nR2 = SMatrix{ny,ny}(Diagonal((1e-2)^2 * ones(ny)))\nx0 = SA[2.0, 2, 3, 3]\n\nfunction cost(p::Vector{T}) where T\n kf = UnscentedKalmanFilter(discrete_dynamics, measurement, R1, R2, MvNormal(T.(x0), T.(R1)); ny, nu, Ts)\n LowLevelParticleFilters.sse(kf, u, y, p) # Sum of squared prediction errors\nend\nnothing # hide","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We generate a random initial guess for the estimation problem","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"p_guess = p_true .+ 0.1*p_true .* randn(length(p_true))","category":"page"},{"location":"parameter_estimation/#Solving-using-Optim","page":"Parameter estimation","title":"Solving using Optim","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We first minimize the cost using the BFGS optimization algorithm from Optim.jl","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using Optim\nres = Optim.optimize(\n cost,\n p_guess,\n BFGS(),\n Optim.Options(\n show_trace = true,\n show_every = 5,\n iterations = 100,\n time_limit = 30,\n ),\n autodiff = :forward, # Indicate that we want to use forward-mode AD to derive gradients\n)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"We started out with a normalized parameter error of","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using LinearAlgebra\nnorm(p_true - p_guess) / norm(p_true)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"and ended with","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"p_opt = res.minimizer\nnorm(p_true - p_opt) / norm(p_true)","category":"page"},{"location":"parameter_estimation/#Solving-using-Gauss-Newton-optimization","page":"Parameter estimation","title":"Solving using Gauss-Newton optimization","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Below, we optimize the sum of squared residuals again, but this time we do it using a Gauss-Newton style algorithm (Levenberg Marquardt). These algorithms want the entire residual vector rather than the sum of squares of the residuals, so we define an alternative \"cost function\" called residuals that calls the lower-level function LowLevelParticleFilters.prediction_errors!","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using LeastSquaresOptim\n\nfunction residuals!(res, p::Vector{T}) where T\n kf = UnscentedKalmanFilter(discrete_dynamics, measurement, R1, R2, MvNormal(T.(x0), T.(R1)); ny, nu, Ts)\n LowLevelParticleFilters.prediction_errors!(res, kf, u, y, p) \nend\n\nres_gn = optimize!(LeastSquaresProblem(x = copy(p_guess), f! = residuals!, output_length = length(y)*ny, autodiff = :forward), LevenbergMarquardt())\n\np_opt_gn = res_gn.minimizer\nnorm(p_true - p_opt_gn) / norm(p_true)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Gauss-Newton algorithms are often more efficient at sum-of-squares minimization than the more generic BFGS optimizer. This form of Gauss-Newton optimization of prediction errors is also available through ControlSystemIdentification.jl, which uses this package undernath the hood.","category":"page"},{"location":"parameter_estimation/#Identifiability","page":"Parameter estimation","title":"Identifiability","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"There is no guarantee that we will recover the true parameters for this system, especially not if the input excitation is poor, but we will generally find parameters that results in a good predictor for the system (this is after all what we're optimizing for). A tool like StructuralIdentifiability.jl may be used to determine the identifiability of parameters and state variables, something that for this system could look like","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"using StructuralIdentifiability\n\node = @ODEmodel(\n h1'(t) = -a1/A1 * h1(t) + a3/A1*h3(t) + gam*k1/A1 * u1(t),\n h2'(t) = -a2/A2 * h2(t) + a4/A2*h4(t) + gam*k2/A2 * u2(t),\n h3'(t) = -a3/A3*h3(t) + (1-gam)*k2/A3 * u2(t),\n h4'(t) = -a4/A4*h4(t) + (1-gam)*k1/A4 * u1(t),\n\ty1(t) = h1(t),\n y2(t) = h2(t),\n)\n\nlocal_id = assess_local_identifiability(ode, 0.99)","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"where we have made the substitution sqrt h rightarrow h due to a limitation of the tool. The output of the above analysis is ","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"julia> local_id = assess_local_identifiability(ode, 0.99)\nDict{Nemo.fmpq_mpoly, Bool} with 15 entries:\n a3 => 0\n gam => 1\n k2 => 0\n A4 => 0\n h4 => 0\n h2 => 1\n A3 => 0\n a1 => 0\n A2 => 0\n k1 => 0\n a4 => 0\n h3 => 0\n h1 => 1\n A1 => 0\n a2 => 0","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"indicating that we can not hope to resolve all of the parameters. However, using appropriate regularization from prior information, we might still recover a lot of information about the system. Regularization could easily be added to the function cost above, e.g., using a penalty like (p-p_guess)'Γ*(p-p_guess) for some matrix Gamma, to indicate our confidence in the initial guess.","category":"page"},{"location":"parameter_estimation/#Videos","page":"Parameter estimation","title":"Videos","text":"","category":"section"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Examples of parameter estimation are available here","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"By using an optimizer to optimize the likelihood of an UnscentedKalmanFilter:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Estimation of time-varying parameters:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"Adaptive control by means of estimation of time-varying parameters:","category":"page"},{"location":"parameter_estimation/","page":"Parameter estimation","title":"Parameter estimation","text":"","category":"page"},{"location":"neural_network/#Adaptive-Neural-Network-training","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"In this example, we will demonstrate how we can take the estimation of time-varying parameters to the extreme, and use a nonlinear state estimator to estimate the weights in a neural-network model of a dynamical system. ","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"In the tutorial Joint state and parameter estimation, we demonstrated how we can add a parameter as a state variable and let the state estimator estimate this alongside the state. In this example, we will try to learn an entire black-box model of the system dynamics using a neural network, and treat the network weights as time-varying parameters by adding them to the state.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We start by generating some data from a simple dynamical system, we will continue to use the quadruple-tank system from Joint state and parameter estimation.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"using LowLevelParticleFilters, Lux, Random, SeeToDee, StaticArrays, Plots, LinearAlgebra, ComponentArrays, DifferentiationInterface, SparseMatrixColorings\nusing SparseConnectivityTracer: TracerSparsityDetector\nusing DisplayAs # hide\n\nusing LowLevelParticleFilters: SimpleMvNormal\n\nfunction quadtank(h,u,p,t)\n kc = 0.5\n k1, k2, g = 1.6, 1.6, 9.81\n A1 = A3 = A2 = A4 = 4.9\n a1, a3, a2, a4 = 0.03, 0.03, 0.03, 0.03\n γ1, γ2 = 0.2, 0.2\n\n if t > 2000\n a1 *= 1.5 # Change the parameter at t = 2000\n end\n\n ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0\n\n SA[\n -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) + γ1*k1/A1 * u[1]\n -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) + γ2*k2/A2 * u[2]\n -a3/A3*ssqrt(2g*h[3]) + (1-γ2)*k2/A3 * u[2]\n -a4/A4*ssqrt(2g*h[4]) + (1-γ1)*k1/A4 * u[1]\n ]\nend\n\nTs = 30 # sample time\ndiscrete_dynamics = SeeToDee.Rk4(quadtank, Ts) # Discretize dynamics\nnu = 2 # number of control inputs\nnx = 4 # number of state variables\nny = 4 # number of measured outputs\n\nfunction generate_data() \n measurement(x,u,p,t) = x#SA[x[1], x[2]]\n Tperiod = 200\n t = 0:Ts:4000\n u = vcat.((0.25 .* sign.(sin.(2pi/Tperiod .* t)) .+ 0.25) .* sqrt.(rand.()))\n u = SVector{nu, Float32}.(vcat.(u,u))\n x0 = Float32[2,2,3,3]\n x = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u)[1:end-1]\n y = measurement.(x, u, 0, 0)\n y = [Float32.(y .+ 0.01.*randn.()) for y in y] # Add some noise to the measurement\n\n (; x, u, y, nx, nu, ny, Ts)\nend\n\nrng = Random.default_rng()\nRandom.seed!(rng, 1)\ndata = generate_data()\nnothing # hide","category":"page"},{"location":"neural_network/#Neural-network-dynamics","page":"Adaptive Neural-Network training","title":"Neural network dynamics","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"Our neural network will be a small feedforward network built using the package Lux.jl. ","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"ni = ny + nu\nnhidden = 8\nconst model_ = Chain(Dense(ni, nhidden, tanh), Dense(nhidden, nhidden, tanh), Dense(nhidden, ny))","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"Since the network is rather small, we will train on the CPU only, this will be fast enough for this use case. We may extract the parameters of the network using the function Lux.setup, and convert them to a ComponentArray to make it easier to refer to different parts of the combined state vector.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"dev = cpu_device()\nps, st = Lux.setup(rng, model_) |> dev\nparr = ComponentArray(ps)\nnothing # hide","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"The dynamics of our black-box model will call the neural network to predict the next state given the current state and input. We bias the dynamics towards low frequencies by adding a multiple of the current state to the prediction of the next state, 0.95*x. We also add a small amount of weight decay to the parameters of the neural network for regularization, 0.995*p.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"function dynamics(out0, xp0, u, _, t)\n xp = ComponentArray(xp0, getaxes(s0))\n out = ComponentArray(out0, getaxes(s0))\n x = xp.x\n p = xp.p\n xp, _ = Lux.apply(model_, [x; u], p, st)\n @. out.x = 0.95f0*x+xp\n @. out.p = 0.995f0*p\n nothing\nend\n\n@views measurement(out, x, _, _, _) = out .= x[1:nx] # Assume measurement of the full state vector\nnothing # hide","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"For simplicity, we have assumed here that we have access to measurements of the entire state vector of the original process. This is many times unrealistic, and if we do not have such access, we may instead augment the measured signals with delayed versions of themselves (sometimes called a delay embedding). This is a common technique in discrete-time system identification, used in e.g., ControlSystemIdentification.arx and subspaceid.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"The initial state of the process x0 and the initial parameters of the neural network parr can now be concatenated to form the initial augmented state s0.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"x0 = Float32[2; 2; 3; 3]\ns0 = ComponentVector(; x=x0, p=parr)\nnothing # hide","category":"page"},{"location":"neural_network/#Kalman-filter-setup","page":"Adaptive Neural-Network training","title":"Kalman filter setup","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We will estimate the parameters using two different nonlinear Kalman filters, the ExtendedKalmanFilter and the UnscentedKalmanFilter. The covariance matrices for the filters, R1, R2, may be tuned such that we get the desired learning speed of the weights, where larger covariance for the network weights will allow for faster learning, but also more noise in the estimates. ","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"R1 = Diagonal([0.1ones(nx); 0.01ones(length(parr))]) .|> Float32\nR2 = Diagonal((1e-2)^2 * ones(ny)) .|> Float32\nnothing # hide","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"The ExtendedKalmanFilter uses Jacobians of the dynamics and measurement model, and if we do not provide those functions they will be automatically computed using ForwardDiff.jl. Since our Jacobians will be relatively large but sparse in this example, we will make use of the sparsity-aware features of DifferentiationInterface.jl in order to get efficient Jacobian computations. ","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"function Ajacfun(x,u,p,t) # Function that returns a function for the Jacobian of the dynamics\n # For large neural networks, it might be faster to use an OOP formulation with Zygote instead of ForwardDiff. Zygote does not handle the in-place version\n backend = AutoSparse(\n AutoForwardDiff(),\n # AutoZygote(),\n sparsity_detector=TracerSparsityDetector(),\n coloring_algorithm=GreedyColoringAlgorithm(),\n )\n out = similar(getdata(x))\n inner = (out,x)->dynamics(out,x,u,p,t)\n prep = prepare_jacobian(inner, out, backend, getdata(x))\n jac = one(eltype(x)) .* sparsity_pattern(prep)\n function (x,u,p,t)\n inner2 = (out,x)->dynamics(out,x,u,p,t)\n DifferentiationInterface.jacobian!(inner2, out, jac, prep, backend, x)\n end\nend\n\nAjac = Ajacfun(s0, data.u[1], nothing, 0)\n\nconst CJ_ = [I(nx) zeros(Float32, nx, length(parr))] # The jacobian of the measurement model is constant\nCjac(x,u,p,t) = CJ_\nnothing # hide","category":"page"},{"location":"neural_network/#Estimation","page":"Adaptive Neural-Network training","title":"Estimation","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We may now initialize our filters and perform the estimation. Here, we use the function forward_trajectory to perform filtering along the entire data trajectory at once, but we may use this in a streaming fashion as well, as more data becomes available in real time.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We plot the one-step ahead prediction of the outputs and compare to the \"measured\" data.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"ekf = ExtendedKalmanFilter(dynamics, measurement, R1, R2, SimpleMvNormal(s0, 100R1); nu, check=false, Ajac, Cjac, Ts)\nukf = UnscentedKalmanFilter(dynamics, measurement, R1, R2, SimpleMvNormal(s0, 100R1); nu, ny, Ts)\n\n@time sole = forward_trajectory(ekf, data.u, data.x)\n@time solu = forward_trajectory(ukf, data.u, data.x)\n\nplot(sole, plotx=false, plotxt=false, plotyh=true, plotyht=false, plotu=false, plote=true, name=\"EKF\", layout=(nx, 1), size=(1200, 1500))\nplot!(solu, plotx=false, plotxt=false, plotyh=true, plotyht=false, plotu=false, plote=true, name=\"UKF\", ploty=false)\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We see that prediction errors, e, are large in the beginning when the network weights are randomly initialized, but after about half the trajectory the errors are significantly reduced. Just like in the tutorial Joint state and parameter estimation, we modified the true dynamics after some time, at t=2000, and we see that the filters are able to adapt to this change after a transient increase in prediction error variance.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We may also plot the evolution of the neural-network weights over time, and see how the filters adapt to the changing dynamics of the system.","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"plot(\n plot(0:Ts:4000, reduce(hcat, sole.xt)'[:, nx+1:end], title=\"EKF parameters\"),\n plot(0:Ts:4000, reduce(hcat, solu.xt)'[:, nx+1:end], title=\"UKF parameters\"),\n legend = false,\n)\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"neural_network/#Smoothing","page":"Adaptive Neural-Network training","title":"Smoothing","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"@time xTe,RTe = smooth(sole, ekf)\n@time xTu,RTu = smooth(solu, ukf)\nplot(\n plot(0:Ts:4000, reduce(hcat, xTe)'[:, nx+1:end], title=\"EKF parameters\", c=1, alpha=0.2),\n plot(0:Ts:4000, reduce(hcat, xTu)'[:, nx+1:end], title=\"UKF parameters\", c=1, alpha=0.2),\n legend = false,\n)","category":"page"},{"location":"neural_network/#Benchmarking","page":"Adaptive Neural-Network training","title":"Benchmarking","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"The neural network used in this example has","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"length(parr)","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"parameters, and the length of the data is","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"length(data.u)","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"Performing the estimation using the Extended Kalman Filter took","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"using BenchmarkTools\n@btime forward_trajectory(ekf, data.u, data.x);\n # 46.034 ms (77872 allocations: 123.45 MiB)","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"and with the Unscented Kalman Filter","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"@btime forward_trajectory(ukf, data.u, data.x);\n # 142.608 ms (2134370 allocations: 224.82 MiB)","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"The EKF is a bit faster, which is to be expected. Both methods are very fast from a neural-network training perspective, but the performance will not scale favorably to very large network sizes.","category":"page"},{"location":"neural_network/#Closing-remarks","page":"Adaptive Neural-Network training","title":"Closing remarks","text":"","category":"section"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We have seen how to estimate train a black-box neural network dynamics model by treating the parameter estimation as a state-estimation problem. This example is very simple and leaves a lot of room for improvement, such as","category":"page"},{"location":"neural_network/","page":"Adaptive Neural-Network training","title":"Adaptive Neural-Network training","text":"We assumed very little prior knowledge of the dynamics. In practice, we may want to model as much as possible from first principles and add a neural network to capture only the residuals that our first-principles model cannot capture.\nWe started the training of the network weights directly from a random initialization. In practice, we may want to pre-train the network on a large offline dataset before updating the weights adaptively in real-time.\nWe used forward-mode AD to compute the Jacobian. The Jacobian of the dynamics has dense rows, which means that it's theoretically favorable to use reverse-mode AD to compute it. This is possible using Zygote.jl, but Zygote does not handle array mutation, and one must thus avoid the in-place version of the dynamics. Since the number of parameters in this example is small, sparse forward mode AD ended up being slightly faster.","category":"page"},{"location":"adaptive_kalmanfilter/#Noise-adaptive-Kalman-filter","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Noise-adaptive Kalman filter","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"In this tutorial we will consider filtering of a 1D position track, similar in spirit to what one could have obtained from a GPS device, but limited to 1D for easier visualization. We will use a constant-velocity model, i.e., use a double integrator,","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"beginaligned\nx_k+1 = beginbmatrix 1 T_s 0 1 endbmatrix x_k + beginbmatrix T_s^22 T_s endbmatrix w_k \ny_k = beginbmatrix 1 0 endbmatrix x_k + v_k\nendaligned","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"where w_k sim mathcalN(0 σ_w) is the process noise, and v_k sim mathcalN(0 R_2) is the measurement noise, and illustrate how we can make use of an adaptive noise covariance to improve the filter performance.","category":"page"},{"location":"adaptive_kalmanfilter/#Data-generation","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Data generation","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"We start by generating some position data that we want to perform filtering on. The \"object\" we want to track is initially stationary, and transitions to moving with a constant velocity after a while. ","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"using LowLevelParticleFilters, Plots, Random\nRandom.seed!(1)\n\n# Create a time series for filtering\nx = [zeros(50); 0:100]\nT = length(x)\nY = x + randn(T)\nplot([Y x], lab=[\"Measurement\" \"True state to be tracked\"], c=[1 :purple])","category":"page"},{"location":"adaptive_kalmanfilter/#Simple-Kalman-filtering","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Simple Kalman filtering","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"We will use a Kalman filter to perform the filtering. The model is a double integrator, i.e., a constant-acceleration model. The state vector is thus x = p v^T, where p is the position and v is the velocity. When designing a Kalman filter, we need to specify the noise covariances R_1 and R_2. While it's often easy to measure the covariance of the measurement noise, R_2, it can be quite difficult to know ahead of time what the dynamics noise covariance, R_1, should be. In this example, we will use an adaptive filter, where we will increase the dynamics noise covariance if the filter prediction error is too large. However, we first run the filter twice, once with a large R_1 and once with a small R_1 to illustrate the difference.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"y = [[y] for y in Y] # create a vector of vectors for the KF\nu = fill([], T) # No inputs in this example :(\n\n# Define the model\nTs = 1\nA = [1 Ts; 0 1]\nB = zeros(2, 0)\nC = [1 0]\nD = zeros(0, 0)\nR2 = [1;;]\n\nσws = [1e-2, 1e-5] # Dynamics noise standard deviations\n\nfig = plot(Y, lab=\"Measurement\")\nfor σw in σws\n R1 = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts] # The dynamics noise covariance matrix is σw*Bw*Bw' where Bw = [Ts^2/2; Ts]\n kf = KalmanFilter(A, B, C, D, R1, R2)\n yh = []\n measure = LowLevelParticleFilters.measurement(kf)\n for t = 1:T # Main filter loop\n kf(u[t], y[t]) # Performs both prediction and correction\n xh = state(kf)\n yht = measure(xh, u[t], nothing, t)\n push!(yh, yht)\n end\n\n Yh = reduce(hcat, yh)\n plot!(Yh', lab=\"Estimate \\$σ_w\\$ = $σw\")\nend\nfig","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"When R_1 is small (controlled by σ_w), we get a nice and smooth filter estimate, but this estimate clearly lags behind the true state. When R_1 is large, the filter estimate is much more responsive, but it also has a lot of noise.","category":"page"},{"location":"adaptive_kalmanfilter/#Adaptive-noise-covariance","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Adaptive noise covariance","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"Below, we will implement an adaptive filter, where we keep the dynamics noise covariance low by default, but increase it if the filter prediction error is too large. We will use a Z-score to determine if the prediction error is too large. The Z-score is defined as the number of standard deviations the prediction error is away from the estimated mean. This time around we use separate correct! and predict! calls, so that we can access the prediction error as well as the prior covariance of the prediction error, S. S (or the Cholesky factor Sᵪ) will be used to compute the Z-score.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"σw = 1e-5 # Set the covariance to a low value by default\nR1 = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts]\nkf = KalmanFilter(A, B, C, D, R1, R2)\nmeasure = LowLevelParticleFilters.measurement(kf)\n\n# Some arrays to store simulation data\nyh = []\nes = Float64[]\nσs = Float64[]\nfor t = 1:T # Main filter loop\n ll, e, S, Sᵪ = correct!(kf, u[t], y[t], nothing, t) # Manually call the prediction step\n σ = √(e'*(Sᵪ\\e)) # Compute the Z-score\n push!(es, e[]) # Save for plotting\n push!(σs, σ)\n if σ > 3 # If the Z-score is too high\n # we temporarily increase the dynamics noise covariance by 1000x to adapt faster\n predict!(kf, u[t], nothing, t; R1 = 1000kf.R1) \n else\n predict!(kf, u[t], nothing, t)\n end\n xh = state(kf)\n yht = measure(xh, u[t], nothing, t)\n push!(yh, yht)\nend\n\nYh = reduce(hcat, yh)\nplot([Y Yh'], lab=[\"Measurement\" \"Adaptive estimate\"])","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"Not too bad! This time the filter estimate is much more responsive during the transition, but exhibits favorable noise properties during the stationary phases. We can also plot the prediction error and the Z-score to see how the filter adapts to the dynamics noise covariance.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"plot([es σs], lab=[\"Prediction error\" \"Z-score\"])","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"Notice how the prediction errors, that should ideally be centered around zero, remain predominantly negative for a long time interval after the transition. This can be attributed to an overshoot in the velocity state of the estimator, but the rapid decrease of the covariance after the transition makes the filter slow at correcting its overshoot. If we want, we could mitigate this and make the adaptation even more sophisticated by letting the covariance remain large for a while after a transition in operating mode has been detected. Below, we implement a simple version of this, where we use a multiplier σ_wt that defaults to 1, but is increase to a very large value of 1000 if a transition is detected. When no transition is detected, σ_wt is decreased exponentially back down to 1.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"σw = 1e-5 # Set the covariance to a low value by default\nσwt = 1.0\nR1 = σw*[Ts^3/3 Ts^2/2; Ts^2/2 Ts]\nkf = KalmanFilter(A, B, C, D, R1, R2)\nmeasure = LowLevelParticleFilters.measurement(kf)\n\n# Some arrays to store simulation data\nyh = []\nes = Float64[]\nσs = Float64[]\nσwts = Float64[]\nfor t = 1:T # Main filter loop\n global σwt # Note, do not make use of global variables in performance critical code\n ll, e, S, Sᵪ = correct!(kf, u[t], y[t], nothing, t) # Manually call the prediction step\n σ = √(e'*(Sᵪ\\e)) # Compute the Z-score\n push!(es, e[]) # Save for plotting\n push!(σs, σ)\n if σ > 3 # If the Z-score is too high\n σwt = 1000.0 # Set the R1 multiplier to a very large value\n else\n σwt = max(0.7σwt, 1.0) # Decrease exponentially back to 1\n end\n push!(σwts, σwt)\n predict!(kf, u[t], nothing, t; R1 = σwt*kf.R1) \n xh = state(kf)\n yht = measure(xh, u[t], nothing, t)\n push!(yh, yht)\nend\n\nYh = reduce(hcat, yh)\nplot([Y Yh'], lab=[\"Measurement\" \"Adaptive estimate\"])","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"plot([es σs σwts], lab=[\"Prediction error\" \"Z-score\" \"\\$σ_{wt}\\$ multiplier\"], layout=2, sp=[1 1 2])","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"This time, the prediction errors look more like white noise centered around zero after the initial transient caused by the transition.","category":"page"},{"location":"adaptive_kalmanfilter/#Summary","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Summary","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"This tutorial demonstrated simple Kalman filtering for a double integrator without control inputs. We saw how the filtering estimate could be improved by playing around with the covariance matrices of the estimator, helping it catch up to fast changes in the behavior of the system without sacrificing steady-state noise properties.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"In this case, we handled the modification of R_1 outside of the filter, implementing our own filtering loop. Some applications get away with instead providing time-varying matrices in the form of a 3-dimension array, where the third dimension corresponds to time, or instead of providing a matrix, providing a function R_1(x u p t) allows the matrix to be a function of state, input, parameters and time. These options apply to all matrices in the filter, including the dynamics matrices, ABCD.","category":"page"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"Lastly, we mention the ability of the KalmanFilter to act like a recursive least-squares estimator, by setting the \"forgetting factor α1 when creating the KalmanFilter. α1 will cause the filter will exhibit exponential forgetting similar to an RLS estimator, in addition to the covariance inflation due to R1. It is thus possible to get a RLS-like algorithm by setting R_1 = 0 R_2 = 1α and α 1.","category":"page"},{"location":"adaptive_kalmanfilter/#Disturbance-modeling-and-noise-tuning","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Disturbance modeling and noise tuning","text":"","category":"section"},{"location":"adaptive_kalmanfilter/","page":"Kalman-filter tutorial with LowLevelParticleFilters","title":"Kalman-filter tutorial with LowLevelParticleFilters","text":"See this notebook for a blog post about disturbance modeling and noise tuning using LowLevelParticleFilter.jl","category":"page"},{"location":"dae/#State-estimation-for-high-index-DAEs","page":"State estimation for DAE systems","title":"State estimation for high-index DAEs","text":"","category":"section"},{"location":"dae/","page":"State estimation for DAE systems","title":"State estimation for DAE systems","text":"This tutorial is hosted as a notebook.","category":"page"},{"location":"measurement_models/#measurement_models","page":"Multiple measurement models","title":"Measurement models","text":"","category":"section"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"The Kalman-type filters","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"KalmanFilter\nExtendedKalmanFilter\nUnscentedKalmanFilter","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"each come with their own built-in measurement model, e.g., the standard KalmanFilter uses the linear measurement model y = Cx + Du + e, while the ExtendedKalmanFilter and UnscentedKalmanFilter use the nonlinear measurement model y = h(xupt) + e or y = h(xupte). For covariance propagation, the ExtendedKalmanFilter uses linearization to approximate the nonlinear measurement model, while the UnscentedKalmanFilter uses the unscented transform.","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"It is sometimes useful to mix and match dynamics and measurement models. For example, using the unscented transform from the UKF for the dynamics update (predict!), but the linear measurement model from the standard KalmanFilter for the measurement update (correct!) if the measurement model is linear.","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"This is possible by constructing a filter with an explicitly created measurement model. The available measurement models are","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"LinearMeasurementModel performs linear propagation of covariance (as is done in KalmanFilter).\nEKFMeasurementModel uses linearization to propagate covariance (as is done in ExtendedKalmanFilter).\nUKFMeasurementModel uses the unscented transform to propagate covariance (as is done in UnscentedKalmanFilter).\nCompositeMeasurementModel combines multiple measurement models.","category":"page"},{"location":"measurement_models/#Constructing-a-filter-with-a-custom-measurement-model","page":"Multiple measurement models","title":"Constructing a filter with a custom measurement model","text":"","category":"section"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"Constructing a Kalman-type filter automatically creates a measurement model of the corresponding type, given the functions/matrices passed to the filter constructor. To construct a filter with a non-standard measurement model, e.g., and UKF with a KF measurement model, manually create the desired measurement model and pass it as the second argument to the constructor. For example, to construct an UKF with a linear measurement model, we do","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"using LowLevelParticleFilters, LinearAlgebra\nnx = 100 # Dimension of state\nnu = 2 # Dimension of input\nny = 90 # Dimension of measurements\n\n# Define linear state-space system\nconst __A = 0.1*randn(nx, nx)\nconst __B = randn(nx, nu)\nconst __C = randn(ny,nx)\nfunction dynamics_ip(dx,x,u,p,t)\n # __A*x .+ __B*u\n mul!(dx, __A, x)\n mul!(dx, __B, u, 1.0, 1.0)\n nothing\nend\nfunction measurement_ip(y,x,u,p,t)\n # __C*x\n mul!(y, __C, x)\n nothing\nend\n\nR1 = I(nx)\nR2 = I(ny)\n\nmm_kf = LinearMeasurementModel(__C, 0, R2; nx, ny)\nukf = UnscentedKalmanFilter(dynamics_ip, mm_kf, R1; ny, nu)","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"When we create the filter with the custom measurement model, we do not pass the arguments that are associated with the measurement model to the filter constructor, i.e., we do not pass any measurement function, and not the measurement covariance matrix R_2.","category":"page"},{"location":"measurement_models/#Sensor-fusion:-Using-several-different-measurement-models","page":"Multiple measurement models","title":"Sensor fusion: Using several different measurement models","text":"","category":"section"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"Above we constructed a filter with a custom measurement model, we can also pass a custom measurement model when we call correct!. This may be useful when, e.g., performing sensor fusion with sensors operating at different sample rates, or when parts of the measurement model are linear, and other parts are nonlinear.","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"The following example instantiates three different filters and three different measurement models. Each filter is updated with each measurement model, demonstrating that any combination of filter and measurement model can be used together.","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"using LowLevelParticleFilters, LinearAlgebra\nnx = 10 # Dimension of state\nnu = 2 # Dimension of input\nny = 9 # Dimension of measurements\n\n# Define linear state-space system\nconst __A = 0.1*randn(nx, nx)\nconst __B = randn(nx, nu)\nconst __C = randn(ny,nx)\nfunction dynamics_ip(dx,x,u,p,t)\n # __A*x .+ __B*u\n mul!(dx, __A, x)\n mul!(dx, __B, u, 1.0, 1.0)\n nothing\nend\nfunction measurement_ip(y,x,u,p,t)\n # __C*x\n mul!(y, __C, x)\n nothing\nend\n\nR1 = I(nx) # Covariance matrices\nR2 = I(ny)\n\n# Construct three different filters\nkf = KalmanFilter(__A, __B, __C, 0, R1, R2)\nukf = UnscentedKalmanFilter(dynamics_ip, measurement_ip, R1, R2; ny, nu)\nekf = ExtendedKalmanFilter(dynamics_ip, measurement_ip, R1, R2; nu)\n\n# Simulate some data\nT = 200 # Number of time steps\nU = [randn(nu) for _ in 1:T]\nx,u,y = LowLevelParticleFilters.simulate(kf, U) # Simulate trajectory using the model in the filter\n\n# Construct three different measurement models\nmm_kf = LinearMeasurementModel(__C, 0, R2; nx, ny)\nmm_ekf = EKFMeasurementModel{Float64, true}(measurement_ip, R2; nx, ny)\nmm_ukf = UKFMeasurementModel{Float64, true, false}(measurement_ip, R2; nx, ny)\n\n\nmms = [mm_kf, mm_ekf, mm_ukf]\nfilters = [kf, ekf, ukf]\n\nfor mm in mms, filter in filters\n @info \"Updating $(nameof(typeof(filter))) with measurement model $(nameof(typeof(mm)))\"\n correct!(filter, mm, u[1], y[1]) # Pass the measurement model as the second argument to the correct! function if not using the measurement model built into the filter\nend\nnothing # hide","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"Since the dynamics in this particular example is in fact linear, we should get identical results for all three filters.","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"using Test\n@test kf.x ≈ ekf.x ≈ ukf.x\n@test kf.R ≈ ekf.R ≈ ukf.R","category":"page"},{"location":"measurement_models/#Video-tutorial","page":"Multiple measurement models","title":"Video tutorial","text":"","category":"section"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"A video demonstrating the use of multiple measurement models in a sensor-fusion context is available on YouTube:","category":"page"},{"location":"measurement_models/","page":"Multiple measurement models","title":"Multiple measurement models","text":"","category":"page"},{"location":"api/#Exported-functions-and-types","page":"API","title":"Exported functions and types","text":"","category":"section"},{"location":"api/#Index","page":"API","title":"Index","text":"","category":"section"},{"location":"api/","page":"API","title":"API","text":"","category":"page"},{"location":"api/","page":"API","title":"API","text":"Modules = [LowLevelParticleFilters]\nPrivate = false","category":"page"},{"location":"api/#LowLevelParticleFilters.AdvancedParticleFilter-Tuple{Integer, Function, Function, Any, Any, Any}","page":"API","title":"LowLevelParticleFilters.AdvancedParticleFilter","text":"AdvancedParticleFilter(N::Integer, dynamics::Function, measurement::Function, measurement_likelihood, dynamics_density, initial_density; p = NullParameters(), threads = false, kwargs...)\n\nThis type represents a standard particle filter but affords extra flexibility compared to the ParticleFilter type, e.g., non-additive noise in the dynamics and measurement functions.\n\nSee the docs for more information: https://baggepinnen.github.io/LowLevelParticleFilters.jl/stable/#AdvancedParticleFilter-1\n\nArguments:\n\nN: Number of particles\ndynamics: A discrete-time dynamics function (x, u, p, t, noise=false) -> x⁺. It's important that the noise argument defaults to false.\nmeasurement: A measurement function (x, u, p, t, noise=false) -> y. It's important that the noise argument defaults to false.\nmeasurement_likelihood: A function (x, u, y, p, t)->logl to evaluate the log-likelihood of a measurement.\ndynamics_density: This field is not used by the advanced filter and can be set to nothing.\ninitial_density: The distribution of the initial state.\nthreads: use threads to propagate particles in parallel. Only activate this if your dynamics is thread-safe. SeeToDee.SimpleColloc is not thread-safe by default due to the use of internal caches, but SeeToDee.Rk4 is.\n\nExtended help\n\nMultiple measurement models\n\nThe measurement_likelihood function is used to evaluate the likelihood of a measurement. If you have multiple sensors and want to perform individual correct! steps for each, call correct!(..., g = custom_likelihood_function).\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.AuxiliaryParticleFilter-Tuple","page":"API","title":"LowLevelParticleFilters.AuxiliaryParticleFilter","text":"AuxiliaryParticleFilter(args...; kwargs...)\n\nTakes exactly the same arguments as ParticleFilter, or an instance of ParticleFilter.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.CompositeMeasurementModel-Tuple{Any, Vararg{Any}}","page":"API","title":"LowLevelParticleFilters.CompositeMeasurementModel","text":"CompositeMeasurementModel(model1, model2, ...)\n\nA composite measurement model that combines multiple measurement models. This model acts as all component models concatenated. The tuple returned from correct! will be\n\nll: The sum of the log-likelihood of all component models\ne: The concatenated innovation vector\nS: A vector of the innovation covariance matrices of the component models\nSᵪ: A vector of the Cholesky factorizations of the innovation covariance matrices of the component models\nK: A vector of the Kalman gains of the component models\n\nIf all sensors operate on at the same rate, and all measurement models are of the same type, it's more efficient to use a single measurement model with a vector-valued measurement function.\n\nFields:\n\nmodels: A tuple of measurement models\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.EKFMeasurementModel-Union{Tuple{IPM}, NTuple{4, Any}, NTuple{5, Any}} where IPM","page":"API","title":"LowLevelParticleFilters.EKFMeasurementModel","text":"EKFMeasurementModel{IPM}(measurement, R2, ny, Cjac, cache = nothing)\n\nA measurement model for the Extended Kalman Filter.\n\nArguments:\n\nIPM: A boolean indicating if the measurement function is inplace\nmeasurement: The measurement function y = h(x, u, p, t)\nR2: The measurement noise covariance matrix\nny: The number of measurement variables\nCjac: The Jacobian of the measurement function Cjac(x, u, p, t). If none is provided, ForwardDiff will be used.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.EKFMeasurementModel-Union{Tuple{M}, Tuple{IPM}, Tuple{T}, Tuple{M, Any}} where {T, IPM, M}","page":"API","title":"LowLevelParticleFilters.EKFMeasurementModel","text":"EKFMeasurementModel{T,IPM}(measurement::M, R2; nx, ny, Cjac = nothing)\n\nT is the element type used for arrays\nIPM is a boolean indicating if the measurement function is inplace\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.ExtendedKalmanFilter","page":"API","title":"LowLevelParticleFilters.ExtendedKalmanFilter","text":"ExtendedKalmanFilter(kf, dynamics, measurement; Ajac, Cjac)\nExtendedKalmanFilter(dynamics, measurement, R1,R2,d0=MvNormal(Matrix(R1)); nu::Int, p = NullParameters(), α = 1.0, check = true)\n\nA nonlinear state estimator propagating uncertainty using linearization.\n\nThe constructor to the extended Kalman filter takes dynamics and measurement functions, and either covariance matrices, or a KalmanFilter. If the former constructor is used, the number of inputs to the system dynamics, nu, must be explicitly provided with a keyword argument.\n\nBy default, the filter will internally linearize the dynamics using ForwardDiff. User provided Jacobian functions can be provided as keyword arguments Ajac and Cjac. These functions should have the signature (x,u,p,t)::AbstractMatrix where x is the state, u is the input, p is the parameters, and t is the time.\n\nThe dynamics and measurement function are on the following form\n\nx(t+1) = dynamics(x, u, p, t) + w\ny = measurement(x, u, p, t) + e\n\nwhere w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0\n\nSee also UnscentedKalmanFilter which is typically more accurate than ExtendedKalmanFilter. See KalmanFilter for detailed instructions on how to set up a Kalman filter kf.\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.IMM-Tuple{Any, AbstractMatrix, AbstractVector}","page":"API","title":"LowLevelParticleFilters.IMM","text":"IMM(models, P, μ; check = true, p = NullParameters(), interact = true)\n\nInteracting Multiple Model (IMM) filter. This filter is a combination of multiple Kalman-type filters, each with its own state and covariance. The IMM filter is a probabilistically weighted average of the states and covariances of the individual filters. The weights are determined by the probability matrix P and the mixing probabilities μ.\n\nwarning: Experimental\nThis filter is currently considered experimental and the user interface may change in the future without respecting semantic versioning.\n\nIn addition to the predict! and correct! steps, the IMM filter has an interact! method that updates the states and covariances of the individual filters based on the mixing probabilities. The combine! method combines the states and covariances of the individual filters into a single state and covariance. These four functions are typically called in either of the orders\n\ncorrect!, combine!, interact!, predict! (as is done in update!)\ninteract!, predict!, correct!, combine! (as is done in the reference cited below)\n\nThese two orders are cyclic permutations of each other, and the order used in update! is chosen to align with the order used in the other filters, where the initial condition is corrected using the first measurement, i.e., we assume the first measurement updates x(0-1) to x(00).\n\nThe initial (combined) state and covariance of the IMM filter is made up of the weighted average of the states and covariances of the individual filters. The weights are the initial mixing probabilities μ.\n\nRef: \"Interacting multiple model methods in target tracking: a survey\", E. Mazor; A. Averbuch; Y. Bar-Shalom; J. Dayan\n\nArguments:\n\nmodels: An array of Kalman-type filters, such as KalmanFilter, ExtendedKalmanFilter, UnscentedKalmanFilter, etc. The state of each model must have the same meaning, such that forming a weighted average makes sense.\nP: The mode-transition probability matrix. P[i,j] is the probability of transitioning from mode i to mode j (each row must sum to one).\nμ: The initial mixing probabilities. μ[i] is the probability of being in mode i at the initial contidion (must sum to one).\ncheck: If true, check that the inputs are valid. If false, skip the checks.\np: Parameters for the filter. NOTE: this p is shared among all internal filters. The internal p of each filter will be overridden by this one.\ninteract: If true, the filter will run the interaction as part of update! and forward_trajectory. If false, the filter will not run the interaction step. This choice can be overridden by passing the keyword argument interact to the respective functions.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.KalmanFilter","page":"API","title":"LowLevelParticleFilters.KalmanFilter","text":"KalmanFilter(A,B,C,D,R1,R2,d0=MvNormal(R1); p = NullParameters(), α=1, check=true)\n\nThe matrices A,B,C,D define the dynamics\n\nx' = Ax + Bu + w\ny = Cx + Du + e\n\nwhere w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0\n\nThe matrices can be time varying such that, e.g., A[:, :, t] contains the A matrix at time index t. They can also be given as functions on the form\n\nAfun(x, u, p, t) -> A\n\nFor maximum performance, provide statically sized matrices from StaticArrays.jl\n\nα is an optional \"forgetting factor\", if this is set to a value > 1, such as 1.01-1.2, the filter will, in addition to the covariance inflation due to R_1, exhibit \"exponential forgetting\" similar to a Recursive Least-Squares (RLS) estimator. It is thus possible to get a RLS-like algorithm by setting R_1=0 R_2 = 1α and α 1 (α is the inverse of the traditional RLS parameter α = 1λ). The exact form of the covariance update is\n\nR(t+1t) = α AR(t)A^T + R_1\n\nIf check = true (default) the function will check that the eigenvalues of A are less than 2 in absolute value. Large eigenvalues may be an indication that the system matrices are representing a continuous-time system and the user has forgotten to discretize it. Turn off this check by setting check = false.\n\nTutorials on Kalman filtering\n\nThe tutorial \"How to tune a Kalman filter\" details how to figure out appropriate covariance matrices for the Kalman filter, as well as how to add disturbance models to the system model. See also the tutorial in the documentation\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.KalmanFilteringSolution","page":"API","title":"LowLevelParticleFilters.KalmanFilteringSolution","text":"KalmanFilteringSolution{Tx,Txt,TR,TRt,Tll} <: AbstractFilteringSolution\n\nFields\n\nx: predictions x(t+1t) (plotted if plotx=true)\nxt: filtered estimates x(tt) (plotted if plotxt=true)\nR: predicted covariance matrices R(t+1t) (plotted if plotR=true)\nRt: filter covariances R(tt) (plotted if plotRt=true)\nll: loglikelihood\ne: prediction errors e(tt-1) = y - y(tt-1) (plotted if plote=true)\n\nPlot\n\nThe solution object can be plotted\n\nplot(sol, plotx=true, plotxt=true, plotR=true, plotRt=true, plote=true, plotu=true, ploty=true, plotyh=true, plotyht=true, name=\"\")\n\nwhere\n\nplotx: Plot the predictions x(t|t-1)\nplotxt: Plot the filtered estimates x(t|t)\nplotR: Plot the predicted covariances R(t|t-1) as ribbons at ±2σ (1.96 σ to be precise)\nplotRt: Plot the filter covariances R(t|t) as ribbons at ±2σ (1.96 σ to be precise)\nplote: Plot the prediction errors e(t|t-1) = y - ŷ(t|t-1)\nplotu: Plot the input\nploty: Plot the measurements\nplotyh: Plot the predicted measurements ŷ(t|t-1)\nplotyht: Plot the filtered measurements ŷ(t|t)\nname: a string that is prepended to the labels of the plots, which is useful when plotting multiple solutions in the same plot.\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.LinearMeasurementModel","page":"API","title":"LowLevelParticleFilters.LinearMeasurementModel","text":"LinearMeasurementModel{CT, DT, RT, CAT}\n\nA linear measurement model y = C*x + D*u + e.\n\nFields:\n\nC \nD\nR2: The measurement noise covariance matrix\nny: The number of measurement variables\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.ParticleFilter-Tuple{Integer, Function, Function, Any, Any, Any}","page":"API","title":"LowLevelParticleFilters.ParticleFilter","text":"ParticleFilter(N::Integer, dynamics, measurement, dynamics_density, measurement_density, initial_density; threads = false, p = NullParameters(), kwargs...)\n\nSee the docs for more information: https://baggepinnen.github.io/LowLevelParticleFilters.jl/stable/#Particle-filter-1\n\nArguments:\n\nN: Number of particles\ndynamics: A discrete-time dynamics function (x, u, p, t) -> x⁺\nmeasurement: A measurement function (x, u, p, t) -> y\ndynamics_density: A probability-density function for additive noise in the dynamics. Use AdvancedParticleFilter for non-additive noise.\nmeasurement_density: A probability-density function for additive measurement noise. Use AdvancedParticleFilter for non-additive noise.\ninitial_density: Distribution of the initial state.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.ParticleFilteringSolution","page":"API","title":"LowLevelParticleFilters.ParticleFilteringSolution","text":"ParticleFilteringSolution{F, Tu, Ty, Tx, Tw, Twe, Tll} <: AbstractFilteringSolution\n\nFields:\n\nf: The filter used to produce the solution.\nu: Input\ny: Output / measurements\nx: Particles, the size of this array is (N,T), where N is the number of particles and T is the number of time steps. Each element represents a weighted state hypothesis with weight given by we.\nw: Weights (log space). These are used for internal computations.\nwe: Weights (exponentiated / original space). These are the ones to use to compute weighted means etc., they sum to one for each time step.\nll: Log likelihood\n\nPlot\n\nThe solution object can be plotted\n\nplot(sol; nbinsy=30, xreal=nothing, dim=nothing, ploty=true)\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.SqKalmanFilter","page":"API","title":"LowLevelParticleFilters.SqKalmanFilter","text":"SqKalmanFilter(A,B,C,D,R1,R2,d0=MvNormal(R1); p = NullParameters(), α=1)\n\nA standard Kalman filter on square-root form. This filter may have better numerical performance when the covariance matrices are ill-conditioned.\n\nThe matrices A,B,C,D define the dynamics\n\nx' = Ax + Bu + w\ny = Cx + Du + e\n\nwhere w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0\n\nThe matrices can be time varying such that, e.g., A[:, :, t] contains the A matrix at time index t. They can also be given as functions on the form\n\nAfun(x, u, p, t) -> A\n\nThe internal fields storing covariance matrices are for this filter storing the upper-triangular Cholesky factor.\n\nα is an optional \"forgetting factor\", if this is set to a value > 1, such as 1.01-1.2, the filter will, in addition to the covariance inflation due to R_1, exhibit \"exponential forgetting\" similar to a Recursive Least-Squares (RLS) estimator. It is thus possible to get a RLS-like algorithm by setting R_1=0 R_2 = 1α and α 1 (α is the inverse of the traditional RLS parameter α = 1λ). The form of the covariance update is\n\nR(t+1t) = α AR(t)A^T + R_1\n\nRef: \"A Square-Root Kalman Filter Using Only QR Decompositions\", Kevin Tracy https://arxiv.org/abs/2208.06452\n\n\n\n\n\n","category":"type"},{"location":"api/#LowLevelParticleFilters.UKFMeasurementModel-Union{Tuple{AUGM}, Tuple{IPM}, NTuple{8, Any}, NTuple{9, Any}} where {IPM, AUGM}","page":"API","title":"LowLevelParticleFilters.UKFMeasurementModel","text":"UKFMeasurementModel{inplace_measurement,augmented_measurement}(measurement, R2, ny, ne, innovation, mean, cov, cross_cov, cache = nothing)\n\nA measurement model for the Unscented Kalman Filter.\n\nArguments:\n\nmeasurement: The measurement function y = h(x, u, p, t)\nR2: The measurement noise covariance matrix\nny: The number of measurement variables\nne: If augmented_measurement is true, the number of measurement noise variables\ninnovation(y::AbstractVector, yh::AbstractVector) where the arguments represent (measured output, predicted output)\nmean(ys::AbstractVector{<:AbstractVector}): computes the mean of the vector of vectors of output sigma points.\ncov(ys::AbstractVector{<:AbstractVector}, y::AbstractVector): computes the covariance matrix of the output sigma points.\ncross_cov(xs::AbstractVector{<:AbstractVector}, x::AbstractVector, ys::AbstractVector{<:AbstractVector}, y::AbstractVector) where the arguments represents (state sigma points, mean state, output sigma points, mean output). The function should return the cross-covariance matrix between the state and output sigma points.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.UKFMeasurementModel-Union{Tuple{AUGM}, Tuple{IPM}, Tuple{T}, Tuple{Any, Any}} where {T, IPM, AUGM}","page":"API","title":"LowLevelParticleFilters.UKFMeasurementModel","text":"UKFMeasurementModel{T,IPM,AUGM}(measurement, R2; nx, ny, ne = nothing, innovation = -, mean = safe_mean, cov = safe_cov, cross_cov = cross_cov, static = nothing)\n\nT is the element type used for arrays\nIPM is a boolean indicating if the measurement function is inplace\nAUGM is a boolean indicating if the measurement model is augmented\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.UnscentedKalmanFilter-Union{Tuple{AUGM}, Tuple{AUGD}, Tuple{IPM}, Tuple{IPD}, Tuple{Any, LowLevelParticleFilters.AbstractMeasurementModel, Any}, Tuple{Any, LowLevelParticleFilters.AbstractMeasurementModel, Any, Any}} where {IPD, IPM, AUGD, AUGM}","page":"API","title":"LowLevelParticleFilters.UnscentedKalmanFilter","text":"UnscentedKalmanFilter(dynamics, measurement, R1, R2, d0=MvNormal(Matrix(R1)); p = NullParameters(), ny, nu)\nUnscentedKalmanFilter{IPD,IPM,AUGD,AUGM}(dynamics, measurement_model::AbstractMeasurementModel, R1, d0=SimpleMvNormal(R1); p=NullParameters(), nu)\n\nA nonlinear state estimator propagating uncertainty using the unscented transform.\n\nThe dynamics and measurement function are on either of the following forms\n\nx' = dynamics(x, u, p, t) + w\ny = measurement(x, u, p, t) + e\n\nx' = dynamics(x, u, p, t, w)\ny = measurement(x, u, p, t, e)\n\nwhere w ~ N(0, R1), e ~ N(0, R2) and x(0) ~ d0. The former (default) assums that the noise is additive and added after the dynamics and measurement updates, while the latter assumes that the dynamics functions take an additional argument corresponding to the noise term. The latter form (sometimes refered to as the \"augmented\" form) is useful when the noise is multiplicative or when the noise is added before the dynamics and measurement updates. See \"Augmented UKF\" below for more details on how to use this form.\n\nThe matrices R1, R2 can be time varying such that, e.g., R1[:, :, t] contains the R_1 matrix at time index t. They can also be given as functions on the form\n\nRfun(x, u, p, t) -> R\n\nFor maximum performance, provide statically sized matrices from StaticArrays.jl\n\nny, nu indicate the number of outputs and inputs.\n\nCustom type of u\n\nThe input u may be of any type, e.g., a named tuple or a custom struct. The u provided in the input data is passed directly to the dynamics and measurement functions, so as long as the type is compatible with the dynamics it will work out. The one exception where this will not work is when calling simulate, which assumes that u is an array.\n\nAugmented UKF\n\nIf the noise is not additive, one may use the augmented form of the UKF. In this form, the dynamics functions take additional input arguments that correspond to the noise terms. To enable this form, the typed constructor\n\nUnscentedKalmanFilter{inplace_dynamics,inplace_measurement,augmented_dynamics,augmented_measurement}(...)\n\nis used, where the Boolean type parameters have the following meaning\n\ninplace_dynamics: If true, the dynamics function operates in-place, i.e., it modifies the first argument in dynamics(dx, x, u, p, t). Default is false.\ninplace_measurement: If true, the measurement function operates in-place, i.e., it modifies the first argument in measurement(y, x, u, p, t). Default is false.\naugmented_dynamics: If true the dynamics function is augmented with an additional noise input w, i.e., dynamics(x, u, p, t, w). Default is false.\naugmented_measurement: If true the measurement function is agumented with an additional noise input e, i.e., measurement(x, u, p, t, e). Default is false. (If the measurement noise has fewer degrees of freedom than the number of measurements, you may failure in Cholesky factorizations, see \"Custom Cholesky factorization\" below).\n\nUse of augmented dynamics incurs extra computational cost. The number of sigma points used is 2L+1 where L is the length of the augmented state vector. Without augmentation, L = nx, with augmentation L = nx + nw and L = nx + ne for dynamics and measurement, respectively.\n\nSigma-point rejection\n\nFor problems with challenging dynamics, a mechanism for rejection of sigma points after the dynamics update is provided. A function reject(x) -> Bool can be provided through the keyword argument reject that returns true if a sigma point for x(t+1) should be rejected, e.g., if an instability or non-finite number is detected. A rejected point is replaced by the propagated mean point (the mean point cannot be rejected). This function may be provided either to the constructor of the UKF or passed to the predict! function.\n\nCustom measurement models\n\nBy default, standard arithmetic mean and e(y, yh) = y - yh are used as mean and innovation functions.\n\nBy passing and explicitly created UKFMeasurementModel, one may provide custom functions that compute the mean, the covariance and the innovation. This is useful in situations where the state or a measurement lives on a manifold. One may further override the mean and covariance functions for the state sigma points by passing the keyword arguments state_mean and state_cov to the constructor.\n\nstate_mean(xs::AbstractVector{<:AbstractVector}) computes the mean of the vector of vectors of state sigma points.\nstate_cov(xs::AbstractVector{<:AbstractVector}, m = mean(xs)) where the first argument represent state sigma points and the second argument, which must be optional, represents the mean of those points. The function should return the covariance matrix of the state sigma points.\n\nSee UKFMeasurementModel for more details on how to set up a custom measurement model. Pass the custom measurement model as the second argument to the UKF constructor.\n\nCustom Cholesky factorization\n\nThe UnscentedKalmanFilter supports providing a custom function to compute the Cholesky factorization of the covariance matrices for use in sigma-point generation.\n\nIf either of the following conditions are met, you may experience failure in internal Cholesky factorizations:\n\nThe dynamics noise or measurement noise covariance matrices (R_1 R_2) are singular\nThe measurement is augmented and the measurement noise has fewer degrees of freedom than the number of measurements\n(Under specific technical conditions) The dynamics is augmented and the dynamics noise has fewer degrees of freedom than the number of state variables. The technical conditions are easiest to understand in the linear-systems case, where it corresponds to the Riccati equation associated with the Kalman gain not having a solution. This may happen when the pair (A R1) has uncontrollable modes on the unit circle, for example, when there are integrating modes that are not affected through the noise.\n\nThe error message may look like\n\nERROR: PosDefException: matrix is not positive definite; Factorization failed.\n\nIn such situations, it is advicable to reconsider the noise model and covariance matrices, alternatively, you may provide a custom Cholesky factorization function to the UKF constructor through the keyword argument cholesky!. The function should have the signature cholesky!(A::AbstractMatrix)::Cholesky. A useful alternative factorizaiton when covariance matrices are expected to be singular is cholesky! = R->cholesky!(Positive, Matrix(R)) where the \"positive\" Cholesky factorization is provided by the package PositiveFactorizations.jl, which must be manually installed and loaded by the user.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.combine!-Tuple{IMM}","page":"API","title":"LowLevelParticleFilters.combine!","text":"combine!(imm::IMM)\n\nCombine the models of the IMM filter into a single state imm.x and covariance imm.R. This is done by taking a weighted average of the states and covariances of the individual models, where the weights are the mixing probabilities μ.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.commandplot","page":"API","title":"LowLevelParticleFilters.commandplot","text":"commandplot(pf, u, y, p=parameters(pf); kwargs...)\n\nProduce a helpful plot. For customization options (kwargs...), see ?pplot. After each time step, a command from the user is requested.\n\nq: quit\ns n: step n steps\n\nnote: Note\nThis function requires using Plots to be called before it is used.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.correct!","page":"API","title":"LowLevelParticleFilters.correct!","text":"ll, e = correct!(pf, u, y, p = parameters(f), t = index(f))\n\nUpdate state/weights based on measurement y, returns log-likelihood and prediction error (the error is always 0 for particle filters).\n\nExtended help\n\nTo perform separate measurement updates for different sensors, see the \"Measurement models\" in the documentation. For AdvancedParticleFilter, this can be realized by passing a custom measurement_likelihood function as the keyword argument g to correct!, or by calling the lower-level function measurement_equation! with a custom measurement_likelihood.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.correct!-2","page":"API","title":"LowLevelParticleFilters.correct!","text":"(; ll, e, S, Sᵪ, K) = correct!(kf::AbstractKalmanFilter, u, y, p = parameters(kf), t::Integer = index(kf), R2)\n\nThe correct step for a Kalman filter returns not only the log likelihood ll and the prediction error e, but also the covariance of the output S, its Cholesky factor Sᵪ and the Kalman gain K.\n\nIf R2 stored in kf is a function R2(x, u, p, t), this function is evaluated at the state before the correction is performed. The measurement noise covariance matrix R2 stored in the filter object can optionally be overridden by passing the argument R2, in this case R2 must be a matrix.\n\nExtended help\n\nTo perform separate measurement updates for different sensors, see the \"Measurement models\" in the documentation.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.correct!-3","page":"API","title":"LowLevelParticleFilters.correct!","text":"correct!(kf::SqKalmanFilter, u, y, p = parameters(kf), t::Real = index(kf); R2 = get_mat(kf.R2, kf.x, u, p, t))\n\nFor the square-root Kalman filter, a custom provided R2 must be the upper triangular Cholesky factor of the covariance matrix of the measurement noise.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.correct!-Tuple{IMM, Any, Any, Vararg{Any}}","page":"API","title":"LowLevelParticleFilters.correct!","text":"ll, lls, rest = correct!(imm::IMM, u, y, args; kwargs)\n\nThe correct step of the IMM filter corrects each model with the measurements y and control input u. The mixing probabilities imm.μ are updated based on the likelihood of each model given the measurements and the transition probability matrix P.\n\nThe returned tuple consists of the sum of the log-likelihood of all models, the vector of individual log-likelihoods and an array of the rest of the return values from the correct step of each model.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.correct!-Tuple{UnscentedKalmanFilter, Any, Any, Any, Real}","page":"API","title":"LowLevelParticleFilters.correct!","text":"correct!(ukf::UnscentedKalmanFilter{IPD, IPM, AUGD, AUGM}, u, y, p = parameters(ukf), t::Real = index(ukf) * ukf.Ts; R2 = get_mat(ukf.R2, ukf.x, u, p, t), mean, cross_cov, innovation)\n\nThe correction step for an UnscentedKalmanFilter allows the user to override, R2, mean, cross_cov, innovation.\n\nArguments:\n\nu: The input\ny: The measurement\np: The parameters\nt: The current time\nR2: The measurement noise covariance matrix, or a function that returns the covariance matrix (x,u,p,t)->R2.\nmean: The function that computes the mean of the output sigma points.\ncross_cov: The function that computes the cross-covariance of the state and output sigma points.\ninnovation: The function that computes the innovation between the measured output and the predicted output.\n\nExtended help\n\nTo perform separate measurement updates for different sensors, see the \"Measurement models\" in the documentation\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.debugplot","page":"API","title":"LowLevelParticleFilters.debugplot","text":"debugplot(pf, u, y, p=parameters(pf); runall=false, kwargs...)\n\nProduce a helpful plot. For customization options (kwargs...), see ?pplot.\n\nrunall=false: if true, runs all time steps befor displaying (faster), if false, displays the plot after each time step.\n\nThe generated plot becomes quite heavy. Initially, try limiting your input to 100 time steps to verify that it doesn't crash.\n\nnote: Note\nThis function requires using Plots to be called before it is used.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.densityplot","page":"API","title":"LowLevelParticleFilters.densityplot","text":"densityplot(x,[w])\n\nPlot (weighted) particles densities\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.forward_trajectory","page":"API","title":"LowLevelParticleFilters.forward_trajectory","text":"sol = forward_trajectory(pf, u::AbstractVector, y::AbstractVector, p=parameters(pf))\n\nRun the particle filter for a sequence of inputs and measurements (offline / batch filtering). Return a solution with x,w,we,ll = particles, weights, expweights and loglikelihood\n\nIf MonteCarloMeasurements.jl is loaded, you may transform the output particles to Matrix{MonteCarloMeasurements.Particles} using Particles(x,we). Internally, the particles are then resampled such that they all have unit weight. This is conventient for making use of the plotting facilities of MonteCarloMeasurements.jl.\n\nsol can be plotted\n\nplot(sol::ParticleFilteringSolution; nbinsy=30, xreal=nothing, dim=nothing)\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.forward_trajectory-2","page":"API","title":"LowLevelParticleFilters.forward_trajectory","text":"sol = forward_trajectory(kf::AbstractKalmanFilter, u::Vector, y::Vector, p=parameters(kf))\n\nRun a Kalman filter forward to perform (offline / batch) filtering along an entire trajectory u, y.\n\nReturns a KalmanFilteringSolution: with the following\n\nx: predictions x(tt-1)\nxt: filtered estimates x(tt)\nR: predicted covariance matrices R(tt-1)\nRt: filter covariances R(tt)\nll: loglik\n\nsol can be plotted\n\nplot(sol::KalmanFilteringSolution; plotx = true, plotxt=true, plotu=true, ploty=true)\n\nSee KalmanFilteringSolution for more details.\n\nExtended help\n\nVery large systems\n\nIf your system is very large, i.e., the dimension of the state is very large, and the arrays u,y are long, this function may use a lot of memory to store all covariance matrices R, Rt. If you do not need all the information retained by this function, you may opt to call one of the functions\n\nloglik\nLowLevelParticleFilters.sse\nLowLevelParticleFilters.prediction_errors!\n\nThat store significantly less information. The amount of computation performed by all of these functions is identical, the only difference lies in what is stored and returned.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.forward_trajectory-3","page":"API","title":"LowLevelParticleFilters.forward_trajectory","text":"forward_trajectory(imm::IMM, u, y, p = parameters(imm); interact = true)\n\nWhen performing batch filtering using an IMM filter, one may\n\nOverride the interact parameter of the filter\nAccess the mode probabilities along the trajectory as the sol.extra field. This is a matrix of size (n_modes, T) where T is the length of the trajectory (length of u and y).\n\nThe returned solution object is of type KalmanFilteringSolution and has the following fields:\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.interact!-Tuple{IMM}","page":"API","title":"LowLevelParticleFilters.interact!","text":"interact!(imm::IMM)\n\nThe interaction step of the IMM filter updates the state and covariance of each internal model based on the mixing probabilities imm.μ and the transition probability matrix imm.P.\n\nModels with small mixing probabilities will have their states and covariances updated more towards the states and covariances of models with higher mixing probabilities, and vice versa.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.log_likelihood_fun-Tuple{Any, AbstractVector, Any, Any, Any}","page":"API","title":"LowLevelParticleFilters.log_likelihood_fun","text":"ll(θ) = log_likelihood_fun(filter_from_parameters(θ::Vector)::Function, priors::Vector{Distribution}, u, y, p)\n\nreturns function θ -> p(y|θ)p(θ)\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.loglik","page":"API","title":"LowLevelParticleFilters.loglik","text":"ll = loglik(filter, u, y, p=parameters(filter))\n\nCalculate log-likelihood for entire sequences u,y\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.logsumexp!","page":"API","title":"LowLevelParticleFilters.logsumexp!","text":"ll = logsumexp!(w, we [, maxw])\n\nNormalizes the weight vector w and returns the weighted log-likelihood\n\nhttps://arxiv.org/pdf/1412.8695.pdf eq 3.8 for p(y) https://discourse.julialang.org/t/fast-logsumexp/22827/7?u=baggepinnen for stable logsumexp\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.mean_trajectory-Tuple{Any, Vector, Vector}","page":"API","title":"LowLevelParticleFilters.mean_trajectory","text":"x,ll = mean_trajectory(pf, u::Vector{Vector}, y::Vector{Vector}, p=parameters(pf))\n\nThis method resets the particle filter to the initial state distribution upon start\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.mean_trajectory-Tuple{ParticleFilteringSolution}","page":"API","title":"LowLevelParticleFilters.mean_trajectory","text":"mean_trajectory(sol::ParticleFilteringSolution)\nmean_trajectory(x::AbstractMatrix, we::AbstractMatrix)\n\nCompute the weighted mean along the trajectory of a particle-filter solution. Returns a matrix of size T × nx. If x and we are supplied, the weights are expected to be in the original space (not log space).\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.metropolis","page":"API","title":"LowLevelParticleFilters.metropolis","text":"metropolis(ll::Function(θ), R::Int, θ₀::Vector, draw::Function(θ) = naive_sampler(θ₀))\n\nPerforms MCMC sampling using the marginal Metropolis (-Hastings) algorithm draw = θ -> θ' samples a new parameter vector given an old parameter vector. The distribution must be symmetric, e.g., a Gaussian. R is the number of iterations. See log_likelihood_fun\n\nExample:\n\nfilter_from_parameters(θ) = ParticleFilter(N, dynamics, measurement, MvNormal(n,exp(θ[1])), MvNormal(p,exp(θ[2])), d0)\npriors = [Normal(0,0.1),Normal(0,0.1)]\nll = log_likelihood_fun(filter_from_parameters,priors,u,y,1)\nθ₀ = log.([1.,1.]) # Initial point\ndraw = θ -> θ .+ rand(MvNormal(0.1ones(2))) # Function that proposes new parameters (has to be symmetric)\nburnin = 200 # If using threaded call, provide number of burnin iterations\n# @time theta, lls = metropolis(ll, 2000, θ₀, draw) # Run single threaded\n# thetam = reduce(hcat, theta)'\n@time thetalls = LowLevelParticleFilters.metropolis_threaded(burnin, ll, 5000, θ₀, draw) # run on all threads, will provide (2000-burnin)*nthreads() samples\nhistogram(exp.(thetalls[:,1:2]), layout=3)\nplot!(thetalls[:,3], subplot=3) # if threaded call, log likelihoods are in the last column\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.reset!-Tuple{LowLevelParticleFilters.AbstractKalmanFilter}","page":"API","title":"LowLevelParticleFilters.reset!","text":"reset!(kf::AbstractKalmanFilter; x0)\n\nReset the initial distribution of the state. Optionally, a new mean vector x0 can be provided.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.reset!-Tuple{LowLevelParticleFilters.AbstractParticleFilter}","page":"API","title":"LowLevelParticleFilters.reset!","text":"Reset the filter to initial state and covariance/distribution\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.reset!-Tuple{SqKalmanFilter}","page":"API","title":"LowLevelParticleFilters.reset!","text":"reset!(kf::SqKalmanFilter; x0)\n\nReset the initial distribution of the state. Optionally, a new mean vector x0 can be provided.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.simulate","page":"API","title":"LowLevelParticleFilters.simulate","text":"x,u,y = simulate(f::AbstractFilter, T::Int, du::Distribution, p=parameters(f), [N]; dynamics_noise=true, measurement_noise=true)\nx,u,y = simulate(f::AbstractFilter, u, p=parameters(f); dynamics_noise=true, measurement_noise=true)\n\nSimulate dynamical system forward in time T steps, or for the duration of u. Returns state sequence, inputs and measurements.\n\nu is an input-signal trajectory, alternatively, du is a distribution of random inputs.\n\nA simulation can be considered a draw from the prior distribution over the evolution of the system implied by the selected noise models. Such a simulation is useful in order to evaluate whether or not the noise models are reasonable.\n\nIf MonteCarloMeasurements.jl is loaded, the argument N::Int can be supplied, in which case N simulations are done and the result is returned in the form of Vector{MonteCarloMeasurements.Particles}.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.smooth","page":"API","title":"LowLevelParticleFilters.smooth","text":"xT,RT,ll = smooth(sol, kf)\nxT,RT,ll = smooth(kf::KalmanFilter, u::Vector, y::Vector, p=parameters(kf))\nxT,RT,ll = smooth(kf::ExtendedKalmanFilter, u::Vector, y::Vector, p=parameters(kf))\n\nReturns smoothed estimates of state x and covariance R given all input output data u,y or an existing solution sol obtained from forward_trajectory.\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.smooth-2","page":"API","title":"LowLevelParticleFilters.smooth","text":"xb,ll = smooth(pf, M, u, y, p=parameters(pf))\nxb,ll = smooth(pf, xf, wf, wef, ll, M, u, y, p=parameters(pf))\n\nPerform particle smoothing using forward-filtering, backward simulation. Return smoothed particles and loglikelihood. See also smoothed_trajs, smoothed_mean, smoothed_cov\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.smoothed_cov-Tuple{Any}","page":"API","title":"LowLevelParticleFilters.smoothed_cov","text":"smoothed_cov(xb)\n\nHelper function to calculate the covariance of smoothed particle trajectories\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.smoothed_mean-Tuple{Any}","page":"API","title":"LowLevelParticleFilters.smoothed_mean","text":"smoothed_mean(xb)\n\nHelper function to calculate the mean of smoothed particle trajectories\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.smoothed_trajs-Tuple{Any}","page":"API","title":"LowLevelParticleFilters.smoothed_trajs","text":"smoothed_trajs(xb)\n\nHelper function to get particle trajectories as a 3-dimensions array (N,M,T) instead of matrix of vectors.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.update!","page":"API","title":"LowLevelParticleFilters.update!","text":"ll, e = update!(f::AbstractFilter, u, y, p = parameters(f), t = index(f))\n\nPerform one step of predict! and correct!, returns log-likelihood and prediction error\n\n\n\n\n\n","category":"function"},{"location":"api/#LowLevelParticleFilters.update!-Tuple{IMM, Any, Any, Vararg{Any}}","page":"API","title":"LowLevelParticleFilters.update!","text":"update!(imm::IMM, u, y, p, t; correct_kwargs = (;), predict_kwargs = (;), interact = true)\n\nThe combined udpate for an IMM filter performs the following steps:\n\nCorrect each model with the measurements y and control input u.\nCombine the models into a single state and covariance.\nInteract the models to update their respective state and covariance.\nPredict each model to the next time step.\n\nThis differs slightly from the udpate step of other filters, where at the end of an update the state of the filter is the one-step ahead predicted value, whereas here each individual filter has a predicted state, but the combine! step of the IMM filter hasn't been performed on the predictions yet. The state of the IMM filter is thus x(tt) and not x(t+1t) like it is for other filters, and each filter internal to the IMM.\n\nArguments:\n\ncorrect_kwargs: An optional named tuple of keyword arguments that are sent to correct!.\npredict_kwargs: An optional named tuple of keyword arguments that are sent to predict!.\ninteract: Whether or not to run the interaction step.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.weighted_cov-Tuple{Any, Any}","page":"API","title":"LowLevelParticleFilters.weighted_cov","text":"weighted_cov(x,we)\n\nSimilar to weighted_mean, but returns covariances\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.weighted_mean-Tuple{Any, AbstractVector}","page":"API","title":"LowLevelParticleFilters.weighted_mean","text":"x̂ = weighted_mean(x,we)\n\nCalculated weighted mean of particle trajectories. we are expweights.\n\n\n\n\n\n","category":"method"},{"location":"api/#LowLevelParticleFilters.weighted_mean-Tuple{Any}","page":"API","title":"LowLevelParticleFilters.weighted_mean","text":"x̂ = weighted_mean(pf)\nx̂ = weighted_mean(s::PFstate)\n\n\n\n\n\n","category":"method"},{"location":"api/#StatsAPI.predict!","page":"API","title":"StatsAPI.predict!","text":"predict!(kf::SqKalmanFilter, u, p = parameters(kf), t::Real = index(kf); R1 = get_mat(kf.R1, kf.x, u, p, t), α = kf.α)\n\nFor the square-root Kalman filter, a custom provided R1 must be the upper triangular Cholesky factor of the covariance matrix of the process noise.\n\n\n\n\n\n","category":"function"},{"location":"api/#StatsAPI.predict!-2","page":"API","title":"StatsAPI.predict!","text":"predict!(f, u, p = parameters(f), t = index(f))\n\nMove filter state forward in time using dynamics equation and input vector u.\n\n\n\n\n\n","category":"function"},{"location":"api/#StatsAPI.predict!-3","page":"API","title":"StatsAPI.predict!","text":"predict!(kf::AbstractKalmanFilter, u, p = parameters(kf), t::Integer = index(kf); R1, α = kf.α)\n\nPerform the prediction step (updating the state estimate to x(t+1t)). If R1 stored in kf is a function R1(x, u, p, t), this function is evaluated at the state before the prediction is performed. The dynamics noise covariance matrix R1 stored in kf can optionally be overridden by passing the argument R1, in this case R1 must be a matrix.\n\n\n\n\n\n","category":"function"},{"location":"api/#StatsAPI.predict!-Union{Tuple{AUGM}, Tuple{AUGD}, Tuple{IPM}, Tuple{IPD}, Tuple{UnscentedKalmanFilter{IPD, IPM, AUGD, AUGM}, Any}, Tuple{UnscentedKalmanFilter{IPD, IPM, AUGD, AUGM}, Any, Any}, Tuple{UnscentedKalmanFilter{IPD, IPM, AUGD, AUGM}, Any, Any, Real}} where {IPD, IPM, AUGD, AUGM}","page":"API","title":"StatsAPI.predict!","text":"predict!(ukf::UnscentedKalmanFilter, u, p = parameters(ukf), t::Real = index(ukf) * ukf.Ts; R1 = get_mat(ukf.R1, ukf.x, u, p, t), reject, mean, cov, dynamics)\n\nThe prediction step for an UnscentedKalmanFilter allows the user to override, R1 and any of the functions, reject, mean, cov, dynamics`.\n\nArguments:\n\nu: The input\np: The parameters\nt: The current time\nR1: The dynamics noise covariance matrix, or a function that returns the covariance matrix.\nreject: A function that takes a sigma point and returns true if it should be rejected.\nmean: The function that computes the mean of the state sigma points.\ncov: The function that computes the covariance of the state sigma points.\n\n\n\n\n\n","category":"method"},{"location":"api/","page":"API","title":"API","text":"LowLevelParticleFilters.prediction_errors!","category":"page"},{"location":"api/#LowLevelParticleFilters.prediction_errors!","page":"API","title":"LowLevelParticleFilters.prediction_errors!","text":"prediction_errors!(res, f::AbstractFilter, u, y, p = parameters(f), λ = 1)\n\nCalculate the prediction errors and store the result in res. Similar to sse, this function is useful for sum-of-squares optimization. In contrast to sse, this function returns the residuals themselves rather than their sum of squares. This is useful for Gauss-Newton style optimizers, such as LeastSquaresOptim.LevenbergMarquardt.\n\nArguments:\n\nres: A vector of length ny*length(y). Note, for each datapoint in u and u, there are ny outputs, and thus ny residuals.\nf: Any filter\nλ: A weighting factor to minimize dot(e, λ, e). A commonly used metric is λ = Diagonal(1 ./ (mag.^2)), where mag is a vector of the \"typical magnitude\" of each output. Internally, the square root of W = sqrt(λ) is calculated so that the residuals stored in res are W*e.\n\nSee example in Solving using Gauss-Newton optimization.\n\n\n\n\n\n","category":"function"},{"location":"beetle_example/#Smoothing-the-track-of-a-moving-beetle","page":"Particle-filter tutorial","title":"Smoothing the track of a moving beetle","text":"","category":"section"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"This is an example of smoothing the 2-dimensional trajectory of a moving dung beetle. The example spurred off of this Discourse topic. For more information about the research behind this example, see Artificial light disrupts dung beetles’ sense of direction and A dung beetle that path integrates without the use of landmarks. Special thanks to Yakir Gagnon for providing this example.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"In this example we will describe the position coordinates, x and y, of the beetle as functions of its velocity, v_t, and direction, θ_t:","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"beginaligned\nx_t+1 = x_t + cos(θ_t)v_t \ny_t+1 = y_t + sin(θ_t)v_t \nv_t+1 = v_t + e_t \nθ_t+1 = θ_t + w_t\nendaligned","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"where e_t N(0σ_e) w_t N(0σ_w) The beetle further has two \"modes\", one where it's moving towards a goal, and one where it's searching in a more erratic manner. Figuring out when this mode switch occurs is the goal of the filtering. The mode will be encoded as a state variable, and used to determine the amount of dynamic noise affecting the angle of the beetle, i.e., in the searching mode, the beetle has more angle noise. The mode switching is modeled as a stochastic process with a binomial distribution (coin flip) describing the likelihood of a switch from mode 0 (moving to goal) and mode 1 (searching). Once the beetle has started searching, it stays in that mode, i.e., the searching mode is \"sticky\" or \"terminal\".","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"The image below shows an example video from which the data is obtained (Image: Bettle)","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We load a single experiment from file for the purpose of this example (in practice, there may be hundreds of experiments)","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots, Random\nusing DisplayAs # hide\nusing DelimitedFiles\npath = \"../track.csv\"\nxyt = readdlm(path)\ntosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy # helper function\ny = tosvec(collect(eachrow(xyt[:,1:2])))\nnothing # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We then define some properties of the dynamics and the filter. We will use an AdvancedParticleFilter since we want to have fine-grained control over the noise sampling for the mode switch.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"N = 2000 # Number of particles in the particle filter\nn = 4 # Dimension of state: we have position (2D), speed and angle\np = 2 # Dimension of measurements, we can measure the x and the y\n@inline pos(s) = s[SVector(1,2)]\n@inline vel(s) = s[3]\n@inline ϕ(s) = s[4]\n@inline mode(s) = s[5]\nnothing # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We then define the probability distributions we need.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"dgσ = 1 # the deviation of the measurement noise distribution\ndvσ = 0.3 # the deviation of the dynamics noise distribution\nϕσ = 0.5\nconst switch_prob = 0.03 # Probability of mode switch\nconst dg = MvNormal(@SVector(zeros(p)), dgσ^2) # Measurement noise Distribution\nconst df = LowLevelParticleFilters.TupleProduct((Normal.(0,[1e-1, 1e-1, dvσ, ϕσ])...,Binomial(1,switch_prob)))\nd0 = MvNormal(SVector(y[1]..., 0.5, atan((y[2]-y[1])...), 0), [3.,3,2,2,0])\nconst noisevec = zeros(5) # cache vector\nnothing # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We now define the dynamics, since we use the advanced filter, we include the noise=false argument. The dynamics is directly defined in discrete time.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"@inline function dynamics(s,u,p,t,noise=false)\n # current state\n m = mode(s)\n v = vel(s)\n a = ϕ(s)\n p = pos(s)\n # get noise\n if noise\n y_noise, x_noise, v_noise, ϕ_noise,_ = rand!(df, noisevec)\n else\n y_noise, x_noise, v_noise, ϕ_noise = 0.,0.,0.,0.\n end\n # next state\n v⁺ = max(0.999v + v_noise, 0.0)\n m⁺ = Float64(m == 0 ? rand() < switch_prob : true)\n a⁺ = a + (ϕ_noise*(1 + m*10))/(1 + v⁺) # next state velocity is used here\n p⁺ = p + SVector(y_noise, x_noise) + SVector(sincos(a))*v⁺ # current angle but next velocity\n SVector{5,Float64}(p⁺[1], p⁺[2], v⁺, a⁺, m⁺) # all next state\nend\nfunction measurement_likelihood(s,u,y,p,t)\n logpdf(dg, pos(s)-y) # A simple linear measurement model with normal additive noise\nend\n@inline measurement(s,u,p,t,noise=false) = s[SVector(1,2)] + noise*rand(dg) # We observe the position coordinates with the measurement\nnothing # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"In this example, we have no control inputs, we thus define a vector of only zeros. We then solve the forward filtering problem and plot the results.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"u = zeros(length(y))\npf = AuxiliaryParticleFilter(AdvancedParticleFilter(N, dynamics, measurement, measurement_likelihood, df, d0))\nT = length(y)\nsol = forward_trajectory(pf,u[1:T],y[1:T])\n(; x,w,we,ll) = sol\nplot(sol, markerstrokecolor=:auto, m=(2,0.5))\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We can clearly see when the beetle switched mode (state variable 5). This corresponds well to annotations provided by a biologist and is the fundamental question we want to answer with the filtering procedure.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We can plot the mean of the filtered trajectory as well","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"xh = mean_trajectory(x,we)\n\n\"plotting helper function\"\nfunction to1series(x::AbstractVector, y)\n r,c = size(y)\n y2 = vec([y; fill(Inf, 1, c)])\n x2 = repeat([x; Inf], c)\n x2,y2\nend\nto1series(y) = to1series(1:size(y,1),y)\n\nfig1 = plot(xh[:,1],xh[:,2], c=:blue, lab=\"estimate\", legend=:bottomleft)\nplot!(xyt[:,1],xyt[:,2], c=:red, lab=\"measurement\")","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"as well as the angle state variable (we subsample the particles to not get sluggish plots)","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"fig2 = scatter(to1series(ϕ.(x)'[:,1:2:end])..., m=(:black, 0.03, 2), lab=\"\", size=(500,300))\nplot!(identity.(xh[:,4]), lab=\"Filtered angle\", legend=:topleft, ylims=(-30, 70))\nDisplayAs.PNG(fig2) # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"The particle plot above indicate that the posterior is multimodal. This phenomenon arises due to the simple model that uses an angle that is allowed to leave the interval 0-2π rad. In this example, we are not interested in the angle, but rather when the beetle switches mode. The filtering distribution above gives a hint at when this happens, but we will not plot the mode trajectory until we have explored smoothing as well.","category":"page"},{"location":"beetle_example/#Smoothing","page":"Particle-filter tutorial","title":"Smoothing","text":"","category":"section"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"The filtering results above does not use all the available information when trying to figure out the state trajectory. To do this, we may call a smoother. We use a particle smoother and compute 10 smoothing trajectories.","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"M = 10 # Number of smoothing trajectories, NOTE: if this is set higher, the result will be better at the expense of linear scaling of the computational cost.\nsb,ll = smooth(pf, M, u, y) # Sample smoothing particles (b for backward-trajectory)\nsbm = smoothed_mean(sb) # Calculate the mean of smoothing trajectories\nsbt = smoothed_trajs(sb) # Get smoothing trajectories\nplot!(fig1, sbm[1,:],sbm[2,:], lab=\"xs\")","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"plot!(fig2, identity.(sbm'[:,4]), lab=\"smoothed\")\nDisplayAs.PNG(fig2) # hide","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We see that the smoothed trajectory may look very different from the filter trajectory. This is an indication that it's hard to tell what state the beetle is currently in, but easier to look back and tell what state the beetle must have been in at a historical point. ","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"We can also visualize the mode state","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"plot(xh[:,5], lab=\"Filtering\")\nplot!(to1series(sbt[5,:,:]')..., lab=\"Smoothing\", title=\"Mode trajectories\", l=(:black,0.2))","category":"page"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"also this state variable indicates that it's hard to tell what state the beetle is in during filtering, but obvious with hindsight (smoothing). The mode switch occurs when the filtering distribution of the angle becomes drastically wider, indicating that increased dynamics noise is required in order to describe the motion of the beetle.","category":"page"},{"location":"beetle_example/#Summary","page":"Particle-filter tutorial","title":"Summary","text":"","category":"section"},{"location":"beetle_example/","page":"Particle-filter tutorial","title":"Particle-filter tutorial","text":"This example has demonstrated filtering and smoothing in an advanced application that includes manual control over noise, mixed continuous and discrete state.","category":"page"},{"location":"beetle_example_imm/#Filtering-the-track-of-a-moving-beetle-using-IMM","page":"IMM-filter tutorial","title":"Filtering the track of a moving beetle using IMM","text":"","category":"section"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"This tutorial is very similar to Smoothing the track of a moving beetle, but uses an Interacting Multiple Models (IMM) filter to model the mode switching of the beetle. The IMM filter is a mixture model, in this case with internal Unscented Kalman filters, where each Kalman filter represents a different mode of the system. The IMM filter is able to switch between these modes based on the likelihood of the mode given the data.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"This is an example of smoothing the 2-dimensional trajectory of a moving dung beetle. The example spurred off of this Discourse topic. For more information about the research behind this example, see Artificial light disrupts dung beetles’ sense of direction and A dung beetle that path integrates without the use of landmarks. Special thanks to Yakir Gagnon for providing this example.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"In this example we will describe the position coordinates, x and y, of the beetle as functions of its velocity, v_t, and direction, θ_t:","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"beginaligned\nx_t+1 = x_t + cos(θ_t)v_t \ny_t+1 = y_t + sin(θ_t)v_t \nv_t+1 = v_t + e_t \nθ_t+1 = θ_t + w_t\nendaligned","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"where e_t N(0σ_e) w_t N(0σ_w) The beetle further has two \"modes\", one where it's moving towards a goal, and one where it's searching in a more erratic manner. Figuring out when this mode switch occurs is the goal of the filtering. The mode will be encoded as two different models, where the difference between the models lies in the amount of dynamic noise affecting the angle of the beetle, i.e., in the searching mode, the beetle has more angle noise. The mode switching is modeled as a stochastic process with a binomial distribution (coin flip) describing the likelihood of a switch from mode 0 (moving to goal) and mode 1 (searching). Once the beetle has started searching, it stays in that mode, i.e., the searching mode is \"sticky\" or \"terminal\".","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"The image below shows an example video from which the data is obtained (Image: Bettle)","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"We load a single experiment from file for the purpose of this example (in practice, there may be hundreds of experiments)","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots, Random\nusing DisplayAs # hide\nusing DelimitedFiles\ncd(@__DIR__)\npath = \"../track.csv\"\nxyt = readdlm(path)\ntosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy # helper function\ny = tosvec(collect(eachrow(xyt[:,1:2])))\nnothing # hide","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"We then define some properties of the dynamics and the filter. We will use an AdvancedParticleFilter since we want to have fine-grained control over the noise sampling for the mode switch.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"nx = 4 # Dimension of state: we have position (2d), speed and angle\nny = 2 # Dimension of measurements, we can measure the x and the y\n@inline pos(s) = s[SVector(1,2)]\n@inline vel(s) = s[3]\n@inline ϕ(s) = s[4]\nnothing # hide","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"We then define the probability distributions we need. The IMM filter takes a transition-probability matrix, P, and an initial mixing probability, μ. P is a Markov (stochastic) matrix, where each row sums to one, and P[i, j] is the probability of switching from mode i to mode j. μ is a vector of probabilities, where μ[i] is the probability of starting in mode i. We also define the noise distributions for the dynamics and the measurements. The dynamics noise is modeled as a Gaussian distribution with a standard deviation of dvσ for the velocity and ϕσ for the angle. The measurement noise is modeled as a Gaussian distribution with a standard deviation of dgσ. The initial state is modeled as a Gaussian distribution with a mean at the first measurement and a standard deviation of d0.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"dgσ = 1.0 # the deviation of the measurement noise distribution\ndvσ = 0.3 # the deviation of the dynamics noise distribution\nϕσ = 0.5\nP = [0.995 0.005; 0.0 1] # Transition probability matrix, we model the search mode as \"terminal\"\nμ = [1.0, 0.0] # Initial mixing probabilities\nR1 = Diagonal([1e-1, 1e-1, dvσ, ϕσ].^2)\nR2 = dgσ^2*I(ny) # Measurement noise covariance matrix\nd0 = MvNormal(SVector(y[1]..., 0.5, atan((y[2]-y[1])...)), [3.,3,2,2])\nnothing # hide","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"We now define the dynamics, which is directly defined in discrete time. The third argument is a parameter we call modegain, which is used to scale the amount of noise in the angle of the beetle depending on the mode in which it is in. The last argument is a boolean that tells the dynamics function which mode it is in, we will close over this argument when defining the dynamics for the individual Kalman filters that are part of the IMM, one will use m = false and one will use m = true.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"@inline function dynamics(s,_,modegain,t,w,m)\n # current state\n v = vel(s)\n a = ϕ(s)\n p = pos(s)\n\n y_noise, x_noise, v_noise, ϕ_noise = w\n\n # next state\n v⁺ = max(0.999v + v_noise, 0.0)\n a⁺ = a + (ϕ_noise*(1 + m*modegain))/(1 + v⁺) # next state velocity is used here\n p⁺ = p + SVector(y_noise, x_noise) + SVector(sincos(a))*v⁺ # current angle but next velocity\n SVector(p⁺[1], p⁺[2], v⁺, a⁺) # all next state\nend\n@inline measurement(s,u,p,t) = s[SVector(1,2)] # We observe the position coordinates with the measurement\nnothing # hide","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"In this example, we have no control inputs, we thus define a vector of only zeros. We then solve the forward filtering problem and plot the results.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"u = zeros(length(y)) # no control inputs\nkffalse = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,false), measurement, R1, R2, d0; ny, nu=0, p=10)\nkftrue = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,true), measurement, R1, R2, d0; ny, nu=0, p=10)\n\nimm = IMM([kffalse, kftrue], P, μ; p = 10)\n\nT = length(y)\nsol = forward_trajectory(imm, u, y, interact=true)\nfigx = plot(sol, plotu=false, plotRt=true)\nfigmode = plot(sol.extra', title=\"Mode\")\nplot(figx, figmode)\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"If you have followed the particle filter tutorial Smoothing the track of a moving beetle, you will notice that the result here is much worse. We used noise parameters similar to in the particle-gilter example, but those were tuned fo the particle filter. Below, we will attempt to optimize the performance of the IMM filter.","category":"page"},{"location":"beetle_example_imm/#Tuning-by-optimization","page":"IMM-filter tutorial","title":"Tuning by optimization","text":"","category":"section"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"We will attempt to optimize the dynamics and measurement noise covariance matrices and the modegain parameter. We code this up in two functions, one that takes the parameter vector and returns an IMM filter, and one that calculates the loss given the filter. We will optimize the log-likelihood of the data given the filter.","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"params = [log10.(diag(R1)); log10(1); log10(10)]\n\nfunction get_opt_kf(p)\n T = eltype(p)\n R1i = Diagonal(SVector{4}(exp10.(p[1:4])))\n R2i = SMatrix{2,2}(exp10(p[5])*R2)\n d0i = MvNormal(SVector{4, T}(T.(d0.μ)), SMatrix{4,4}(T.(d0.Σ)))\n modegain = 2+exp10(p[6])\n Pi = SMatrix{2,2, Float64,4}(P)\n # sigmoid(x) = 1/(1+exp(-x))\n # switch_prob = sigmoid(p[7])\n # Pi = [1-switch_prob switch_prob; 0 1]\n kffalse = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,false), measurement, R1i, R2i, d0i; ny, nu=0)\n kftrue = UnscentedKalmanFilter{false,false,true,false}((x,u,p,t,w)->dynamics(x,u,p,t,w,true), measurement, R1i, R2i, d0i; ny, nu=0)\n\n IMM([kffalse, kftrue], Pi, T.(μ), p=modegain)\nend\nfunction cost(pars)\n try\n imm = get_opt_kf(pars)\n T = length(y)\n ll = loglik(imm, u[1:T], y[1:T], interact=true) - 1/2*logdet(imm.models[1].R1)\n return -ll\n catch e\n # rethrow() # If you only get Inf, you can uncomment this line to see the error message\n return eltype(pars)(Inf)\n\tend\nend\n\nusing Optim\nRandom.seed!(0)\nres = Optim.optimize(\n cost,\n params,\n ParticleSwarm(), # Use a gradient-free optimizer. ForwardDiff works, but the algorithm is numerically difficult to compute gradients through and may suffer from overflows in the gradient computation\n Optim.Options(\n show_trace = true,\n show_every = 5,\n iterations = 100,\n time_limit = 30,\n ),\n)\n\nimm = get_opt_kf(res.minimizer)\nimm = get_opt_kf([-0.1981314138910982, -0.18626406669394405, -2.7342979645906547, 0.17994244691004058, -11.706419070755908, -54.16703441089562]) #make sure it goes well # hide\n\nsol = forward_trajectory(imm, u, y)\nplot(sol.extra', title=\"Mode (optimized filter)\")","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"If it went well, the filter should be in mode 1 (the false mode) from the start until around 200 time steps, at which point it should switch to model 2 (true). This method of detecting the mode switch of the beetle appears to be somewhat less robust than the particle filter, but is significantly cheaper computationally. ","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"The IMM filter does not stick in mode 2 perpetually after having reached it since it never actually becomes fully confident that mode 2 has been reached, but detecting the first switch is sufficient to know that the switch has occurred. ","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"The log-likelihood of the solution","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"sol.ll","category":"page"},{"location":"beetle_example_imm/","page":"IMM-filter tutorial","title":"IMM-filter tutorial","text":"should be similar to that of the particle-filter in the tutorial Smoothing the track of a moving beetle, which was around -1660.","category":"page"},{"location":"noisetuning/#How-to-tune-a-Kalman-filter","page":"Noise tuning and disturbance modeling for Kalman filtering","title":"How to tune a Kalman filter","text":"","category":"section"},{"location":"noisetuning/","page":"Noise tuning and disturbance modeling for Kalman filtering","title":"Noise tuning and disturbance modeling for Kalman filtering","text":"This tutorial is hosted as a notebook.","category":"page"},{"location":"fault_detection/#Fault-detection","page":"Fault detection","title":"Fault detection","text":"","category":"section"},{"location":"fault_detection/","page":"Fault detection","title":"Fault detection","text":"This is a video tutorial, available below:","category":"page"},{"location":"fault_detection/","page":"Fault detection","title":"Fault detection","text":"","category":"page"},{"location":"fault_detection/","page":"Fault detection","title":"Fault detection","text":"The notebook used in the tutorial is available here:","category":"page"},{"location":"fault_detection/","page":"Fault detection","title":"Fault detection","text":"identification_12_fault_detection.jl on JuliaHub\nidentification_12_fault_detection.jl on GitHub","category":"page"},{"location":"discretization/#Discretization","page":"Discretization","title":"Discretization","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"This package operates exclusively on discrete-time dynamics, and dynamics describing, e.g., ODE systems must thus be discretized. This page describes the details around discretization for nonlinear and linear systems, as well as how to discretize continuous-time noise processes. ","category":"page"},{"location":"discretization/#Nonlinear-ODEs","page":"Discretization","title":"Nonlinear ODEs","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"Continuous-time dynamics functions on the form (x,u,p,t) -> ẋ can be discretized (integrated) using the function SeeToDee.Rk4, e.g.,","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"using SeeToDee\ndiscrete_dynamics = SeeToDee.Rk4(continuous_dynamics, sampletime; supersample=1)","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"where the integer supersample determines the number of RK4 steps that is taken internally for each change of the control signal (1 is often sufficient and is the default). The returned function discrete_dynamics is on the form (x,u,p,t) -> x⁺.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"note: Note\nWhen solving state-estimation problems, accurate integration is often less important than during simulation. The motivations for this are severalThe dynamics model is often inaccurate, and solving an inaccurate model to high accuracy can be a waste of effort.\nThe performance is often dictated by the disturbances acting on the system.\nState-estimation enjoys feedback from measurements that corrects for slight errors due to integration.","category":"page"},{"location":"discretization/#Linear-systems","page":"Discretization","title":"Linear systems","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"A linear system on the form ","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"beginaligned\ndotx(t) = Ax(t) + Bu(t)\ny(t) = Cx(t) + Du(t)\nendaligned","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"can be discretized using ControlSystems.c2d, which defaults to a zero-order hold discretization. See the example below for more info.","category":"page"},{"location":"discretization/#Covariance-matrices","page":"Discretization","title":"Covariance matrices","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"Covariance matrices for continuous-time noise processes can also be discretized using ControlSystems.c2d","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"using ControlSystemIdentification\nR1d = c2d(sys::StateSpace{<:Discrete}, R1::Matrix)\nR1d, R2d = c2d(sys::StateSpace{<:Discrete}, R1::Matrix, R2::Matrix)","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"This samples a continuous-time covariance matrix to fit the provided discrete-time system sys.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"The method used comes from theorem 5 in the reference below.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"Ref: \"Discrete-time Solutions to the Continuous-time Differential Lyapunov Equation With Applications to Kalman Filtering\", Patrik Axelsson and Fredrik Gustafsson","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"On singular covariance matrices: The traditional double integrator with covariance matrix Q = diagm([0,σ²]) can not be sampled with this method. Instead, the input matrix (\"Cholesky factor\") of Q must be manually kept track of, e.g., the noise of variance σ² enters like N = [0, 1] which is sampled using ZoH and becomes Nd = [Ts^2 / 2; Ts] which results in the covariance matrix σ² * Nd * Nd' (see example below).","category":"page"},{"location":"discretization/#Example","page":"Discretization","title":"Example","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"The following example will discretize a linear double integrator system. Double integrators arise when the position of an object is controlled by a force, i.e., when Newtons second law f = ma governs the dynamics. The system can be written on the form","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"beginaligned\ndot x(t) = Ax(t) + Bu(t) + Nw(t)\ny(t) = Cx(t) + e(t)\nendaligned","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"where N = B are both equal to [0, 1], indicating that the noise w(t) enters like a force (this could be for instance due to air resistance or friction).","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"We start by defining the system that takes u as an input and discretize that with a sample time of T_s = 01.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"using ControlSystemsBase\nA = [0 1; 0 0]\nB = [0; 1;;]\nC = [1 0]\nD = 0\nTs = 0.1 # Sample time\n\nsys = ss(A,B,C,D)\nsysd = c2d(sys, Ts) # Discretize the dynamics","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"We then form another system, this time with w(t) as the input, and thus N as the input matrix instead of B. We assume that the noise has a standard deviation of sigma_1 = 05","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"σ1 = 0.5\nN = σ1*[0; 1;;]\nsys_w = ss(A,N,C,D)\nsys_wd = c2d(sys_w, Ts) # Discretize the noise system\nNd = sys_wd.B # The discretized noise input matrix\nR1d = Nd*Nd' # The final discrete-time covariance matrix","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"We can verify that the matrix we computed corresponds to the theoretical covariance matrix for a discrete-time double integrator:","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"R1d ≈ σ1^2*[Ts^2 / 2; Ts]*[Ts^2 / 2; Ts]'","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"For a nonlinear system, we could adopt a similar strategy by first linearizing the system around a suitable operating point. Alternatively, we could make use of the fact that some of the state estimators in this package allows the covariance matrices to be functions of the state, and thus compute a new discretized covariance matrix using a linearization around the current state.","category":"page"},{"location":"discretization/#Non-uniform-sample-rates","page":"Discretization","title":"Non-uniform sample rates","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"Special care is needed if the sample rate is not constant, i.e., the time interval between measurements varies. ","category":"page"},{"location":"discretization/#Dropped-samples","page":"Discretization","title":"Dropped samples","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"A common case is that the sample rate is constant, but some measurements are lost. This case is very easy to handle; the filter loop iterates between two steps","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"Prediction using predict!(filter, x, u, p, t)\nCorrection using\ncorrect!(f, u, y, p, t) if using the standard measurement model of the filter\ncorrect!(f, mm, u, y, p, t, mm) to use a custom measurement model mm","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"If a measurement y is lacking, one simply skips the corresponding call to correct! where y is missing. Repeated calls to predict! corresponds to simulating the system without any feedback from measurements, like if an ODE was solved. Internally, the filter will keep track of the covariance of the estimate, which is likely to grow if no measurements are used to inform the filter about the state of the system.","category":"page"},{"location":"discretization/#Sensors-with-different-sample-rates","page":"Discretization","title":"Sensors with different sample rates","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"For Kalman-type filters, it is possible to construct custom measurement models, and pass an instance of a measurement model as the second argument to correct!. This allows for sensor fusion with sensors operating at different rates, or when parts of the measurement model are linear, and other parts are nonlinear. See examples in Measurement models for how to construct explicit measurement models.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"A video demonstrating the use of multiple measurement models running at different rates is available on YouTube:","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"","category":"page"},{"location":"discretization/#Stochastic-sample-rate","page":"Discretization","title":"Stochastic sample rate","text":"","category":"section"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"In some situations, such as in event-based systems, the sample rate is truly stochastic. There is no single correct way of handling this, and we instead outline some alternative approaches.","category":"page"},{"location":"discretization/","page":"Discretization","title":"Discretization","text":"If the filtering is performed offline on a batch of data, time-varying dynamics can be used, for instance by supplying matrices to a KalmanFilter on the form A[:, :, t]. Each A is then computed as the discretization with the sample time given as the time between measurement t and measurement t+1.\nA conceptually simple approach is to choose a very small sample interval T_s which is smaller than the smallest occuring sample interval in the data, and approximate each sample interval by rounding it to the nearest integer multiple of T_s. This transforms the problem to an instance of the \"dropped samples\" problem described above.\nMake use of an adaptive integrator instead of the fixed-step rk4 supplied in this package, and manually keep track of the step length that needs to be taken.","category":"page"},{"location":"benchmark/#Benchmark-test","page":"Benchmark","title":"Benchmark test","text":"","category":"section"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"To see how the performance varies with the number of particles, we simulate several times. The following code simulates the system and performs filtering using the simulated measurements. We do this for varying number of time steps and varying number of particles.","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"note: Note\nTo run this code, see the bottom of src/example_lineargaussian.jl.","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"function run_test()\n particle_count = [10, 20, 50, 100, 200, 500, 1000]\n time_steps = [20, 100, 200]\n RMSE = zeros(length(particle_count),length(time_steps)) # Store the RMS errors\n propagated_particles = 0\n t = @elapsed for (Ti,T) = enumerate(time_steps)\n for (Ni,N) = enumerate(particle_count)\n montecarlo_runs = 2*maximum(particle_count)*maximum(time_steps) ÷ T ÷ N\n E = sum(1:montecarlo_runs) do mc_run\n pf = ParticleFilter(N, dynamics, measurement, df, dg, d0) # Create filter\n u = @SVector randn(2)\n x = SVector{2,Float64}(rand(rng, d0))\n y = SVector{2,Float64}(sample_measurement(pf,x,u,0,1))\n error = 0.0\n @inbounds for t = 1:T-1\n pf(u, y) # Update the particle filter\n x = dynamics(x,u,t) + SVector{2,Float64}(rand(rng, df)) # Simulate the true dynamics and add some noise\n y = SVector{2,Float64}(sample_measurement(pf,x,u,0,t)) # Simulate a measuerment\n u = @SVector randn(2) # draw a random control input\n error += sum(abs2,x-weighted_mean(pf))\n end # t\n √(error/T)\n end # MC\n RMSE[Ni,Ti] = E/montecarlo_runs\n propagated_particles += montecarlo_runs*N*T\n @show N\n end # N\n @show T\n end # T\n println(\"Propagated $propagated_particles particles in $t seconds for an average of $(propagated_particles/t/1000) particles per millisecond\")\n return RMSE\nend\n\n@time RMSE = run_test()","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"Propagated 8400000 particles in 1.140468043 seconds for an average of 7365.397085484139 particles per millisecond","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"We then plot the results","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"time_steps = [20, 100, 200]\nparticle_count = [10, 20, 50, 100, 200, 500, 1000]\nnT = length(time_steps)\nleg = reshape([\"$(time_steps[i]) time steps\" for i = 1:nT], 1,:)\nplot(particle_count,RMSE,xscale=:log10, ylabel=\"RMS errors\", xlabel=\" Number of particles\", lab=leg)","category":"page"},{"location":"benchmark/","page":"Benchmark","title":"Benchmark","text":"(Image: window)","category":"page"},{"location":"#LowLevelParticleFilters","page":"Home","title":"LowLevelParticleFilters","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"(Image: CI) (Image: codecov)","category":"page"},{"location":"","page":"Home","title":"Home","text":"This is a library for state estimation, that is, given measurements y(t) from a dynamical system, estimate the state vector x(t). Throughout, we assume dynamics on the form","category":"page"},{"location":"","page":"Home","title":"Home","text":"beginaligned\nx(t+1) = f(x(t) u(t) p t w(t))\ny(t) = g(x(t) u(t) p t e(t))\nendaligned","category":"page"},{"location":"","page":"Home","title":"Home","text":"or the linear version","category":"page"},{"location":"","page":"Home","title":"Home","text":"beginaligned\nx(t+1) = Ax(t) + Bu(t) + w(t)\ny(t) = Cx(t) + Du(t) + e(t)\nendaligned","category":"page"},{"location":"","page":"Home","title":"Home","text":"where x is the state vector, u an input, p some form of parameters, t is the time and we are disturbances (noise). Throughout the documentation, we often call the function f dynamics and the function g measurement.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The dynamics above describe a discrete-time system, i.e., the function f takes the current state and produces the next state. This is in contrast to a continuous-time system, where f takes the current state but produces the time derivative of the state. A continuous-time system can be discretized, described in detail in Discretization.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The parameters p can be anything, or left out. You may write the dynamics functions such that they depend on p and include parameters when you create a filter object. You may also override the parameters stored in the filter object when you call any function on the filter object. This behavior is modeled after the SciML ecosystem.","category":"page"},{"location":"","page":"Home","title":"Home","text":"Depending on the nature of f and g, the best method of estimating the state may vary. If fg are linear and the disturbances are additive and Gaussian, the KalmanFilter is an optimal state estimator. If any of the above assumptions fail to hold, we may need to resort to more advanced estimators. This package provides several filter types, outlined below.","category":"page"},{"location":"#Estimator-types","page":"Home","title":"Estimator types","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"We provide a number of filter types","category":"page"},{"location":"","page":"Home","title":"Home","text":"KalmanFilter. A standard Kalman filter. Is restricted to linear dynamics (possibly time varying) and Gaussian noise.\nSqKalmanFilter. A standard Kalman filter on square-root form (slightly slower but more numerically stable with ill-conditioned covariance).\nExtendedKalmanFilter: For nonlinear systems, the EKF runs a regular Kalman filter on linearized dynamics. Uses ForwardDiff.jl for linearization (or user provided). The noise model must still be Gaussian and additive.\nUnscentedKalmanFilter: The Unscented Kalman filter often performs slightly better than the Extended Kalman filter but may be slightly more computationally expensive. The UKF handles nonlinear dynamics and measurement models, but still requires a Gaussian noise model (may be non additive) and still assumes that all posterior distributions are Gaussian, i.e., can not handle multi-modal posteriors.\nParticleFilter: The particle filter is a nonlinear estimator. This version of the particle filter is simple to use and assumes that both dynamics noise and measurement noise are additive. Particle filters handle multi-modal posteriors.\nAdvancedParticleFilter: This filter gives you more flexibility, at the expense of having to define a few more functions. This filter does not require the noise to be additive and is thus the most flexible filter type.\nAuxiliaryParticleFilter: This filter is identical to ParticleFilter, but uses a slightly different proposal mechanism for new particles.\nIMM: (Currently considered experimental) The Interacting Multiple Models filter switches between multiple internal filters based on a hidden Markov model. This filter is useful when the system dynamics change over time and the change can be modeled as a discrete Markov chain, i.e., the system may switch between a small number of discrete \"modes\".","category":"page"},{"location":"#Functionality","page":"Home","title":"Functionality","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"This package provides ","category":"page"},{"location":"","page":"Home","title":"Home","text":"Filtering, estimating x(t) given measurements up to and including time t. We call the filtered estimate x(tt) (read as x at t given t).\nSmoothing, estimating x(t) given data up to T t, i.e., x(tT).\nParameter estimation.","category":"page"},{"location":"","page":"Home","title":"Home","text":"All filters work in two distinct steps.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The prediction step (predict!). During prediction, we use the dynamics model to form x(tt-1) = f(x(t-1) )\nThe correction step (correct!). In this step, we adjust the predicted state x(tt-1) using the measurement y(t) to form x(tt).","category":"page"},{"location":"","page":"Home","title":"Home","text":"(The IMM filter is an exception to the above and has two additional steps, combine! and interact!)","category":"page"},{"location":"","page":"Home","title":"Home","text":"In general, all filters represent not only a point estimate of x(t), but a representation of the complete posterior probability distribution over x given all the data available up to time t. One major difference between different filter types is how they represent these probability distributions.","category":"page"},{"location":"#Particle-filter","page":"Home","title":"Particle filter","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"A particle filter represents the probability distribution over the state as a collection of samples, each sample is propagated through the dynamics function f individually. When a measurement becomes available, the samples, called particles, are given a weight based on how likely the particle is given the measurement. Each particle can thus be seen as representing a hypothesis about the current state of the system. After a few time steps, most weights are inevitably going to be extremely small, a manifestation of the curse of dimensionality, and a resampling step is incorporated to refresh the particle distribution and focus the particles on areas of the state space with high posterior probability.","category":"page"},{"location":"","page":"Home","title":"Home","text":"Defining a particle filter (ParticleFilter) is straightforward, one must define the distribution of the noise df in the dynamics function, dynamics(x,u,p,t) and the noise distribution dg in the measurement function measurement(x,u,p,t). Both of these noise sources are assumed to be additive, but can have any distribution (see AdvancedParticleFilter for non-additive noise). The distribution of the initial state estimate d0 must also be provided. In the example below, we use linear Gaussian dynamics so that we can easily compare both particle and Kalman filters. (If we have something close to linear Gaussian dynamics in practice, we should of course use a Kalman filter and not a particle filter.)","category":"page"},{"location":"","page":"Home","title":"Home","text":"using LowLevelParticleFilters, LinearAlgebra, StaticArrays, Distributions, Plots\nusing DisplayAs # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"Define problem","category":"page"},{"location":"","page":"Home","title":"Home","text":"nx = 2 # Dimension of state\nnu = 1 # Dimension of input\nny = 1 # Dimension of measurements\nN = 500 # Number of particles\n\nconst dg = MvNormal(ny,0.2) # Measurement noise Distribution\nconst df = MvNormal(nx,0.1) # Dynamics noise Distribution\nconst d0 = MvNormal(randn(nx),2.0) # Initial state Distribution\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"Define linear state-space system (using StaticArrays for maximum performance)","category":"page"},{"location":"","page":"Home","title":"Home","text":"const A = SA[0.97043 -0.097368\n 0.09736 0.970437]\nconst B = SA[0.1; 0;;]\nconst C = SA[0 1.0]\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"Next, we define the dynamics and measurement equations, they both take the signature (x,u,p,t) = (state, input, parameters, time) ","category":"page"},{"location":"","page":"Home","title":"Home","text":"dynamics(x,u,p,t) = A*x .+ B*u\nmeasurement(x,u,p,t) = C*x\nvecvec_to_mat(x) = copy(reduce(hcat, x)') # Helper function\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"the parameter p can be anything, and is often optional. If p is not provided when performing operations on filters, any p stored in the filter objects (if supported) is used. The default if none is provided and none is stored in the filter is p = LowLevelParticleFilters.NullParameters().","category":"page"},{"location":"","page":"Home","title":"Home","text":"We are now ready to define and use a filter","category":"page"},{"location":"","page":"Home","title":"Home","text":"pf = ParticleFilter(N, dynamics, measurement, df, dg, d0)","category":"page"},{"location":"","page":"Home","title":"Home","text":"With the filter in hand, we can simulate from its dynamics and query some properties","category":"page"},{"location":"","page":"Home","title":"Home","text":"du = MvNormal(nu,1.0) # Random input distribution for simulation\nxs,u,y = simulate(pf,200,du) # We can simulate the model that the pf represents\npf(u[1], y[1]) # Perform one filtering step using input u and measurement y\nparticles(pf) # Query the filter for particles, try weights(pf) or expweights(pf) as well\nx̂ = weighted_mean(pf) # using the current state","category":"page"},{"location":"","page":"Home","title":"Home","text":"If you want to perform batch filtering using an existing trajectory consisting of vectors of inputs and measurements, try any of the functions forward_trajectory, mean_trajectory:","category":"page"},{"location":"","page":"Home","title":"Home","text":"sol = forward_trajectory(pf, u, y) # Filter whole trajectories at once\nx̂,ll = mean_trajectory(pf, u, y)\nplot(sol, xreal=xs, markersize=2)\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"u ad y are then assumed to be vectors of vectors. StaticArrays is recommended for maximum performance.","category":"page"},{"location":"","page":"Home","title":"Home","text":"If MonteCarloMeasurements.jl is loaded, you may transform the output particles to Matrix{MonteCarloMeasurements.Particles} with the layout T × n_state using Particles(x,we). Internally, the particles are then resampled such that they all have unit weight. This is conventient for making use of the plotting facilities of MonteCarloMeasurements.jl.","category":"page"},{"location":"","page":"Home","title":"Home","text":"For a full usage example, see the benchmark section below or example_lineargaussian.jl","category":"page"},{"location":"#Resampling","page":"Home","title":"Resampling","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The particle filter will perform a resampling step whenever the distribution of the weights has become degenerate. The resampling is triggered when the effective number of samples is smaller than pf.resample_threshold in 0 1, this value can be set when constructing the filter. How the resampling is done is governed by pf.resampling_strategy, we currently provide ResampleSystematic <: ResamplingStrategy as the only implemented strategy. See https://en.wikipedia.org/wiki/Particle_filter for more info.","category":"page"},{"location":"#Particle-Smoothing","page":"Home","title":"Particle Smoothing","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Smoothing is the process of finding the best state estimate given both past and future data. Smoothing is thus only possible in an offline setting. This package provides a particle smoother, based on forward filtering, backward simulation (FFBS), example usage follows:","category":"page"},{"location":"","page":"Home","title":"Home","text":"N = 2000 # Number of particles\nT = 80 # Number of time steps\nM = 100 # Number of smoothed backwards trajectories\npf = ParticleFilter(N, dynamics, measurement, df, dg, d0)\ndu = MvNormal(nu,1) # Control input distribution\nx,u,y = simulate(pf,T,du) # Simulate trajectory using the model in the filter\ntosvec(y) = reinterpret(SVector{length(y[1]),Float64}, reduce(hcat,y))[:] |> copy\nx,u,y = tosvec.((x,u,y)) # It's good for performance to use StaticArrays to the extent possible\n\nxb,ll = smooth(pf, M, u, y) # Sample smoothing particles\nxbm = smoothed_mean(xb) # Calculate the mean of smoothing trajectories\nxbc = smoothed_cov(xb) # And covariance\nxbt = smoothed_trajs(xb) # Get smoothing trajectories\nxbs = [diag(xbc) for xbc in xbc] |> vecvec_to_mat .|> sqrt\nplot(xbm', ribbon=2xbs, lab=\"PF smooth\")\nplot!(vecvec_to_mat(x), l=:dash, lab=\"True\")","category":"page"},{"location":"","page":"Home","title":"Home","text":"We can plot the particles themselves as well","category":"page"},{"location":"","page":"Home","title":"Home","text":"downsample = 5\nplot(vecvec_to_mat(x), l=(4,), layout=(2,1), show=false)\nscatter!(xbt[1, 1:downsample:end, :]', subplot=1, show=false, m=(1,:black, 0.5), lab=\"\")\nscatter!(xbt[2, 1:downsample:end, :]', subplot=2, m=(1,:black, 0.5), lab=\"\")\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"#Kalman-filter","page":"Home","title":"Kalman filter","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The KalmanFilter (wiki) assumes that f and g are linear functions, i.e., that they can be written on the form","category":"page"},{"location":"","page":"Home","title":"Home","text":"beginaligned\nx(t+1) = Ax(t) + Bu(t) + w(t)\ny(t) = Cx(t) + Du(t) + e(t)\nendaligned","category":"page"},{"location":"","page":"Home","title":"Home","text":"for some matrices ABCD where w sim N(0 R_1) and e sim N(0 R_2) are zero mean and Gaussian. The Kalman filter represents the posterior distributions over x by the mean and a covariance matrix. The magic behind the Kalman filter is that linear transformations of Gaussian distributions remain Gaussian, and we thus have a very efficient way of representing them.","category":"page"},{"location":"","page":"Home","title":"Home","text":"A Kalman filter is easily created using the constructor KalmanFilter. Many of the functions defined for particle filters, are defined also for Kalman filters, e.g.:","category":"page"},{"location":"","page":"Home","title":"Home","text":"R1 = cov(df)\nR2 = cov(dg)\nkf = KalmanFilter(A, B, C, 0, R1, R2, d0)\nsol = forward_trajectory(kf, u, y) # sol contains filtered state, predictions, pred cov, filter cov, loglik\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"It can also be called in a loop like the pf above","category":"page"},{"location":"","page":"Home","title":"Home","text":"for t = 1:T\n kf(u,y) # Performs both correct! and predict!\n # alternatively\n ll, e = correct!(kf, y, nothing, t) # Returns loglikelihood and prediction error (plus other things if you want)\n x = state(kf) # Access the state estimate\n R = covariance(kf) # Access the covariance of the estimate\n predict!(kf, u, nothing, t)\nend","category":"page"},{"location":"","page":"Home","title":"Home","text":"The matrices in the Kalman filter may be time varying, such that A[:, :, t] is A(t). They may also be provided as functions on the form A(t) = A(x u p t). This works for both dynamics and covariance matrices.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The numeric type used in the Kalman filter is determined from the mean of the initial state distribution, so make sure that this has the correct type if you intend to use, e.g., Float32 or ForwardDiff.Dual for automatic differentiation.","category":"page"},{"location":"#Smoothing-using-KF","page":"Home","title":"Smoothing using KF","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Kalman filters can also be used for smoothing ","category":"page"},{"location":"","page":"Home","title":"Home","text":"kf = KalmanFilter(A, B, C, 0, cov(df), cov(dg), d0)\nxT,R,lls = smooth(kf, u, y) # Returns smoothed state, smoothed cov, loglik\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"Plot and compare PF and KF","category":"page"},{"location":"","page":"Home","title":"Home","text":"plot(vecvec_to_mat(xT), lab=\"Kalman smooth\", layout=2)\nplot!(xbm', lab=\"pf smooth\")\nplot!(vecvec_to_mat(x), lab=\"true\")","category":"page"},{"location":"#Kalman-filter-tuning-tutorial","page":"Home","title":"Kalman filter tuning tutorial","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The tutorial \"How to tune a Kalman filter\" details how to figure out appropriate covariance matrices for the Kalman filter, as well as how to add disturbance models to the system model.","category":"page"},{"location":"#Unscented-Kalman-Filter","page":"Home","title":"Unscented Kalman Filter","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The UnscentedKalmanFilter represents posterior distributions over x as Gaussian distributions just like the KalmanFilter, but propagates them through a nonlinear function f by a deterministic sampling of a small number of particles called sigma points (this is referred to as the unscented transform). This UKF thus handles nonlinear functions fg, but only Gaussian disturbances and unimodal posteriors. The UKF will by default treat the noise as additive, but by using the augmented UKF form, non-additive noise may be handled as well. See the docstring of UnscentedKalmanFilter for more details.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The UKF takes the same arguments as a regular KalmanFilter, but the matrices defining the dynamics are replaced by two functions, dynamics and measurement, working in the same way as for the ParticleFilter above (unless the augmented form is used).","category":"page"},{"location":"","page":"Home","title":"Home","text":"ukf = UnscentedKalmanFilter(dynamics, measurement, cov(df), cov(dg), MvNormal(SA[1.,1.]); nu=nu, ny=ny)","category":"page"},{"location":"","page":"Home","title":"Home","text":"info: Info\nIf your function dynamics describes a continuous-time ODE, do not forget to discretize it before passing it to the UKF. See Discretization for more information.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The UnscentedKalmanFilter has many customization options, see the docstring for more details. In particular, the UKF may be created with a linear measurement model as an optimization.","category":"page"},{"location":"#Extended-Kalman-Filter","page":"Home","title":"Extended Kalman Filter","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The ExtendedKalmanFilter (EKF) is similar to the UKF, but propagates Gaussian distributions by linearizing the dynamics and using the formulas for linear systems similar to the standard Kalman filter. This can be slightly faster than the UKF (not always), but also less accurate for strongly nonlinear systems. The linearization is performed automatically using ForwardDiff.jl unless the user provides Jacobian functions that compute A and C. In general, the UKF is recommended over the EKF unless the EKF is faster and computational performance is the top priority.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The EKF constructor has the following two signatures","category":"page"},{"location":"","page":"Home","title":"Home","text":"ExtendedKalmanFilter(dynamics, measurement, R1, R2, d0=MvNormal(R1); nu::Int, p = LowLevelParticleFilters.NullParameters(), α = 1.0, check = true, Ajac = nothing, Cjac = nothing)\nExtendedKalmanFilter(kf, dynamics, measurement; Ajac = nothing, Cjac = nothing)","category":"page"},{"location":"","page":"Home","title":"Home","text":"The first constructor takes all the arguments required to initialize the extended Kalman filter, while the second one takes an already defined standard Kalman filter. using the first constructor, the user must provide the number of inputs to the system, nu.","category":"page"},{"location":"","page":"Home","title":"Home","text":"where kf is a standard KalmanFilter from which the covariance properties are taken.","category":"page"},{"location":"","page":"Home","title":"Home","text":"info: Info\nIf your function dynamics describes a continuous-time ODE, do not forget to discretize it before passing it to the UKF. See Discretization for more information.","category":"page"},{"location":"#AdvancedParticleFilter","page":"Home","title":"AdvancedParticleFilter","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"The AdvancedParticleFilter works very much like the ParticleFilter, but admits more flexibility in its noise models.","category":"page"},{"location":"","page":"Home","title":"Home","text":"The AdvancedParticleFilter type requires you to implement the same functions as the regular ParticleFilter, but in this case you also need to handle sampling from the noise distributions yourself. The function dynamics must have a method signature like below. It must provide one method that accepts state vector, control vector, parameter, time and noise::Bool that indicates whether or not to add noise to the state. If noise should be added, this should be done inside dynamics An example is given below","category":"page"},{"location":"","page":"Home","title":"Home","text":"using Random\nconst rng = Random.Xoshiro()\nfunction dynamics(x, u, p, t, noise=false) # It's important that `noise` defaults to false\n x = A*x .+ B*u # A simple linear dynamics model in discrete time\n if noise\n x += rand(rng, df) # it's faster to supply your own rng\n end\n x\nend\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"The measurement_likelihood function must have a method accepting state, input, measurement, parameter and time, and returning the log-likelihood of the measurement given the state, a simple example below:","category":"page"},{"location":"","page":"Home","title":"Home","text":"function measurement_likelihood(x, u, y, p, t)\n logpdf(dg, C*x-y) # An example of a simple linear measurement model with normal additive noise\nend\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"This gives you very high flexibility. The noise model in either function can, for instance, be a function of the state, something that is not possible for the simple ParticleFilter. To be able to simulate the AdvancedParticleFilter like we did with the simple filter above, the measurement method with the signature measurement(x,u,p,t,noise=false) must be available and return a sample measurement given state (and possibly time). For our example measurement model above, this would look like this","category":"page"},{"location":"","page":"Home","title":"Home","text":"# This function is only required for simulation\nmeasurement(x, u, p, t, noise=false) = C*x + noise*rand(rng, dg)\nnothing # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"We now create the AdvancedParticleFilter and use it in the same way as the other filters:","category":"page"},{"location":"","page":"Home","title":"Home","text":"apf = AdvancedParticleFilter(N, dynamics, measurement, measurement_likelihood, df, d0)\nsol = forward_trajectory(apf, u, y, ny) # Perform batch filtering","category":"page"},{"location":"","page":"Home","title":"Home","text":"plot(sol, xreal=x)\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"We can even use this type as an AuxiliaryParticleFilter","category":"page"},{"location":"","page":"Home","title":"Home","text":"apfa = AuxiliaryParticleFilter(apf)\nsol = forward_trajectory(apfa, u, y, ny)\nplot(sol, dim=1, xreal=x) # Same as above, but only plots a single dimension\nDisplayAs.PNG(Plots.current()) # hide","category":"page"},{"location":"","page":"Home","title":"Home","text":"See the tutorials section for more advanced examples, including state estimation for DAE (Differential-Algebraic Equation) systems.","category":"page"},{"location":"#Troubleshooting-and-tuning","page":"Home","title":"Troubleshooting and tuning","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Tuning a particle filter can be quite the challenge. To assist with this, we provide som visualization tools","category":"page"},{"location":"","page":"Home","title":"Home","text":"debugplot(pf,u[1:20],y[1:20], runall=true, xreal=x[1:20])","category":"page"},{"location":"","page":"Home","title":"Home","text":"The plot displays all state variables and all measurements. The heatmap in the background represents the weighted particle distributions per time step. For the measurement sequences, the heatmap represent the distributions of predicted measurements. The blue dots corresponds to measured values. In this case, we simulated the data and we had access to the state as well, if we do not have that, just omit xreal. You can also manually step through the time-series using","category":"page"},{"location":"","page":"Home","title":"Home","text":"commandplot(pf,u,y; kwargs...)","category":"page"},{"location":"","page":"Home","title":"Home","text":"For options to the debug plots, see ?pplot.","category":"page"},{"location":"#Tuning-noise-parameters-through-optimization","page":"Home","title":"Tuning noise parameters through optimization","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"See examples in Parameter Estimation.","category":"page"},{"location":"#Tuning-through-simulation","page":"Home","title":"Tuning through simulation","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"It is possible to sample from the Bayesian model implied by a filter and its parameters by calling the function simulate. A simple tuning strategy is to adjust the noise parameters such that a simulation looks \"similar\" to the data, i.e., the data must not be too unlikely under the model.","category":"page"},{"location":"#Videos","page":"Home","title":"Videos","text":"","category":"section"},{"location":"","page":"Home","title":"Home","text":"Several video tutorials using this package are available in the playlists","category":"page"},{"location":"","page":"Home","title":"Home","text":"System identification in Julia\nControl systems in Julia","category":"page"},{"location":"","page":"Home","title":"Home","text":"Some examples featuring this package in particular are","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"},{"location":"","page":"Home","title":"Home","text":"Using an optimizer to optimize the likelihood of an UnscentedKalmanFilter:","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"},{"location":"","page":"Home","title":"Home","text":"Estimation of time-varying parameters:","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"},{"location":"","page":"Home","title":"Home","text":"Adaptive control by means of estimation of time-varying parameters:","category":"page"},{"location":"","page":"Home","title":"Home","text":"","category":"page"}] +} diff --git a/v3.12.3/siteinfo.js b/v3.12.3/siteinfo.js new file mode 100644 index 00000000..ac4005b6 --- /dev/null +++ b/v3.12.3/siteinfo.js @@ -0,0 +1 @@ +var DOCUMENTER_CURRENT_VERSION = "v3.12.3"; diff --git a/versions.js b/versions.js index 7a1242ca..f9fd07d8 100644 --- a/versions.js +++ b/versions.js @@ -17,5 +17,5 @@ var DOC_VERSIONS = [ "v2.0", "dev", ]; -var DOCUMENTER_NEWEST = "v3.12.2"; +var DOCUMENTER_NEWEST = "v3.12.3"; var DOCUMENTER_STABLE = "stable";

Adaptive Neural-Network training

In this example, we will demonstrate how we can take the estimation of time-varying parameters to the extreme, and use a nonlinear state estimator to estimate the weights in a neural-network model of a dynamical system.

In the tutorial Joint state and parameter estimation, we demonstrated how we can add a parameter as a state variable and let the state estimator estimate this alongside the state. In this example, we will try to learn an entire black-box model of the system dynamics using a neural network, and treat the network weights as time-varying parameters by adding them to the state.

We start by generating some data from a simple dynamical system, we will continue to use the quadruple-tank system from Joint state and parameter estimation.

using LowLevelParticleFilters, Lux, Random, SeeToDee, StaticArrays, Plots, LinearAlgebra, ComponentArrays, DifferentiationInterface, SparseMatrixColorings
+using SparseConnectivityTracer: TracerSparsityDetector
+
+using LowLevelParticleFilters: SimpleMvNormal
+
+function quadtank(h,u,p,t)
+    kc = 0.5
+    k1, k2, g = 1.6, 1.6, 9.81
+    A1 = A3 = A2 = A4 = 4.9
+    a1, a3, a2, a4 = 0.03, 0.03, 0.03, 0.03
+    γ1, γ2 = 0.2, 0.2
+
+    if t > 2000
+        a1 *= 1.5 # Change the parameter at t = 2000
+    end
+
+    ssqrt(x) = √(max(x, zero(x)) + 1e-3) # For numerical robustness at x = 0
+
+    SA[
+        -a1/A1 * ssqrt(2g*h[1]) + a3/A1*ssqrt(2g*h[3]) +     γ1*k1/A1 * u[1]
+        -a2/A2 * ssqrt(2g*h[2]) + a4/A2*ssqrt(2g*h[4]) +     γ2*k2/A2 * u[2]
+        -a3/A3*ssqrt(2g*h[3])                          + (1-γ2)*k2/A3 * u[2]
+        -a4/A4*ssqrt(2g*h[4])                          + (1-γ1)*k1/A4 * u[1]
+    ]
+end
+
+Ts = 30 # sample time
+discrete_dynamics = SeeToDee.Rk4(quadtank, Ts) # Discretize dynamics
+nu = 2 # number of control inputs
+nx = 4 # number of state variables
+ny = 4 # number of measured outputs
+
+function generate_data()
+    measurement(x,u,p,t) = x#SA[x[1], x[2]]
+    Tperiod = 200
+    t = 0:Ts:4000
+    u = vcat.((0.25 .* sign.(sin.(2pi/Tperiod .* t)) .+ 0.25) .* sqrt.(rand.()))
+    u = SVector{nu, Float32}.(vcat.(u,u))
+    x0 = Float32[2,2,3,3]
+    x = LowLevelParticleFilters.rollout(discrete_dynamics, x0, u)[1:end-1]
+    y = measurement.(x, u, 0, 0)
+    y = [Float32.(y .+ 0.01.*randn.()) for y in y] # Add some noise to the measurement
+
+    (; x, u, y, nx, nu, ny, Ts)
+end
+
+rng = Random.default_rng()
+Random.seed!(rng, 1)
+data = generate_data()

Neural network dynamics

Our neural network will be a small feedforward network built using the package Lux.jl.

ni = ny + nu
+nhidden = 8
+const model_ = Chain(Dense(ni, nhidden, tanh), Dense(nhidden, nhidden, tanh), Dense(nhidden, ny))
Chain(
+    layer_1 = Dense(6 => 8, tanh),      # 56 parameters
+    layer_2 = Dense(8 => 8, tanh),      # 72 parameters
+    layer_3 = Dense(8 => 4),            # 36 parameters
+)         # Total: 164 parameters,
+          #        plus 0 states.

Since the network is rather small, we will train on the CPU only, this will be fast enough for this use case. We may extract the parameters of the network using the function Lux.setup, and convert them to a ComponentArray to make it easier to refer to different parts of the combined state vector.

dev = cpu_device()
+ps, st = Lux.setup(rng, model_) |> dev
+parr = ComponentArray(ps)

The dynamics of our black-box model will call the neural network to predict the next state given the current state and input. We bias the dynamics towards low frequencies by adding a multiple of the current state to the prediction of the next state, 0.95*x. We also add a small amount of weight decay to the parameters of the neural network for regularization, 0.995*p.

function dynamics(out0, xp0, u, _, t)
+    xp = ComponentArray(xp0, getaxes(s0))
+    out = ComponentArray(out0, getaxes(s0))
+    x = xp.x
+    p = xp.p
+    xp, _ = Lux.apply(model_, [x; u], p, st)
+    @. out.x = 0.95f0*x+xp
+    @. out.p = 0.995f0*p
+    nothing
+end
+
+@views measurement(out, x, _, _, _) = out .= x[1:nx] # Assume measurement of the full state vector

For simplicity, we have assumed here that we have access to measurements of the entire state vector of the original process. This is many times unrealistic, and if we do not have such access, we may instead augment the measured signals with delayed versions of themselves (sometimes called a delay embedding). This is a common technique in discrete-time system identification, used in e.g., ControlSystemIdentification.arx and subspaceid.

The initial state of the process x0 and the initial parameters of the neural network parr can now be concatenated to form the initial augmented state s0.

x0 = Float32[2; 2; 3; 3]
+s0 = ComponentVector(; x=x0, p=parr)

Kalman filter setup

We will estimate the parameters using two different nonlinear Kalman filters, the ExtendedKalmanFilter and the UnscentedKalmanFilter. The covariance matrices for the filters, R1, R2, may be tuned such that we get the desired learning speed of the weights, where larger covariance for the network weights will allow for faster learning, but also more noise in the estimates.

R1 = Diagonal([0.1ones(nx); 0.01ones(length(parr))]) .|> Float32
+R2 = Diagonal((1e-2)^2 * ones(ny)) .|> Float32

The ExtendedKalmanFilter uses Jacobians of the dynamics and measurement model, and if we do not provide those functions they will be automatically computed using ForwardDiff.jl. Since our Jacobians will be relatively large but sparse in this example, we will make use of the sparsity-aware features of DifferentiationInterface.jl in order to get efficient Jacobian computations.

function Ajacfun(x,u,p,t) # Function that returns a function for the Jacobian of the dynamics
+    # For large neural networks, it might be faster to use an OOP formulation with Zygote instead of ForwardDiff. Zygote does not handle the in-place version
+    backend = AutoSparse(
+        AutoForwardDiff(),
+        # AutoZygote(),
+        sparsity_detector=TracerSparsityDetector(),
+        coloring_algorithm=GreedyColoringAlgorithm(),
+    )
+    out = similar(getdata(x))
+    inner = (out,x)->dynamics(out,x,u,p,t)
+    prep = prepare_jacobian(inner, out, backend, getdata(x))
+    jac = one(eltype(x)) .* sparsity_pattern(prep)
+    function (x,u,p,t)
+        inner2 = (out,x)->dynamics(out,x,u,p,t)
+        DifferentiationInterface.jacobian!(inner2, out, jac, prep, backend, x)
+    end
+end
+
+Ajac = Ajacfun(s0, data.u[1], nothing, 0)
+
+const CJ_ = [I(nx) zeros(Float32, nx, length(parr))] # The jacobian of the measurement model is constant
+Cjac(x,u,p,t) = CJ_

Estimation

We may now initialize our filters and perform the estimation. Here, we use the function forward_trajectory to perform filtering along the entire data trajectory at once, but we may use this in a streaming fashion as well, as more data becomes available in real time.

We plot the one-step ahead prediction of the outputs and compare to the "measured" data.

ekf = ExtendedKalmanFilter(dynamics, measurement, R1, R2, SimpleMvNormal(s0, 100R1); nu, check=false, Ajac, Cjac, Ts)
+ukf = UnscentedKalmanFilter(dynamics, measurement, R1, R2, SimpleMvNormal(s0, 100R1); nu, ny, Ts)
+
+@time sole = forward_trajectory(ekf, data.u, data.x)
+@time solu = forward_trajectory(ukf, data.u, data.x)
+
+plot(sole, plotx=false, plotxt=false, plotyh=true, plotyht=false, plotu=false, plote=true, name="EKF", layout=(nx, 1), size=(1200, 1500))
+plot!(solu, plotx=false, plotxt=false, plotyh=true, plotyht=false, plotu=false, plote=true, name="UKF", ploty=false)
Example block output

We see that prediction errors, $e$, are large in the beginning when the network weights are randomly initialized, but after about half the trajectory the errors are significantly reduced. Just like in the tutorial Joint state and parameter estimation, we modified the true dynamics after some time, at $t=2000$, and we see that the filters are able to adapt to this change after a transient increase in prediction error variance.

We may also plot the evolution of the neural-network weights over time, and see how the filters adapt to the changing dynamics of the system.

plot(
+    plot(0:Ts:4000, reduce(hcat, sole.xt)'[:, nx+1:end], title="EKF parameters"),
+    plot(0:Ts:4000, reduce(hcat, solu.xt)'[:, nx+1:end], title="UKF parameters"),
+    legend = false,
+)
Example block output

Smoothing

@time xTe,RTe = smooth(sole, ekf)
+@time xTu,RTu = smooth(solu, ukf)
+plot(
+    plot(0:Ts:4000, reduce(hcat, xTe)'[:, nx+1:end], title="EKF parameters", c=1, alpha=0.2),
+    plot(0:Ts:4000, reduce(hcat, xTu)'[:, nx+1:end], title="UKF parameters", c=1, alpha=0.2),
+    legend = false,
+)
Example block output

Benchmarking

The neural network used in this example has

length(parr)
164

parameters, and the length of the data is

length(data.u)
134

Performing the estimation using the Extended Kalman Filter took

using BenchmarkTools
+@btime forward_trajectory(ekf, data.u, data.x);
+  # 46.034 ms (77872 allocations: 123.45 MiB)

and with the Unscented Kalman Filter

@btime forward_trajectory(ukf, data.u, data.x);
+  # 142.608 ms (2134370 allocations: 224.82 MiB)

The EKF is a bit faster, which is to be expected. Both methods are very fast from a neural-network training perspective, but the performance will not scale favorably to very large network sizes.

Closing remarks

We have seen how to estimate train a black-box neural network dynamics model by treating the parameter estimation as a state-estimation problem. This example is very simple and leaves a lot of room for improvement, such as

  • We assumed very little prior knowledge of the dynamics. In practice, we may want to model as much as possible from first principles and add a neural network to capture only the residuals that our first-principles model cannot capture.
  • We started the training of the network weights directly from a random initialization. In practice, we may want to pre-train the network on a large offline dataset before updating the weights adaptively in real-time.
  • We used forward-mode AD to compute the Jacobian. The Jacobian of the dynamics has dense rows, which means that it's theoretically favorable to use reverse-mode AD to compute it. This is possible using Zygote.jl, but Zygote does not handle array mutation, and one must thus avoid the in-place version of the dynamics. Since the number of parameters in this example is small, sparse forward mode AD ended up being slightly faster.